diff --git a/nncf/common/graph/graph.py b/nncf/common/graph/graph.py index 0d4d5b8fd65..f3633772f72 100644 --- a/nncf/common/graph/graph.py +++ b/nncf/common/graph/graph.py @@ -434,7 +434,8 @@ def add_nncf_node( :param layer_name: The name of the framework-specific "layer" object that houses the operation represented by the node and associated trainable weights, if any. :param ignored_algorithms: A list of compression algorithm names (from the same set of strings that are - specified in the `"algorithm": ...` section of the .json NNCF config) which should ignore this operation. + specified in the `"algorithm": ...` section of the .json NNCF config or `ptq_quantization`) + which should ignore this operation. :param is_in_iteration_scope: Whether the node to be currently added corresponds to an iteration of an RNN cycle (where the number of iterations is determined dynamically based on the RNN input shape). :param is_integer_input: Only valid for input nodes - whether the input node corresponds to an integer input. diff --git a/nncf/openvino/graph/nncf_graph_builder.py b/nncf/openvino/graph/nncf_graph_builder.py index e4d0fac1da2..af45c17953e 100644 --- a/nncf/openvino/graph/nncf_graph_builder.py +++ b/nncf/openvino/graph/nncf_graph_builder.py @@ -123,7 +123,27 @@ def _add_nncf_node(node: ov.Node, graph: NNCFGraph) -> None: """ node_type = node.get_type_name() metatype = get_node_metatype(node) - graph.add_nncf_node(node_name=node.get_friendly_name(), node_type=node_type, node_metatype=metatype) + ignored_algorithms = GraphConverter._get_ignored_algorithms(node) + graph.add_nncf_node( + node_name=node.get_friendly_name(), + node_type=node_type, + node_metatype=metatype, + ignored_algorithms=ignored_algorithms, + ) + + @staticmethod + def _get_ignored_algorithms(node: ov.Node) -> List[str]: + """ + Creates a list of the ignored algorithms corresponding with + the ignored_algorithms option of add_nncf_node method. + + :param node: OpenVINO node. + :return: List of the ignored algorithms. + """ + ignored_algorithms = [] + if "nncf_smooth_quant" in node.get_friendly_name(): + ignored_algorithms.append("ptq_quantization") + return ignored_algorithms @staticmethod def create_nncf_graph(model: ov.Model) -> NNCFGraph: diff --git a/nncf/openvino/pot/quantization/quantize_model.py b/nncf/openvino/pot/quantization/quantize_model.py index ef98eb88b5c..b649a0d64bf 100644 --- a/nncf/openvino/pot/quantization/quantize_model.py +++ b/nncf/openvino/pot/quantization/quantize_model.py @@ -18,6 +18,7 @@ from openvino._offline_transformations import compress_quantize_weights_transformation from openvino.tools import pot +from nncf.common.deprecation import warning_deprecated from nncf.common.logging import nncf_logger from nncf.common.quantization.structs import QuantizationPreset from nncf.data import Dataset @@ -339,10 +340,19 @@ def quantize_impl( if advanced_parameters is None: advanced_parameters = AdvancedQuantizationParameters() - if model_type == ModelType.TRANSFORMER and advanced_parameters.smooth_quant_alpha > 0: + if advanced_parameters.smooth_quant_alpha is not None: + warning_deprecated( + "`AdvancedQuantizationParameters(smooth_quant_alpha=..)` is deprecated." + "Please, use `AdvancedQuantizationParameters(smooth_quant_alphas)` option " + "with AdvancedSmoothQuantParameters(convolution=.., matmul=..) as value instead." + ) + + sq_params = advanced_parameters.smooth_quant_alphas + + if model_type == ModelType.TRANSFORMER and (sq_params.convolution > 0 or sq_params.matmul > 0): nncf_logger.warning( - 'IMPORTANT. The advanced parameter "smooth_quant_alpha > 0" IS NOT SUPPORTED for the POT backend!' - 'Please, use "smooth_quant_alpha = -1".' + "IMPORTANT. The AdvancedSmoothQuantParameters parameter value > 0 IS NOT SUPPORTED for the POT backend!" + "Please, use `AdvancedSmoothQuantParameters(convolution = -1, matmul = -1)`." ) algorithm_parameters = _create_quantization_config( @@ -443,10 +453,19 @@ def quantize_with_accuracy_control_impl( if advanced_quantization_parameters is None: advanced_quantization_parameters = AdvancedQuantizationParameters() - if model_type == ModelType.TRANSFORMER and advanced_quantization_parameters.smooth_quant_alpha > 0: + if advanced_quantization_parameters.smooth_quant_alpha is not None: + warning_deprecated( + "`AdvancedQuantizationParameters(smooth_quant_alpha=..)` is deprecated." + "Please, use `AdvancedQuantizationParameters(smooth_quant_alphas)` option " + "with AdvancedSmoothQuantParameters(convolution=.., matmul=..) as value instead." + ) + + sq_params = advanced_quantization_parameters.smooth_quant_alphas + + if model_type == ModelType.TRANSFORMER and (sq_params.convolution > 0 or sq_params.matmul > 0): nncf_logger.warning( - 'IMPORTANT. The advanced parameter "smooth_quant_alpha > 0" IS NOT SUPPORTED for the POT backend!' - 'Please, use "smooth_quant_alpha = -1".' + "IMPORTANT. The AdvancedSmoothQuantParameters parameter value > 0 IS NOT SUPPORTED for the POT backend!" + "Please, use `AdvancedSmoothQuantParameters(convolution = -1, matmul = -1)`." ) if advanced_quantization_parameters.disable_bias_correction: diff --git a/nncf/quantization/advanced_parameters.py b/nncf/quantization/advanced_parameters.py index d0409fab8ea..5a8dd596509 100644 --- a/nncf/quantization/advanced_parameters.py +++ b/nncf/quantization/advanced_parameters.py @@ -111,6 +111,25 @@ class AdvancedBiasCorrectionParameters: threshold: Optional[float] = None +@api() +@dataclass +class AdvancedSmoothQuantParameters: + """ + Contains advanced alpha parameters for SmoothQuant algorithm. + It regulates the calculation of the smooth scale for different node types. + A negative value switches off the algorithm for current node type. In case of inaccurate results, + this parameter may be adjusted in the range from 0 to 1 or set -1 to disable SmoothQuant algorithm. + + :param convolution: Whether to apply smoothing for Convolution layers. + :type convolution: float + :param matmul: Whether to apply smoothing for MatMul layers. + :type matmul: float + """ + + convolution: float = -1 + matmul: float = 0.95 + + @api() @dataclass class AdvancedQuantizationParameters: @@ -130,10 +149,6 @@ class AdvancedQuantizationParameters: :type disable_channel_alignment: bool :param disable_bias_correction: Whether to disable the bias correction. :type disable_bias_correction: bool - :param smooth_quant_alpha: SmoothQuant-related parameter. It regulates the calculation of the smooth scale. - The default value is 0.95. A negative value switches off the algorithm. In case of inaccurate results, - this parameter may be adjusted in the range from 0 to 1 or set -1 to disable SmoothQuant algorithm. - :type smooth_quant_alpha: float :param activations_quantization_params: Quantization parameters for activations. :type activations_quantization_params: nncf.quantization.advanced_parameters.QuantizationParameters :param weights_quantization_params: Quantization parameters for weights. @@ -144,6 +159,13 @@ class AdvancedQuantizationParameters: :type weights_range_estimator_params: nncf.quantization.range_estimator.RangeEstimatorParameters :param bias_correction_params: Advanced bias correction parameters. :type bias_correction_params: nncf.quantization.advanced_parameters.AdvancedBiasCorrectionParameters + :param smooth_quant_alphas: SmoothQuant-related parameters mapping. + It regulates the calculation of the smooth scale. The default value stored in AdvancedSmoothQuantParameters. + A negative value for each field switches off type smoothing. In case of inaccurate results, + fields may be adjusted in the range from 0 to 1 or set -1 to disable smoothing for type. + :type smooth_quant_alpha: AdvancedSmoothQuantParameters + :param smooth_quant_alpha: Deprecated SmoothQuant-related parameter. + :type smooth_quant_alpha: float :param backend_params: Backend-specific parameters. :type backend_params: Dict[str, Any] """ @@ -154,7 +176,6 @@ class AdvancedQuantizationParameters: inplace_statistics: bool = True disable_channel_alignment: bool = True disable_bias_correction: bool = False - smooth_quant_alpha: float = 0.95 # Advanced Quantization parameters activations_quantization_params: QuantizationParameters = field(default_factory=QuantizationParameters) @@ -167,6 +188,11 @@ class AdvancedQuantizationParameters: # Advanced BiasCorrection algorithm parameters bias_correction_params: AdvancedBiasCorrectionParameters = field(default_factory=AdvancedBiasCorrectionParameters) + # Advanced SmoothQuant algorithm parameters + smooth_quant_alphas: AdvancedSmoothQuantParameters = field(default_factory=AdvancedSmoothQuantParameters) + # Deprecated parameter + smooth_quant_alpha: float = None + # Backend specific parameters backend_params: Dict[str, Any] = field(default_factory=dict) diff --git a/nncf/quantization/algorithms/hyperparameter_tuner/param_grid.py b/nncf/quantization/algorithms/hyperparameter_tuner/param_grid.py index cd621295f2f..5cc4beb207e 100644 --- a/nncf/quantization/algorithms/hyperparameter_tuner/param_grid.py +++ b/nncf/quantization/algorithms/hyperparameter_tuner/param_grid.py @@ -14,6 +14,7 @@ from nncf.common.quantization.structs import QuantizationPreset from nncf.common.utils.backend import BackendType +from nncf.quantization.advanced_parameters import AdvancedSmoothQuantParameters from nncf.quantization.algorithms.bias_correction.algorithm import BiasCorrection from nncf.quantization.algorithms.channel_alignment.algorithm import ChannelAlignment from nncf.quantization.algorithms.fast_bias_correction.algorithm import FastBiasCorrection @@ -79,7 +80,12 @@ def _get_minmax_quantization_param_grid() -> ParamGrid: def _get_smooth_quant_param_grid() -> ParamGrid: - return {"advanced_parameters:smooth_quant_alpha": [0.15, 0.25, 0.5, 0.75, 0.95]} + alpha_values = [0.15, 0.25, 0.5, 0.75, 0.95] + return { + "advanced_parameters:smooth_quant_alphas": [ + AdvancedSmoothQuantParameters(matmul=alpha_v) for alpha_v in itertools.product(alpha_values) + ] + } def _get_channel_alignment_param_grid() -> ParamGrid: diff --git a/nncf/quantization/algorithms/min_max/algorithm.py b/nncf/quantization/algorithms/min_max/algorithm.py index 3a9cbdfe473..5f6ad5f0376 100644 --- a/nncf/quantization/algorithms/min_max/algorithm.py +++ b/nncf/quantization/algorithms/min_max/algorithm.py @@ -339,8 +339,16 @@ def _get_ignored_names( ignored_names_by_layer_attributes = self._backend_entity.get_ignored_names_by_layer_attributes( inference_nncf_graph ) + + ignored_scope_by_algorithm = self._get_ignored_scope_by_algorithm(inference_nncf_graph) + ignored_names_by_algorithm = get_ignored_node_names_from_ignored_scope( + ignored_scope_by_algorithm, nncf_graph, strict=False + ) + ignored_names.update({name: IgnoreReason.AUTOGENERATED for name in ignored_names_by_layer_attributes}) + ignored_names.update({name: IgnoreReason.AUTOGENERATED for name in ignored_names_by_algorithm}) + # User ignored scope has higher priority ignored_names.update({name: IgnoreReason.USER_REQUESTED for name in user_ignored_names}) @@ -361,6 +369,19 @@ def _get_ignored_scope(self, inference_nncf_graph: NNCFGraph, ignored_patterns: return IgnoredScope(names=nncf_node_names) + def _get_ignored_scope_by_algorithm(self, inference_nncf_graph: NNCFGraph) -> IgnoredScope: + """ + Returns IgnoredScope with node ignored_algorithms matched `quantization`. + + :param inference_nncf_graph: Inference NNCFGraph instance. + :return: IgnoredScope with corresponded nodes. + """ + nncf_node_names = [] + for nncf_node in inference_nncf_graph.get_all_nodes(): + if "ptq_quantization" in nncf_node.ignored_algorithms: + nncf_node_names.append(nncf_node.node_name) + return IgnoredScope(names=nncf_node_names) + def _get_quantizer_setup( self, nncf_graph: NNCFGraph, diff --git a/nncf/quantization/algorithms/post_training/pipeline.py b/nncf/quantization/algorithms/post_training/pipeline.py index 7d46828023b..5bb358e1457 100644 --- a/nncf/quantization/algorithms/post_training/pipeline.py +++ b/nncf/quantization/algorithms/post_training/pipeline.py @@ -80,10 +80,23 @@ def create_ptq_pipeline( # Add the `SmoothQuant` algorithm as the first step of the pipeline. # It is added only for `ModelType.TRANSFORMER`. - if model_type == ModelType.TRANSFORMER and advanced_parameters.smooth_quant_alpha >= 0: - pipeline_steps.append( - [SmoothQuant(subset_size, advanced_parameters.inplace_statistics, advanced_parameters.smooth_quant_alpha)] + sq_params = advanced_parameters.smooth_quant_alphas + sq_alpha = advanced_parameters.smooth_quant_alpha + if sq_alpha is not None: + warning_deprecated( + "`AdvancedQuantizationParameters(smooth_quant_alpha=..)` is deprecated." + "Please, use `AdvancedQuantizationParameters(smooth_quant_alphas)` option " + "with AdvancedSmoothQuantParameters(convolution=.., matmul=..) as value instead." ) + if sq_alpha < 0: + sq_params.convolution = -1 + sq_params.matmul = -1 + else: + sq_params.matmul = sq_alpha + + if model_type == ModelType.TRANSFORMER and (sq_params.convolution >= 0 or sq_params.matmul >= 0): + alpha_map = {"convolution": sq_params.convolution, "matmul": sq_params.matmul} + pipeline_steps.append([SmoothQuant(subset_size, advanced_parameters.inplace_statistics, alpha_map=alpha_map)]) # Add the `ChannelAlignment` algorithm as the second step of the pipeline. if not advanced_parameters.disable_channel_alignment: diff --git a/nncf/quantization/algorithms/smooth_quant/algorithm.py b/nncf/quantization/algorithms/smooth_quant/algorithm.py index 8add3315384..9a065279f93 100644 --- a/nncf/quantization/algorithms/smooth_quant/algorithm.py +++ b/nncf/quantization/algorithms/smooth_quant/algorithm.py @@ -28,6 +28,7 @@ from nncf.common.factory import ModelTransformerFactory from nncf.common.graph.graph import NNCFGraph from nncf.common.graph.graph import NNCFNode +from nncf.common.graph.operator_metatypes import OperatorMetatype from nncf.common.graph.transformations.commands import TargetType from nncf.common.graph.transformations.layout import TransformationLayout from nncf.common.logging import nncf_logger @@ -41,6 +42,7 @@ TModel = TypeVar("TModel") TTensor = TypeVar("TTensor") STATISTIC_BRANCH_KEY = "abs_max" +ALPHA_MAP = {"convolution": 0.05, "matmul": 0.95} class SmoothQuant(Algorithm): @@ -51,27 +53,27 @@ class SmoothQuant(Algorithm): via the insertion of nodes with smoothing scales for weighted layers. """ - def __init__(self, subset_size: int = 300, inplace_statistics: bool = True, alpha: Optional[int] = 0.95): + def __init__( + self, subset_size: int = 300, inplace_statistics: bool = True, alpha_map: Dict[str, float] = ALPHA_MAP + ): """ :param subset_size: Size of a subset for the statistics collection, default is 300. :param inplace_statistics: Defines whether to calculate quantizers statistics by backend graph operations or by default Python implementation, defaults to True. - :param alpha: The parameter that regulates the calculation of the scale. - The default value is 0.95. Negative value switches off the algorithm. + :param alpha_map: The parameter that regulates the calculation of the scale for different layers. + The default value for each layer in the ALPHA_MAP. + Negative value switches off the algorithm for correspondent nodes. """ - if alpha < 0: - raise RuntimeError("Smooth Quant algorithm does not support negative alpha parameter!") - super().__init__() self._subset_size = subset_size self._inplace_statistics = inplace_statistics self._backend_entity = None - self._alpha = alpha self._algorithm_key = f"SQ_{hash(self)}" self._cached_multiply_names = Counter() + self._alpha_map = alpha_map @property def available_backends(self) -> List[BackendType]: @@ -101,8 +103,9 @@ def apply( dataset: Optional[Dataset] = None, ) -> TModel: self._set_backend_entity(model) + alpha_map = self._get_alpha_map() - nodes_to_smooth_data = self._get_nodes_to_smooth_data(graph) + nodes_to_smooth_data = self._get_nodes_to_smooth_data(graph, alpha_map.keys()) model_transformer = ModelTransformerFactory.create(model) transformation_layout = TransformationLayout() @@ -127,8 +130,10 @@ def apply( weight_statistics = self._process_weight_statistics(node_to_smooth, weight_value, weight_port) weight_statistics = self._backend_entity.clip_statistics(weight_statistics) + alpha = alpha_map[node_to_smooth.metatype] + scales, ratio = self._backend_entity.calculate_scale_and_ratio( - activations_value, weight_statistics, self._alpha + activations_value, weight_statistics, alpha ) if ratio > best_ratio: @@ -221,8 +226,9 @@ def get_statistic_points(self, model: TModel, graph: NNCFGraph) -> StatisticPoin statistic_container = StatisticPointsContainer() self._set_backend_entity(model) + alpha_map = self._get_alpha_map() - nodes_to_smooth_data = self._get_nodes_to_smooth_data(graph) + nodes_to_smooth_data = self._get_nodes_to_smooth_data(graph, alpha_map.keys()) for node_data in nodes_to_smooth_data: node_to_smooth = node_data["node_to_smooth"] @@ -246,14 +252,15 @@ def get_statistic_points(self, model: TModel, graph: NNCFGraph) -> StatisticPoin ) return statistic_container - def _get_nodes_to_smooth_data(self, nncf_graph: NNCFGraph) -> List[Dict]: + def _get_nodes_to_smooth_data(self, nncf_graph: NNCFGraph, node_metatypes: List[OperatorMetatype]) -> List[Dict]: """ Collects layers whose activations will be smoothed. :param nncf_graph: NNCFGraph instance. + :param node_metatypes: Metatypes for nodes to search for. :return: List with the data for each layer. """ - nodes_with_weights = nncf_graph.get_nodes_by_metatypes(self._backend_entity.weighted_metatypes) + nodes_with_weights = nncf_graph.get_nodes_by_metatypes(node_metatypes) nodes_to_smooth_data = [] for node_with_weight in nodes_with_weights: @@ -261,7 +268,17 @@ def _get_nodes_to_smooth_data(self, nncf_graph: NNCFGraph) -> List[Dict]: continue ports_map = self._backend_entity.get_input_ports_map(node_with_weight, nncf_graph) - weight_node = nncf_graph.get_input_edges(node_with_weight)[ports_map["weight"]].from_node + input_edges = nncf_graph.get_input_edges(node_with_weight) + weight_node = input_edges[ports_map["weight"]].from_node + activation_node = input_edges[ports_map["activation"]].from_node + + # Skipping agnostic layers as inputs to propagate quantizer + # Only for Convolution layers + if ( + node_with_weight.metatype == self._backend_entity.convolution_metatype + and activation_node.metatype in self._backend_entity.quantize_agnostic_metatypes + ): + continue # Skipping shared weights if len(nncf_graph.get_next_nodes(weight_node)) > 1: @@ -325,7 +342,7 @@ def _calculate_input_reduction_axes(self, nncf_graph: NNCFGraph, node: NNCFNode, :return: Calculated reduction axes. """ shape = nncf_graph.get_input_edges(node)[input_port].tensor_shape - reduction_axes = tuple([0]) + reduction_axes = tuple([]) if len(shape) > 1: channel_axis = self._backend_entity.get_activation_channel_axis(node, input_port) reduction_axes = self._backend_entity.get_channel_agnostic_reduction_axes(channel_axis, shape) @@ -343,7 +360,9 @@ def _process_weight_statistics(self, node: NNCFNode, weights: TTensor, port_id: channel_axis = 0 if len(weights.shape) > 1: channel_axis = self._backend_entity.get_weight_channel_axis(node, port_id) - return self._backend_entity.process_weight_statistics(weights, channel_axis) + reduction_shape = [i for i, _ in enumerate(weights.shape)] + reduction_shape.pop(channel_axis) + return self._backend_entity.process_weight_statistics(weights, tuple(reduction_shape)) def _create_scale_node_name(self, source_name: str, source_port_id: int) -> str: """ @@ -356,4 +375,26 @@ def _create_scale_node_name(self, source_name: str, source_port_id: int) -> str: scale_node_name = f"{source_name}_{source_port_id}" unique_index = self._cached_multiply_names[scale_node_name] self._cached_multiply_names[scale_node_name] += 1 - return f"{scale_node_name}_{unique_index}/sq_multiply" + return f"{scale_node_name}_{unique_index}/nncf_smooth_quant" + + def _get_alpha_map(self) -> Dict[OperatorMetatype, float]: + """ + Returns alpha map by metatypes. + + :return: Alpha map by metatypes. + """ + alpha_by_metatype_map = {} + name_to_metatype = { + "convolution": self._backend_entity.convolution_metatype, + "matmul": self._backend_entity.matmul_metatype, + } + for type_name, alpha_value in self._alpha_map.items(): + if alpha_value < 0: + nncf_logger.debug( + f"Smooth Quant algorithm does not support negative parameter for {type_name}! " + "Skipping these layers." + ) + continue + metatype = name_to_metatype[type_name] + alpha_by_metatype_map[metatype] = alpha_value + return alpha_by_metatype_map diff --git a/nncf/quantization/algorithms/smooth_quant/backend.py b/nncf/quantization/algorithms/smooth_quant/backend.py index 9df70d788b5..9fab9178851 100644 --- a/nncf/quantization/algorithms/smooth_quant/backend.py +++ b/nncf/quantization/algorithms/smooth_quant/backend.py @@ -28,9 +28,29 @@ class SmoothQuantAlgoBackend(ABC): @property @abstractmethod - def weighted_metatypes(self) -> List[OperatorMetatype]: + def convolution_metatype(self) -> OperatorMetatype: """ - Property for the backend-specific metatypes. + Parameter for backend-specific metatype for Convolution. + + :return: OperatorMetatype + """ + + @property + @abstractmethod + def matmul_metatype(self) -> OperatorMetatype: + """ + Parameter for backend-specific metatype for MatMul. + + :return: OperatorMetatype + """ + + @property + @abstractmethod + def quantize_agnostic_metatypes(self) -> List[OperatorMetatype]: + """ + Parameter for backend-specific quantize agnostic metatypes. + + :return: List of OperatorMetatype. """ @staticmethod diff --git a/nncf/quantization/algorithms/smooth_quant/openvino_backend.py b/nncf/quantization/algorithms/smooth_quant/openvino_backend.py index 2fe24398c52..0d7f9501df5 100644 --- a/nncf/quantization/algorithms/smooth_quant/openvino_backend.py +++ b/nncf/quantization/algorithms/smooth_quant/openvino_backend.py @@ -20,6 +20,8 @@ from nncf.common.graph.transformations.commands import TargetType from nncf.experimental.common.tensor_statistics.collectors import MaxAggregator from nncf.experimental.common.tensor_statistics.collectors import TensorCollector +from nncf.openvino.graph.metatypes.groups import QUANTIZE_AGNOSTIC_OPERATIONS +from nncf.openvino.graph.metatypes.openvino_metatypes import OVConvolutionMetatype from nncf.openvino.graph.metatypes.openvino_metatypes import OVMatMulMetatype from nncf.openvino.graph.node_utils import get_channel_agnostic_reduction_axes from nncf.openvino.graph.node_utils import get_weight_value @@ -34,8 +36,16 @@ class OVSmoothQuantAlgoBackend(SmoothQuantAlgoBackend): @property - def weighted_metatypes(self) -> List[OperatorMetatype]: - return [OVMatMulMetatype] + def convolution_metatype(self) -> OperatorMetatype: + return OVConvolutionMetatype + + @property + def matmul_metatype(self) -> OperatorMetatype: + return OVMatMulMetatype + + @property + def quantize_agnostic_metatypes(self) -> List[OperatorMetatype]: + return QUANTIZE_AGNOSTIC_OPERATIONS @staticmethod def target_point(target_type: TargetType, target_node_name: str, port_id: int) -> OVTargetPoint: @@ -72,12 +82,8 @@ def get_abs_max_channel_collector( return collector @staticmethod - def process_weight_statistics(weights: np.ndarray, channel_axis: int) -> np.ndarray: - if len(weights.shape) > 1: - base_axes = list(range(weights.ndim - 2)) - transpose_axes = base_axes + [-1, -2] - weights = np.transpose(weights, axes=transpose_axes) - return np.max(np.abs(weights), axis=channel_axis) + def process_weight_statistics(weights: np.ndarray, reduction_shape: Tuple[int]) -> np.ndarray: + return np.max(np.abs(weights), axis=reduction_shape) @staticmethod def get_weight_value(node_with_weight: NNCFNode, model: ov.Model, port_id: int) -> np.ndarray: @@ -143,10 +149,10 @@ def scale_insertion_command( def get_activation_channel_axis(node: NNCFNode, port_id: int) -> int: channel_axis = 1 - if node.metatype == OVMatMulMetatype: - if port_id > 1: - raise RuntimeError(f"{OVMatMulMetatype.name} can not take more than 2 input tensors.") + if port_id > 1: + raise RuntimeError(f"{node.metatype.name} can not take more than 2 input tensors.") + if node.metatype == OVMatMulMetatype: if ( node.layer_attributes is not None and node.layer_attributes.input_attributes is not None @@ -159,15 +165,15 @@ def get_activation_channel_axis(node: NNCFNode, port_id: int) -> int: @staticmethod def get_weight_channel_axis(node: NNCFNode, port_id: int) -> int: - channel_axis = 1 if node.metatype.const_channel_axis is None else node.metatype.const_channel_axis[0] + channel_axis = 1 + + if port_id > 1: + raise RuntimeError(f"{node.metatype.name} can not take more than 2 input tensors.") if port_id not in node.layer_attributes.constant_attributes: raise RuntimeError(f"{node.node_name} should contain {port_id} in the attributes map.") if node.metatype == OVMatMulMetatype: - if port_id > 1: - raise RuntimeError(f"{OVMatMulMetatype.name} can not take more than 2 input tensors.") - if "transpose" in node.layer_attributes.constant_attributes[port_id]: transpose = node.layer_attributes.constant_attributes[port_id]["transpose"] channel_axis = OVSmoothQuantAlgoBackend.calculate_port_based_channel_axis(port_id, transpose) diff --git a/tests/onnx/quantization/common.py b/tests/onnx/quantization/common.py index 7ca77985533..e46b131a928 100644 --- a/tests/onnx/quantization/common.py +++ b/tests/onnx/quantization/common.py @@ -23,6 +23,7 @@ from nncf.onnx.graph.onnx_helper import get_edge_shape from nncf.onnx.statistics.statistics import ONNXMinMaxTensorStatistic from nncf.quantization.advanced_parameters import AdvancedQuantizationParameters +from nncf.quantization.advanced_parameters import AdvancedSmoothQuantParameters from nncf.quantization.algorithms.post_training.algorithm import PostTrainingQuantization from nncf.quantization.fake_quantize import FakeQuantizeParameters from tests.onnx.common import get_random_generator @@ -115,7 +116,7 @@ def min_max_quantize_model( # ONNX backend does not support these algorithms advanced_parameters.disable_bias_correction = True advanced_parameters.disable_channel_alignment = True - advanced_parameters.smooth_quant_alpha = -1 + advanced_parameters.smooth_quant_alphas = AdvancedSmoothQuantParameters(convolution=-1, matmul=-1) quantization_params["advanced_parameters"] = advanced_parameters post_training_quantization = PostTrainingQuantization(subset_size=1, **quantization_params) diff --git a/tests/openvino/native/data/2023.1/reference_graphs/quantized/swin-tiny-patch4-window7-224_sq.dot b/tests/openvino/native/data/2023.1/reference_graphs/quantized/swin-tiny-patch4-window7-224_sq.dot index f8625524492..b2201cd3a37 100644 --- a/tests/openvino/native/data/2023.1/reference_graphs/quantized/swin-tiny-patch4-window7-224_sq.dot +++ b/tests/openvino/native/data/2023.1/reference_graphs/quantized/swin-tiny-patch4-window7-224_sq.dot @@ -2,2749 +2,2753 @@ strict digraph { "0 input" [id=0, type=Parameter]; "1 Multiply_6579" [id=1, type=Multiply]; "2 Divide_2169" [id=2, type=Add]; -"3 /patch_embed/proj/Conv/WithoutBiases" [id=3, type=Convolution]; -"4 /patch_embed/proj/Conv" [id=4, type=Add]; -"5 /patch_embed/Reshape" [id=5, type=Reshape]; -"6 /patch_embed/Shape" [id=6, type=ShapeOf]; -"7 /patch_embed/Transpose" [id=7, type=Transpose]; -"8 /patch_embed/Slice" [id=8, type=StridedSlice]; -"9 /patch_embed/norm/Div" [id=9, type=MVN]; -"10 /patch_embed/Concat" [id=10, type=Concat]; -"11 /patch_embed/norm/Mul" [id=11, type=Multiply]; -"12 /patch_embed/norm/Add_1" [id=12, type=Add]; -"13 /layers/layers.0/blocks.0/Add" [id=13, type=Add]; -"14 /layers/layers.0/blocks.0/norm1/Div" [id=14, type=MVN]; -"15 /layers/layers.0/blocks.0/Add_1" [id=15, type=Add]; -"16 /layers/layers.0/blocks.0/norm2/Div" [id=16, type=MVN]; -"17 /layers/layers.0/blocks.0/norm1/Mul" [id=17, type=Multiply]; -"18 /layers/layers.0/blocks.1/Add" [id=18, type=Add]; -"19 /layers/layers.0/blocks.1/norm1/Div" [id=19, type=MVN]; -"20 /layers/layers.0/blocks.0/norm2/Mul" [id=20, type=Multiply]; -"21 /layers/layers.0/blocks.0/norm1/Add_1" [id=21, type=Add]; -"22 /layers/layers.0/blocks.1/Add_1" [id=22, type=Add]; -"23 /layers/layers.0/blocks.1/norm2/Div" [id=23, type=MVN]; -"24 /layers/layers.0/blocks.1/norm1/Mul" [id=24, type=Multiply]; -"25 /layers/layers.0/blocks.0/norm2/Add_1" [id=25, type=Add]; -"26 /layers/layers.0/blocks.0/Reshape_1" [id=26, type=Reshape]; -"27 /layers/layers.0/downsample/Reshape" [id=27, type=Reshape]; -"28 /layers/layers.0/blocks.1/norm2/Mul" [id=28, type=Multiply]; -"29 /layers/layers.0/blocks.1/norm1/Add_1" [id=29, type=Add]; -"30 /layers/layers.0/blocks.0/norm2/Add_1_0_0/sq_multiply" [id=30, type=Multiply]; -"31 /layers/layers.0/blocks.0/Transpose" [id=31, type=Transpose]; -"32 /layers/layers.0/downsample/Slice" [id=32, type=StridedSlice]; -"33 /layers/layers.0/downsample/Slice_2" [id=33, type=StridedSlice]; -"34 /layers/layers.0/blocks.1/norm2/Add_1" [id=34, type=Add]; -"35 /layers/layers.0/blocks.1/Reshape" [id=35, type=Reshape]; -"36 /layers/layers.0/blocks.0/mlp/fc1/MatMul" [id=36, type=MatMul]; -"37 /layers/layers.0/blocks.0/Reshape_2" [id=37, type=Reshape]; -"38 /layers/layers.0/downsample/Slice_1" [id=38, type=StridedSlice]; -"39 /layers/layers.0/downsample/Slice_4" [id=39, type=StridedSlice]; -"40 /layers/layers.0/downsample/Slice_3" [id=40, type=StridedSlice]; -"41 /layers/layers.0/downsample/Slice_5" [id=41, type=StridedSlice]; -"42 /layers/layers.0/blocks.1/norm2/Add_1_0_0/sq_multiply" [id=42, type=Multiply]; -"43 /layers/layers.0/blocks.1/Slice" [id=43, type=StridedSlice]; -"44 /layers/layers.0/blocks.1/Slice_1" [id=44, type=StridedSlice]; -"45 /layers/layers.0/blocks.0/mlp/fc1/Add" [id=45, type=Add]; -"46 /layers/layers.0/blocks.0/Reshape_3" [id=46, type=Reshape]; -"47 /layers/layers.0/downsample/Concat" [id=47, type=Concat]; -"48 /layers/layers.0/blocks.1/mlp/fc1/MatMul" [id=48, type=MatMul]; -"49 /layers/layers.0/blocks.1/Concat" [id=49, type=Concat]; -"50 /layers/layers.0/blocks.0/mlp/act/Mul_1" [id=50, type=Gelu]; -"51 /layers/layers.0/blocks.0/Reshape_3_0_0/sq_multiply" [id=51, type=Multiply]; -"52 /layers/layers.0/downsample/Reshape_1" [id=52, type=Reshape]; -"53 /layers/layers.0/blocks.1/mlp/fc1/Add" [id=53, type=Add]; -"54 /layers/layers.0/blocks.1/Slice_2" [id=54, type=StridedSlice]; -"55 /layers/layers.0/blocks.1/Slice_3" [id=55, type=StridedSlice]; -"56 /layers/layers.0/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [id=56, type=Multiply]; -"57 /layers/layers.0/blocks.0/attn/qkv/MatMul" [id=57, type=MatMul]; -"58 /layers/layers.0/downsample/norm/Div" [id=58, type=MVN]; -"59 /layers/layers.0/blocks.1/mlp/act/Mul_1" [id=59, type=Gelu]; -"60 /layers/layers.0/blocks.1/Concat_1" [id=60, type=Concat]; -"61 /layers/layers.0/blocks.0/mlp/fc2/MatMul" [id=61, type=MatMul]; -"62 /layers/layers.0/blocks.0/attn/qkv/Add" [id=62, type=Add]; -"63 /layers/layers.0/downsample/norm/Mul" [id=63, type=Multiply]; -"64 /layers/layers.0/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [id=64, type=Multiply]; -"65 /layers/layers.0/blocks.1/Reshape_1" [id=65, type=Reshape]; -"66 /layers/layers.0/blocks.0/mlp/fc2/Add" [id=66, type=Add]; -"67 /layers/layers.0/blocks.0/attn/Reshape" [id=67, type=Reshape]; -"68 /layers/layers.0/downsample/norm/Add_1" [id=68, type=Add]; -"69 /layers/layers.0/blocks.1/mlp/fc2/MatMul" [id=69, type=MatMul]; -"70 /layers/layers.0/blocks.1/Transpose" [id=70, type=Transpose]; -"71 /layers/layers.0/blocks.0/attn/Transpose" [id=71, type=Transpose]; -"72 /layers/layers.0/downsample/norm/Add_1_0_0/sq_multiply" [id=72, type=Multiply]; -"73 /layers/layers.0/blocks.1/mlp/fc2/Add" [id=73, type=Add]; -"74 /layers/layers.0/blocks.1/Reshape_2" [id=74, type=Reshape]; -"75 /layers/layers.0/blocks.0/attn/Gather" [id=75, type=Gather]; -"76 /layers/layers.0/blocks.0/attn/Gather_1" [id=76, type=Gather]; -"77 /layers/layers.0/blocks.0/attn/Gather_2" [id=77, type=Gather]; -"78 /layers/layers.0/downsample/reduction/MatMul" [id=78, type=MatMul]; -"79 /layers/layers.0/blocks.1/Reshape_3" [id=79, type=Reshape]; -"80 /layers/layers.0/blocks.0/attn/Mul" [id=80, type=Multiply]; -"81 /layers/layers.0/blocks.0/attn/MatMul" [id=81, type=MatMul]; -"82 /layers/layers.0/blocks.0/attn/MatMul_1" [id=82, type=MatMul]; -"83 /layers/layers.1/blocks.0/Add" [id=83, type=Add]; -"84 /layers/layers.1/blocks.0/norm1/Div" [id=84, type=MVN]; -"85 /layers/layers.0/blocks.1/Reshape_3_0_0/sq_multiply" [id=85, type=Multiply]; -"86 /layers/layers.0/blocks.0/attn/Add" [id=86, type=Add]; -"87 /layers/layers.0/blocks.0/attn/Transpose_2" [id=87, type=Transpose]; -"88 /layers/layers.1/blocks.0/Add_1" [id=88, type=Add]; -"89 /layers/layers.1/blocks.0/norm2/Div" [id=89, type=MVN]; -"90 /layers/layers.1/blocks.0/norm1/Mul" [id=90, type=Multiply]; -"91 /layers/layers.0/blocks.1/attn/qkv/MatMul" [id=91, type=MatMul]; -"92 /layers/layers.0/blocks.0/attn/softmax/Softmax" [id=92, type=Softmax]; -"93 /layers/layers.0/blocks.0/attn/Reshape_1" [id=93, type=Reshape]; -"94 /layers/layers.1/blocks.1/Add" [id=94, type=Add]; -"95 /layers/layers.1/blocks.1/norm1/Div" [id=95, type=MVN]; -"96 /layers/layers.1/blocks.0/norm2/Mul" [id=96, type=Multiply]; -"97 /layers/layers.1/blocks.0/norm1/Add_1" [id=97, type=Add]; -"98 /layers/layers.0/blocks.1/attn/qkv/Add" [id=98, type=Add]; -"99 /layers/layers.0/blocks.0/attn/Reshape_1_0_0/sq_multiply" [id=99, type=Multiply]; -"100 /layers/layers.1/blocks.1/Add_1" [id=100, type=Add]; -"101 /layers/layers.1/blocks.1/norm2/Div" [id=101, type=MVN]; -"102 /layers/layers.1/blocks.1/norm1/Mul" [id=102, type=Multiply]; -"103 /layers/layers.1/blocks.0/norm2/Add_1" [id=103, type=Add]; -"104 /layers/layers.1/blocks.0/Reshape_1" [id=104, type=Reshape]; -"105 /layers/layers.0/blocks.1/attn/Reshape" [id=105, type=Reshape]; -"106 /layers/layers.0/blocks.0/attn/proj/MatMul" [id=106, type=MatMul]; -"107 /layers/layers.1/downsample/Reshape" [id=107, type=Reshape]; -"108 /layers/layers.1/blocks.1/norm2/Mul" [id=108, type=Multiply]; -"109 /layers/layers.1/blocks.1/norm1/Add_1" [id=109, type=Add]; -"110 /layers/layers.1/blocks.0/norm2/Add_1_0_0/sq_multiply" [id=110, type=Multiply]; -"111 /layers/layers.1/blocks.0/Transpose" [id=111, type=Transpose]; -"112 /layers/layers.0/blocks.1/attn/Transpose" [id=112, type=Transpose]; -"113 /layers/layers.0/blocks.0/attn/proj/Add" [id=113, type=Add]; -"114 /layers/layers.1/downsample/Slice" [id=114, type=StridedSlice]; -"115 /layers/layers.1/downsample/Slice_2" [id=115, type=StridedSlice]; -"116 /layers/layers.1/blocks.1/norm2/Add_1" [id=116, type=Add]; -"117 /layers/layers.1/blocks.1/Reshape" [id=117, type=Reshape]; -"118 /layers/layers.1/blocks.0/mlp/fc1/MatMul" [id=118, type=MatMul]; -"119 /layers/layers.1/blocks.0/Reshape_2" [id=119, type=Reshape]; -"120 /layers/layers.0/blocks.1/attn/Gather" [id=120, type=Gather]; -"121 /layers/layers.0/blocks.1/attn/Gather_1" [id=121, type=Gather]; -"122 /layers/layers.0/blocks.1/attn/Gather_2" [id=122, type=Gather]; -"123 /layers/layers.0/blocks.0/Reshape_4" [id=123, type=Reshape]; -"124 /layers/layers.1/downsample/Slice_1" [id=124, type=StridedSlice]; -"125 /layers/layers.1/downsample/Slice_4" [id=125, type=StridedSlice]; -"126 /layers/layers.1/downsample/Slice_3" [id=126, type=StridedSlice]; -"127 /layers/layers.1/downsample/Slice_5" [id=127, type=StridedSlice]; -"128 /layers/layers.1/blocks.1/norm2/Add_1_0_0/sq_multiply" [id=128, type=Multiply]; -"129 /layers/layers.1/blocks.1/Slice" [id=129, type=StridedSlice]; -"130 /layers/layers.1/blocks.1/Slice_1" [id=130, type=StridedSlice]; -"131 /layers/layers.1/blocks.0/mlp/fc1/Add" [id=131, type=Add]; -"132 /layers/layers.1/blocks.0/Reshape_3" [id=132, type=Reshape]; -"133 /layers/layers.0/blocks.1/attn/Mul" [id=133, type=Multiply]; -"134 /layers/layers.0/blocks.1/attn/MatMul" [id=134, type=MatMul]; -"135 /layers/layers.0/blocks.1/attn/MatMul_1" [id=135, type=MatMul]; -"136 /layers/layers.0/blocks.0/Reshape_5" [id=136, type=Reshape]; -"137 /layers/layers.1/downsample/Concat" [id=137, type=Concat]; -"138 /layers/layers.1/blocks.1/mlp/fc1/MatMul" [id=138, type=MatMul]; -"139 /layers/layers.1/blocks.1/Concat" [id=139, type=Concat]; -"140 /layers/layers.1/blocks.0/mlp/act/Mul_1" [id=140, type=Gelu]; -"141 /layers/layers.1/blocks.0/Reshape_3_0_0/sq_multiply" [id=141, type=Multiply]; -"142 /layers/layers.0/blocks.1/attn/Add" [id=142, type=Add]; -"143 /layers/layers.0/blocks.1/attn/Transpose_2" [id=143, type=Transpose]; -"144 /layers/layers.0/blocks.0/Transpose_1" [id=144, type=Transpose]; -"145 /layers/layers.1/downsample/Reshape_1" [id=145, type=Reshape]; -"146 /layers/layers.1/blocks.1/mlp/fc1/Add" [id=146, type=Add]; -"147 /layers/layers.1/blocks.1/Slice_2" [id=147, type=StridedSlice]; -"148 /layers/layers.1/blocks.1/Slice_3" [id=148, type=StridedSlice]; -"149 /layers/layers.1/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [id=149, type=Multiply]; -"150 /layers/layers.1/blocks.0/attn/qkv/MatMul" [id=150, type=MatMul]; -"151 /layers/layers.0/blocks.1/attn/Reshape_1" [id=151, type=Reshape]; -"152 /layers/layers.0/blocks.1/attn/Reshape_3" [id=152, type=Reshape]; -"153 /layers/layers.0/blocks.0/Reshape_6" [id=153, type=Reshape]; -"154 /layers/layers.1/downsample/norm/Div" [id=154, type=MVN]; -"155 /layers/layers.1/blocks.1/mlp/act/Mul_1" [id=155, type=Gelu]; -"156 /layers/layers.1/blocks.1/Concat_1" [id=156, type=Concat]; -"157 /layers/layers.1/blocks.0/mlp/fc2/MatMul" [id=157, type=MatMul]; -"158 /layers/layers.1/blocks.0/attn/qkv/Add" [id=158, type=Add]; -"159 /layers/layers.0/blocks.1/attn/Add_1" [id=159, type=Add]; -"160 /layers/layers.0/blocks.1/attn/Reshape_3_0_0/sq_multiply" [id=160, type=Multiply]; -"161 /layers/layers.0/blocks.0/Reshape_7" [id=161, type=Reshape]; -"162 /layers/layers.1/downsample/norm/Mul" [id=162, type=Multiply]; -"163 /layers/layers.1/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [id=163, type=Multiply]; -"164 /layers/layers.1/blocks.1/Reshape_1" [id=164, type=Reshape]; -"165 /layers/layers.1/blocks.0/mlp/fc2/Add" [id=165, type=Add]; -"166 /layers/layers.1/blocks.0/attn/Reshape" [id=166, type=Reshape]; -"167 /layers/layers.0/blocks.1/attn/Reshape_2" [id=167, type=Reshape]; -"168 /layers/layers.0/blocks.1/attn/proj/MatMul" [id=168, type=MatMul]; -"169 /layers/layers.1/downsample/norm/Add_1" [id=169, type=Add]; -"170 /layers/layers.1/blocks.1/mlp/fc2/MatMul" [id=170, type=MatMul]; -"171 /layers/layers.1/blocks.1/Transpose" [id=171, type=Transpose]; -"172 /layers/layers.1/blocks.0/attn/Transpose" [id=172, type=Transpose]; -"173 /layers/layers.0/blocks.1/attn/softmax/Softmax" [id=173, type=Softmax]; -"174 /layers/layers.0/blocks.1/attn/proj/Add" [id=174, type=Add]; -"175 /layers/layers.1/downsample/norm/Add_1_0_0/sq_multiply" [id=175, type=Multiply]; -"176 /layers/layers.1/blocks.1/mlp/fc2/Add" [id=176, type=Add]; -"177 /layers/layers.1/blocks.1/Reshape_2" [id=177, type=Reshape]; -"178 /layers/layers.1/blocks.0/attn/Gather" [id=178, type=Gather]; -"179 /layers/layers.1/blocks.0/attn/Gather_1" [id=179, type=Gather]; -"180 /layers/layers.1/blocks.0/attn/Gather_2" [id=180, type=Gather]; -"181 /layers/layers.0/blocks.1/Reshape_4" [id=181, type=Reshape]; -"182 /layers/layers.1/downsample/reduction/MatMul" [id=182, type=MatMul]; -"183 /layers/layers.1/blocks.1/Reshape_3" [id=183, type=Reshape]; -"184 /layers/layers.1/blocks.0/attn/Mul" [id=184, type=Multiply]; -"185 /layers/layers.1/blocks.0/attn/MatMul" [id=185, type=MatMul]; -"186 /layers/layers.1/blocks.0/attn/MatMul_1" [id=186, type=MatMul]; -"187 /layers/layers.0/blocks.1/Reshape_5" [id=187, type=Reshape]; -"188 /layers/layers.2/blocks.0/Add" [id=188, type=Add]; -"189 /layers/layers.2/blocks.0/norm1/Div" [id=189, type=MVN]; -"190 /layers/layers.1/blocks.1/Reshape_3_0_0/sq_multiply" [id=190, type=Multiply]; -"191 /layers/layers.1/blocks.0/attn/Add" [id=191, type=Add]; -"192 /layers/layers.1/blocks.0/attn/Transpose_2" [id=192, type=Transpose]; -"193 /layers/layers.0/blocks.1/Transpose_1" [id=193, type=Transpose]; -"194 /layers/layers.2/blocks.0/Add_1" [id=194, type=Add]; -"195 /layers/layers.2/blocks.0/norm2/Div" [id=195, type=MVN]; -"196 /layers/layers.2/blocks.0/norm1/Mul" [id=196, type=Multiply]; -"197 /layers/layers.1/blocks.1/attn/qkv/MatMul" [id=197, type=MatMul]; -"198 /layers/layers.1/blocks.0/attn/softmax/Softmax" [id=198, type=Softmax]; -"199 /layers/layers.1/blocks.0/attn/Reshape_1" [id=199, type=Reshape]; -"200 /layers/layers.0/blocks.1/Reshape_6" [id=200, type=Reshape]; -"201 /layers/layers.2/blocks.1/Add" [id=201, type=Add]; -"202 /layers/layers.2/blocks.1/norm1/Div" [id=202, type=MVN]; -"203 /layers/layers.2/blocks.0/norm2/Mul" [id=203, type=Multiply]; -"204 /layers/layers.2/blocks.0/norm1/Add_1" [id=204, type=Add]; -"205 /layers/layers.1/blocks.1/attn/qkv/Add" [id=205, type=Add]; -"206 /layers/layers.1/blocks.0/attn/Reshape_1_0_0/sq_multiply" [id=206, type=Multiply]; -"207 /layers/layers.0/blocks.1/Slice_4" [id=207, type=StridedSlice]; -"208 /layers/layers.0/blocks.1/Slice_5" [id=208, type=StridedSlice]; -"209 /layers/layers.2/blocks.1/Add_1" [id=209, type=Add]; -"210 /layers/layers.2/blocks.1/norm2/Div" [id=210, type=MVN]; -"211 /layers/layers.2/blocks.1/norm1/Mul" [id=211, type=Multiply]; -"212 /layers/layers.2/blocks.0/norm2/Add_1" [id=212, type=Add]; -"213 /layers/layers.2/blocks.0/Reshape_1" [id=213, type=Reshape]; -"214 /layers/layers.1/blocks.1/attn/Reshape" [id=214, type=Reshape]; -"215 /layers/layers.1/blocks.0/attn/proj/MatMul" [id=215, type=MatMul]; -"216 /layers/layers.0/blocks.1/Concat_2" [id=216, type=Concat]; -"217 /layers/layers.2/blocks.2/Add" [id=217, type=Add]; -"218 /layers/layers.2/blocks.2/norm1/Div" [id=218, type=MVN]; -"219 /layers/layers.2/blocks.1/norm2/Mul" [id=219, type=Multiply]; -"220 /layers/layers.2/blocks.1/norm1/Add_1" [id=220, type=Add]; -"221 /layers/layers.2/blocks.0/norm2/Add_1_0_0/sq_multiply" [id=221, type=Multiply]; -"222 /layers/layers.2/blocks.0/Transpose" [id=222, type=Transpose]; -"223 /layers/layers.1/blocks.1/attn/Transpose" [id=223, type=Transpose]; -"224 /layers/layers.1/blocks.0/attn/proj/Add" [id=224, type=Add]; -"225 /layers/layers.0/blocks.1/Slice_6" [id=225, type=StridedSlice]; -"226 /layers/layers.0/blocks.1/Slice_7" [id=226, type=StridedSlice]; -"227 /layers/layers.2/blocks.2/Add_1" [id=227, type=Add]; -"228 /layers/layers.2/blocks.2/norm2/Div" [id=228, type=MVN]; -"229 /layers/layers.2/blocks.2/norm1/Mul" [id=229, type=Multiply]; -"230 /layers/layers.2/blocks.1/norm2/Add_1" [id=230, type=Add]; -"231 /layers/layers.2/blocks.1/Reshape" [id=231, type=Reshape]; -"232 /layers/layers.2/blocks.0/mlp/fc1/MatMul" [id=232, type=MatMul]; -"233 /layers/layers.2/blocks.0/Reshape_2" [id=233, type=Reshape]; -"234 /layers/layers.1/blocks.1/attn/Gather" [id=234, type=Gather]; -"235 /layers/layers.1/blocks.1/attn/Gather_1" [id=235, type=Gather]; -"236 /layers/layers.1/blocks.1/attn/Gather_2" [id=236, type=Gather]; -"237 /layers/layers.1/blocks.0/Reshape_4" [id=237, type=Reshape]; -"238 /layers/layers.0/blocks.1/Concat_3" [id=238, type=Concat]; -"239 /layers/layers.2/blocks.3/Add" [id=239, type=Add]; -"240 /layers/layers.2/blocks.3/norm1/Div" [id=240, type=MVN]; -"241 /layers/layers.2/blocks.2/norm2/Mul" [id=241, type=Multiply]; -"242 /layers/layers.2/blocks.2/norm1/Add_1" [id=242, type=Add]; -"243 /layers/layers.2/blocks.1/norm2/Add_1_0_0/sq_multiply" [id=243, type=Multiply]; -"244 /layers/layers.2/blocks.1/Slice" [id=244, type=StridedSlice]; -"245 /layers/layers.2/blocks.1/Slice_1" [id=245, type=StridedSlice]; -"246 /layers/layers.2/blocks.0/mlp/fc1/Add" [id=246, type=Add]; -"247 /layers/layers.2/blocks.0/Reshape_3" [id=247, type=Reshape]; -"248 /layers/layers.1/blocks.1/attn/Mul" [id=248, type=Multiply]; -"249 /layers/layers.1/blocks.1/attn/MatMul" [id=249, type=MatMul]; -"250 /layers/layers.1/blocks.1/attn/MatMul_1" [id=250, type=MatMul]; -"251 /layers/layers.1/blocks.0/Reshape_5" [id=251, type=Reshape]; -"252 /layers/layers.0/blocks.1/Reshape_7" [id=252, type=Reshape]; -"253 /layers/layers.2/blocks.3/Add_1" [id=253, type=Add]; -"254 /layers/layers.2/blocks.3/norm2/Div" [id=254, type=MVN]; -"255 /layers/layers.2/blocks.3/norm1/Mul" [id=255, type=Multiply]; -"256 /layers/layers.2/blocks.2/norm2/Add_1" [id=256, type=Add]; -"257 /layers/layers.2/blocks.2/Reshape_1" [id=257, type=Reshape]; -"258 /layers/layers.2/blocks.1/mlp/fc1/MatMul" [id=258, type=MatMul]; -"259 /layers/layers.2/blocks.1/Concat" [id=259, type=Concat]; -"260 /layers/layers.2/blocks.0/mlp/act/Mul_1" [id=260, type=Gelu]; -"261 /layers/layers.2/blocks.0/Reshape_3_0_0/sq_multiply" [id=261, type=Multiply]; -"262 /layers/layers.1/blocks.1/attn/Add" [id=262, type=Add]; -"263 /layers/layers.1/blocks.1/attn/Transpose_2" [id=263, type=Transpose]; -"264 /layers/layers.1/blocks.0/Transpose_1" [id=264, type=Transpose]; -"265 /layers/layers.2/blocks.4/Add" [id=265, type=Add]; -"266 /layers/layers.2/blocks.4/norm1/Div" [id=266, type=MVN]; -"267 /layers/layers.2/blocks.3/norm2/Mul" [id=267, type=Multiply]; -"268 /layers/layers.2/blocks.3/norm1/Add_1" [id=268, type=Add]; -"269 /layers/layers.2/blocks.2/norm2/Add_1_0_0/sq_multiply" [id=269, type=Multiply]; -"270 /layers/layers.2/blocks.2/Transpose" [id=270, type=Transpose]; -"271 /layers/layers.2/blocks.1/mlp/fc1/Add" [id=271, type=Add]; -"272 /layers/layers.2/blocks.1/Slice_2" [id=272, type=StridedSlice]; -"273 /layers/layers.2/blocks.1/Slice_3" [id=273, type=StridedSlice]; -"274 /layers/layers.2/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [id=274, type=Multiply]; -"275 /layers/layers.2/blocks.0/attn/qkv/MatMul" [id=275, type=MatMul]; -"276 /layers/layers.1/blocks.1/attn/Reshape_1" [id=276, type=Reshape]; -"277 /layers/layers.1/blocks.1/attn/Reshape_3" [id=277, type=Reshape]; -"278 /layers/layers.1/blocks.0/Reshape_6" [id=278, type=Reshape]; -"279 /layers/layers.2/blocks.4/Add_1" [id=279, type=Add]; -"280 /layers/layers.2/blocks.4/norm2/Div" [id=280, type=MVN]; -"281 /layers/layers.2/blocks.4/norm1/Mul" [id=281, type=Multiply]; -"282 /layers/layers.2/blocks.3/norm2/Add_1" [id=282, type=Add]; -"283 /layers/layers.2/blocks.3/Reshape" [id=283, type=Reshape]; -"284 /layers/layers.2/blocks.2/mlp/fc1/MatMul" [id=284, type=MatMul]; -"285 /layers/layers.2/blocks.2/Reshape_2" [id=285, type=Reshape]; -"286 /layers/layers.2/blocks.1/mlp/act/Mul_1" [id=286, type=Gelu]; -"287 /layers/layers.2/blocks.1/Concat_1" [id=287, type=Concat]; -"288 /layers/layers.2/blocks.0/mlp/fc2/MatMul" [id=288, type=MatMul]; -"289 /layers/layers.2/blocks.0/attn/qkv/Add" [id=289, type=Add]; -"290 /layers/layers.1/blocks.1/attn/Add_1" [id=290, type=Add]; -"291 /layers/layers.1/blocks.1/attn/Reshape_3_0_0/sq_multiply" [id=291, type=Multiply]; -"292 /layers/layers.1/blocks.0/Reshape_7" [id=292, type=Reshape]; -"293 /layers/layers.2/blocks.5/Add" [id=293, type=Add]; -"294 /layers/layers.2/blocks.5/norm1/Div" [id=294, type=MVN]; -"295 /layers/layers.2/blocks.4/norm2/Mul" [id=295, type=Multiply]; -"296 /layers/layers.2/blocks.4/norm1/Add_1" [id=296, type=Add]; -"297 /layers/layers.2/blocks.3/norm2/Add_1_0_0/sq_multiply" [id=297, type=Multiply]; -"298 /layers/layers.2/blocks.3/Slice" [id=298, type=StridedSlice]; -"299 /layers/layers.2/blocks.3/Slice_1" [id=299, type=StridedSlice]; -"300 /layers/layers.2/blocks.2/mlp/fc1/Add" [id=300, type=Add]; -"301 /layers/layers.2/blocks.2/Reshape_3" [id=301, type=Reshape]; -"302 /layers/layers.2/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [id=302, type=Multiply]; -"303 /layers/layers.2/blocks.1/Reshape_1" [id=303, type=Reshape]; -"304 /layers/layers.2/blocks.0/mlp/fc2/Add" [id=304, type=Add]; -"305 /layers/layers.2/blocks.0/attn/Reshape" [id=305, type=Reshape]; -"306 /layers/layers.1/blocks.1/attn/Reshape_2" [id=306, type=Reshape]; -"307 /layers/layers.1/blocks.1/attn/proj/MatMul" [id=307, type=MatMul]; -"308 /layers/layers.2/blocks.5/Add_1" [id=308, type=Add]; -"309 /layers/layers.2/blocks.5/norm2/Div" [id=309, type=MVN]; -"310 /layers/layers.2/blocks.5/norm1/Mul" [id=310, type=Multiply]; -"311 /layers/layers.2/blocks.4/norm2/Add_1" [id=311, type=Add]; -"312 /layers/layers.2/blocks.4/Reshape_1" [id=312, type=Reshape]; -"313 /layers/layers.2/blocks.3/mlp/fc1/MatMul" [id=313, type=MatMul]; -"314 /layers/layers.2/blocks.3/Concat" [id=314, type=Concat]; -"315 /layers/layers.2/blocks.2/mlp/act/Mul_1" [id=315, type=Gelu]; -"316 /layers/layers.2/blocks.2/Reshape_3_0_0/sq_multiply" [id=316, type=Multiply]; -"317 /layers/layers.2/blocks.1/mlp/fc2/MatMul" [id=317, type=MatMul]; -"318 /layers/layers.2/blocks.1/Transpose" [id=318, type=Transpose]; -"319 /layers/layers.2/blocks.0/attn/Transpose" [id=319, type=Transpose]; -"320 /layers/layers.1/blocks.1/attn/softmax/Softmax" [id=320, type=Softmax]; -"321 /layers/layers.1/blocks.1/attn/proj/Add" [id=321, type=Add]; -"322 /layers/layers.2/downsample/Reshape" [id=322, type=Reshape]; -"323 /layers/layers.2/blocks.5/norm2/Mul" [id=323, type=Multiply]; -"324 /layers/layers.2/blocks.5/norm1/Add_1" [id=324, type=Add]; -"325 /layers/layers.2/blocks.4/norm2/Add_1_0_0/sq_multiply" [id=325, type=Multiply]; -"326 /layers/layers.2/blocks.4/Transpose" [id=326, type=Transpose]; -"327 /layers/layers.2/blocks.3/mlp/fc1/Add" [id=327, type=Add]; -"328 /layers/layers.2/blocks.3/Slice_2" [id=328, type=StridedSlice]; -"329 /layers/layers.2/blocks.3/Slice_3" [id=329, type=StridedSlice]; -"330 /layers/layers.2/blocks.2/mlp/act/Mul_1_0_0/sq_multiply" [id=330, type=Multiply]; -"331 /layers/layers.2/blocks.2/attn/qkv/MatMul" [id=331, type=MatMul]; -"332 /layers/layers.2/blocks.1/mlp/fc2/Add" [id=332, type=Add]; -"333 /layers/layers.2/blocks.1/Reshape_2" [id=333, type=Reshape]; -"334 /layers/layers.2/blocks.0/attn/Gather" [id=334, type=Gather]; -"335 /layers/layers.2/blocks.0/attn/Gather_1" [id=335, type=Gather]; -"336 /layers/layers.2/blocks.0/attn/Gather_2" [id=336, type=Gather]; -"337 /layers/layers.1/blocks.1/Reshape_4" [id=337, type=Reshape]; -"338 /layers/layers.2/downsample/Slice" [id=338, type=StridedSlice]; -"339 /layers/layers.2/downsample/Slice_2" [id=339, type=StridedSlice]; -"340 /layers/layers.2/blocks.5/norm2/Add_1" [id=340, type=Add]; -"341 /layers/layers.2/blocks.5/Reshape" [id=341, type=Reshape]; -"342 /layers/layers.2/blocks.4/mlp/fc1/MatMul" [id=342, type=MatMul]; -"343 /layers/layers.2/blocks.4/Reshape_2" [id=343, type=Reshape]; -"344 /layers/layers.2/blocks.3/mlp/act/Mul_1" [id=344, type=Gelu]; -"345 /layers/layers.2/blocks.3/Concat_1" [id=345, type=Concat]; -"346 /layers/layers.2/blocks.2/mlp/fc2/MatMul" [id=346, type=MatMul]; -"347 /layers/layers.2/blocks.2/attn/qkv/Add" [id=347, type=Add]; -"348 /layers/layers.2/blocks.1/Reshape_3" [id=348, type=Reshape]; -"349 /layers/layers.2/blocks.0/attn/Mul" [id=349, type=Multiply]; -"350 /layers/layers.2/blocks.0/attn/MatMul" [id=350, type=MatMul]; -"351 /layers/layers.2/blocks.0/attn/MatMul_1" [id=351, type=MatMul]; -"352 /layers/layers.1/blocks.1/Reshape_5" [id=352, type=Reshape]; -"353 /layers/layers.2/downsample/Slice_1" [id=353, type=StridedSlice]; -"354 /layers/layers.2/downsample/Slice_4" [id=354, type=StridedSlice]; -"355 /layers/layers.2/downsample/Slice_3" [id=355, type=StridedSlice]; -"356 /layers/layers.2/downsample/Slice_5" [id=356, type=StridedSlice]; -"357 /layers/layers.2/blocks.5/norm2/Add_1_0_0/sq_multiply" [id=357, type=Multiply]; -"358 /layers/layers.2/blocks.5/Slice" [id=358, type=StridedSlice]; -"359 /layers/layers.2/blocks.5/Slice_1" [id=359, type=StridedSlice]; -"360 /layers/layers.2/blocks.4/mlp/fc1/Add" [id=360, type=Add]; -"361 /layers/layers.2/blocks.4/Reshape_3" [id=361, type=Reshape]; -"362 /layers/layers.2/blocks.3/mlp/act/Mul_1_0_0/sq_multiply" [id=362, type=Multiply]; -"363 /layers/layers.2/blocks.3/Reshape_1" [id=363, type=Reshape]; -"364 /layers/layers.2/blocks.2/mlp/fc2/Add" [id=364, type=Add]; -"365 /layers/layers.2/blocks.2/attn/Reshape" [id=365, type=Reshape]; -"366 /layers/layers.2/blocks.1/Reshape_3_0_0/sq_multiply" [id=366, type=Multiply]; -"367 /layers/layers.2/blocks.0/attn/Add" [id=367, type=Add]; -"368 /layers/layers.2/blocks.0/attn/Transpose_2" [id=368, type=Transpose]; -"369 /layers/layers.1/blocks.1/Transpose_1" [id=369, type=Transpose]; -"370 /layers/layers.2/downsample/Concat" [id=370, type=Concat]; -"371 /layers/layers.2/blocks.5/mlp/fc1/MatMul" [id=371, type=MatMul]; -"372 /layers/layers.2/blocks.5/Concat" [id=372, type=Concat]; -"373 /layers/layers.2/blocks.4/mlp/act/Mul_1" [id=373, type=Gelu]; -"374 /layers/layers.2/blocks.4/Reshape_3_0_0/sq_multiply" [id=374, type=Multiply]; -"375 /layers/layers.2/blocks.3/mlp/fc2/MatMul" [id=375, type=MatMul]; -"376 /layers/layers.2/blocks.3/Transpose" [id=376, type=Transpose]; -"377 /layers/layers.2/blocks.2/attn/Transpose" [id=377, type=Transpose]; -"378 /layers/layers.2/blocks.1/attn/qkv/MatMul" [id=378, type=MatMul]; -"379 /layers/layers.2/blocks.0/attn/softmax/Softmax" [id=379, type=Softmax]; -"380 /layers/layers.2/blocks.0/attn/Reshape_1" [id=380, type=Reshape]; -"381 /layers/layers.1/blocks.1/Reshape_6" [id=381, type=Reshape]; -"382 /layers/layers.2/downsample/Reshape_1" [id=382, type=Reshape]; -"383 /layers/layers.2/blocks.5/mlp/fc1/Add" [id=383, type=Add]; -"384 /layers/layers.2/blocks.5/Slice_2" [id=384, type=StridedSlice]; -"385 /layers/layers.2/blocks.5/Slice_3" [id=385, type=StridedSlice]; -"386 /layers/layers.2/blocks.4/mlp/act/Mul_1_0_0/sq_multiply" [id=386, type=Multiply]; -"387 /layers/layers.2/blocks.4/attn/qkv/MatMul" [id=387, type=MatMul]; -"388 /layers/layers.2/blocks.3/mlp/fc2/Add" [id=388, type=Add]; -"389 /layers/layers.2/blocks.3/Reshape_2" [id=389, type=Reshape]; -"390 /layers/layers.2/blocks.2/attn/Gather" [id=390, type=Gather]; -"391 /layers/layers.2/blocks.2/attn/Gather_1" [id=391, type=Gather]; -"392 /layers/layers.2/blocks.2/attn/Gather_2" [id=392, type=Gather]; -"393 /layers/layers.2/blocks.1/attn/qkv/Add" [id=393, type=Add]; -"394 /layers/layers.2/blocks.0/attn/Reshape_1_0_0/sq_multiply" [id=394, type=Multiply]; -"395 /layers/layers.1/blocks.1/Slice_4" [id=395, type=StridedSlice]; -"396 /layers/layers.1/blocks.1/Slice_5" [id=396, type=StridedSlice]; -"397 /layers/layers.2/downsample/norm/Div" [id=397, type=MVN]; -"398 /layers/layers.2/blocks.5/mlp/act/Mul_1" [id=398, type=Gelu]; -"399 /layers/layers.2/blocks.5/Concat_1" [id=399, type=Concat]; -"400 /layers/layers.2/blocks.4/mlp/fc2/MatMul" [id=400, type=MatMul]; -"401 /layers/layers.2/blocks.4/attn/qkv/Add" [id=401, type=Add]; -"402 /layers/layers.2/blocks.3/Reshape_3" [id=402, type=Reshape]; -"403 /layers/layers.2/blocks.2/attn/Mul" [id=403, type=Multiply]; -"404 /layers/layers.2/blocks.2/attn/MatMul" [id=404, type=MatMul]; -"405 /layers/layers.2/blocks.2/attn/MatMul_1" [id=405, type=MatMul]; -"406 /layers/layers.2/blocks.1/attn/Reshape" [id=406, type=Reshape]; -"407 /layers/layers.2/blocks.0/attn/proj/MatMul" [id=407, type=MatMul]; -"408 /layers/layers.1/blocks.1/Concat_2" [id=408, type=Concat]; -"409 /layers/layers.2/downsample/norm/Mul" [id=409, type=Multiply]; -"410 /layers/layers.2/blocks.5/mlp/act/Mul_1_0_0/sq_multiply" [id=410, type=Multiply]; -"411 /layers/layers.2/blocks.5/Reshape_1" [id=411, type=Reshape]; -"412 /layers/layers.2/blocks.4/mlp/fc2/Add" [id=412, type=Add]; -"413 /layers/layers.2/blocks.4/attn/Reshape" [id=413, type=Reshape]; -"414 /layers/layers.2/blocks.3/Reshape_3_0_0/sq_multiply" [id=414, type=Multiply]; -"415 /layers/layers.2/blocks.2/attn/Add" [id=415, type=Add]; -"416 /layers/layers.2/blocks.2/attn/Transpose_2" [id=416, type=Transpose]; -"417 /layers/layers.2/blocks.1/attn/Transpose" [id=417, type=Transpose]; -"418 /layers/layers.2/blocks.0/attn/proj/Add" [id=418, type=Add]; -"419 /layers/layers.1/blocks.1/Slice_6" [id=419, type=StridedSlice]; -"420 /layers/layers.1/blocks.1/Slice_7" [id=420, type=StridedSlice]; -"421 /layers/layers.2/downsample/norm/Add_1" [id=421, type=Add]; -"422 /layers/layers.2/blocks.5/mlp/fc2/MatMul" [id=422, type=MatMul]; -"423 /layers/layers.2/blocks.5/Transpose" [id=423, type=Transpose]; -"424 /layers/layers.2/blocks.4/attn/Transpose" [id=424, type=Transpose]; -"425 /layers/layers.2/blocks.3/attn/qkv/MatMul" [id=425, type=MatMul]; -"426 /layers/layers.2/blocks.2/attn/softmax/Softmax" [id=426, type=Softmax]; -"427 /layers/layers.2/blocks.2/attn/Reshape_1" [id=427, type=Reshape]; -"428 /layers/layers.2/blocks.1/attn/Gather" [id=428, type=Gather]; -"429 /layers/layers.2/blocks.1/attn/Gather_1" [id=429, type=Gather]; -"430 /layers/layers.2/blocks.1/attn/Gather_2" [id=430, type=Gather]; -"431 /layers/layers.2/blocks.0/Reshape_4" [id=431, type=Reshape]; -"432 /layers/layers.1/blocks.1/Concat_3" [id=432, type=Concat]; -"433 /layers/layers.2/downsample/norm/Add_1_0_0/sq_multiply" [id=433, type=Multiply]; -"434 /layers/layers.2/blocks.5/mlp/fc2/Add" [id=434, type=Add]; -"435 /layers/layers.2/blocks.5/Reshape_2" [id=435, type=Reshape]; -"436 /layers/layers.2/blocks.4/attn/Gather" [id=436, type=Gather]; -"437 /layers/layers.2/blocks.4/attn/Gather_1" [id=437, type=Gather]; -"438 /layers/layers.2/blocks.4/attn/Gather_2" [id=438, type=Gather]; -"439 /layers/layers.2/blocks.3/attn/qkv/Add" [id=439, type=Add]; -"440 /layers/layers.2/blocks.2/attn/Reshape_1_0_0/sq_multiply" [id=440, type=Multiply]; -"441 /layers/layers.2/blocks.1/attn/Mul" [id=441, type=Multiply]; -"442 /layers/layers.2/blocks.1/attn/MatMul" [id=442, type=MatMul]; -"443 /layers/layers.2/blocks.1/attn/MatMul_1" [id=443, type=MatMul]; -"444 /layers/layers.2/blocks.0/Reshape_5" [id=444, type=Reshape]; -"445 /layers/layers.1/blocks.1/Reshape_7" [id=445, type=Reshape]; -"446 /layers/layers.2/downsample/reduction/MatMul" [id=446, type=MatMul]; -"447 /layers/layers.2/blocks.5/Reshape_3" [id=447, type=Reshape]; -"448 /layers/layers.2/blocks.4/attn/Mul" [id=448, type=Multiply]; -"449 /layers/layers.2/blocks.4/attn/MatMul" [id=449, type=MatMul]; -"450 /layers/layers.2/blocks.4/attn/MatMul_1" [id=450, type=MatMul]; -"451 /layers/layers.2/blocks.3/attn/Reshape" [id=451, type=Reshape]; -"452 /layers/layers.2/blocks.2/attn/proj/MatMul" [id=452, type=MatMul]; -"453 /layers/layers.2/blocks.1/attn/Add" [id=453, type=Add]; -"454 /layers/layers.2/blocks.1/attn/Transpose_2" [id=454, type=Transpose]; -"455 /layers/layers.2/blocks.0/Transpose_1" [id=455, type=Transpose]; -"456 /layers/layers.3/blocks.0/Add" [id=456, type=Add]; -"457 /layers/layers.3/blocks.0/norm1/Div" [id=457, type=MVN]; -"458 /layers/layers.2/blocks.5/Reshape_3_0_0/sq_multiply" [id=458, type=Multiply]; -"459 /layers/layers.2/blocks.4/attn/Add" [id=459, type=Add]; -"460 /layers/layers.2/blocks.4/attn/Transpose_2" [id=460, type=Transpose]; -"461 /layers/layers.2/blocks.3/attn/Transpose" [id=461, type=Transpose]; -"462 /layers/layers.2/blocks.2/attn/proj/Add" [id=462, type=Add]; -"463 /layers/layers.2/blocks.1/attn/Reshape_1" [id=463, type=Reshape]; -"464 /layers/layers.2/blocks.1/attn/Reshape_3" [id=464, type=Reshape]; -"465 /layers/layers.2/blocks.0/Reshape_6" [id=465, type=Reshape]; -"466 /layers/layers.3/blocks.0/Add_1" [id=466, type=Add]; -"467 /layers/layers.3/blocks.0/norm2/Div" [id=467, type=MVN]; -"468 /layers/layers.3/blocks.0/norm1/Mul" [id=468, type=Multiply]; -"469 /layers/layers.2/blocks.5/attn/qkv/MatMul" [id=469, type=MatMul]; -"470 /layers/layers.2/blocks.4/attn/softmax/Softmax" [id=470, type=Softmax]; -"471 /layers/layers.2/blocks.4/attn/Reshape_1" [id=471, type=Reshape]; -"472 /layers/layers.2/blocks.3/attn/Gather" [id=472, type=Gather]; -"473 /layers/layers.2/blocks.3/attn/Gather_1" [id=473, type=Gather]; -"474 /layers/layers.2/blocks.3/attn/Gather_2" [id=474, type=Gather]; -"475 /layers/layers.2/blocks.2/Reshape_4" [id=475, type=Reshape]; -"476 /layers/layers.2/blocks.1/attn/Add_1" [id=476, type=Add]; -"477 /layers/layers.2/blocks.1/attn/Reshape_3_0_0/sq_multiply" [id=477, type=Multiply]; -"478 /layers/layers.2/blocks.0/Reshape_7" [id=478, type=Reshape]; -"479 /layers/layers.3/blocks.1/Add" [id=479, type=Add]; -"480 /layers/layers.3/blocks.1/norm1/Div" [id=480, type=MVN]; -"481 /layers/layers.3/blocks.0/norm2/Mul" [id=481, type=Multiply]; -"482 /layers/layers.3/blocks.0/norm1/Add_1" [id=482, type=Add]; -"483 /layers/layers.2/blocks.5/attn/qkv/Add" [id=483, type=Add]; -"484 /layers/layers.2/blocks.4/attn/Reshape_1_0_0/sq_multiply" [id=484, type=Multiply]; -"485 /layers/layers.2/blocks.3/attn/Mul" [id=485, type=Multiply]; -"486 /layers/layers.2/blocks.3/attn/MatMul" [id=486, type=MatMul]; -"487 /layers/layers.2/blocks.3/attn/MatMul_1" [id=487, type=MatMul]; -"488 /layers/layers.2/blocks.2/Reshape_5" [id=488, type=Reshape]; -"489 /layers/layers.2/blocks.1/attn/Reshape_2" [id=489, type=Reshape]; -"490 /layers/layers.2/blocks.1/attn/proj/MatMul" [id=490, type=MatMul]; -"491 /layers/layers.3/blocks.1/Add_1" [id=491, type=Add]; -"492 /layers/layers.3/blocks.1/norm2/Div" [id=492, type=MVN]; -"493 /layers/layers.3/blocks.1/norm1/Mul" [id=493, type=Multiply]; -"494 /layers/layers.3/blocks.0/norm2/Add_1" [id=494, type=Add]; -"495 /layers/layers.3/blocks.0/Reshape_1" [id=495, type=Reshape]; -"496 /layers/layers.2/blocks.5/attn/Reshape" [id=496, type=Reshape]; -"497 /layers/layers.2/blocks.4/attn/proj/MatMul" [id=497, type=MatMul]; -"498 /layers/layers.2/blocks.3/attn/Add" [id=498, type=Add]; -"499 /layers/layers.2/blocks.3/attn/Transpose_2" [id=499, type=Transpose]; -"500 /layers/layers.2/blocks.2/Transpose_1" [id=500, type=Transpose]; -"501 /layers/layers.2/blocks.1/attn/softmax/Softmax" [id=501, type=Softmax]; -"502 /layers/layers.2/blocks.1/attn/proj/Add" [id=502, type=Add]; -"503 /norm/Div" [id=503, type=MVN]; -"504 /layers/layers.3/blocks.1/norm2/Mul" [id=504, type=Multiply]; -"505 /layers/layers.3/blocks.1/norm1/Add_1" [id=505, type=Add]; -"506 /layers/layers.3/blocks.0/norm2/Add_1_0_0/sq_multiply" [id=506, type=Multiply]; -"507 /layers/layers.3/blocks.0/Transpose" [id=507, type=Reshape]; -"508 /layers/layers.2/blocks.5/attn/Transpose" [id=508, type=Transpose]; -"509 /layers/layers.2/blocks.4/attn/proj/Add" [id=509, type=Add]; -"510 /layers/layers.2/blocks.3/attn/Reshape_1" [id=510, type=Reshape]; -"511 /layers/layers.2/blocks.3/attn/Reshape_3" [id=511, type=Reshape]; -"512 /layers/layers.2/blocks.2/Reshape_6" [id=512, type=Reshape]; -"513 /layers/layers.2/blocks.1/Reshape_4" [id=513, type=Reshape]; -"514 /norm/Mul" [id=514, type=Multiply]; -"515 /layers/layers.3/blocks.1/norm2/Add_1" [id=515, type=Add]; -"516 /layers/layers.3/blocks.1/Reshape_1" [id=516, type=Reshape]; -"517 /layers/layers.3/blocks.0/mlp/fc1/MatMul" [id=517, type=MatMul]; -"518 /layers/layers.3/blocks.0/Reshape_2" [id=518, type=Reshape]; -"519 /layers/layers.2/blocks.5/attn/Gather" [id=519, type=Gather]; -"520 /layers/layers.2/blocks.5/attn/Gather_1" [id=520, type=Gather]; -"521 /layers/layers.2/blocks.5/attn/Gather_2" [id=521, type=Gather]; -"522 /layers/layers.2/blocks.4/Reshape_4" [id=522, type=Reshape]; -"523 /layers/layers.2/blocks.3/attn/Add_1" [id=523, type=Add]; -"524 /layers/layers.2/blocks.3/attn/Reshape_3_0_0/sq_multiply" [id=524, type=Multiply]; -"525 /layers/layers.2/blocks.2/Reshape_7" [id=525, type=Reshape]; -"526 /layers/layers.2/blocks.1/Reshape_5" [id=526, type=Reshape]; -"527 /norm/Add_1" [id=527, type=Add]; -"528 /layers/layers.3/blocks.1/norm2/Add_1_0_0/sq_multiply" [id=528, type=Multiply]; -"529 /layers/layers.3/blocks.1/Transpose" [id=529, type=Reshape]; -"530 /layers/layers.3/blocks.0/mlp/fc1/Add" [id=530, type=Add]; -"531 /layers/layers.3/blocks.0/Reshape_3" [id=531, type=Reshape]; -"532 /layers/layers.2/blocks.5/attn/Mul" [id=532, type=Multiply]; -"533 /layers/layers.2/blocks.5/attn/MatMul" [id=533, type=MatMul]; -"534 /layers/layers.2/blocks.5/attn/MatMul_1" [id=534, type=MatMul]; -"535 /layers/layers.2/blocks.4/Reshape_5" [id=535, type=Reshape]; -"536 /layers/layers.2/blocks.3/attn/Reshape_2" [id=536, type=Reshape]; -"537 /layers/layers.2/blocks.3/attn/proj/MatMul" [id=537, type=MatMul]; -"538 /layers/layers.2/blocks.1/Transpose_1" [id=538, type=Transpose]; -"539 ReduceMean_6037" [id=539, type=ReduceMean]; -"540 /layers/layers.3/blocks.1/mlp/fc1/MatMul" [id=540, type=MatMul]; -"541 /layers/layers.3/blocks.1/Reshape_2" [id=541, type=Reshape]; -"542 /layers/layers.3/blocks.0/mlp/act/Mul_1" [id=542, type=Gelu]; -"543 /layers/layers.3/blocks.0/Reshape_3_0_0/sq_multiply" [id=543, type=Multiply]; -"544 /layers/layers.2/blocks.5/attn/Add" [id=544, type=Add]; -"545 /layers/layers.2/blocks.5/attn/Transpose_2" [id=545, type=Transpose]; -"546 /layers/layers.2/blocks.4/Transpose_1" [id=546, type=Transpose]; -"547 /layers/layers.2/blocks.3/attn/softmax/Softmax" [id=547, type=Softmax]; -"548 /layers/layers.2/blocks.3/attn/proj/Add" [id=548, type=Add]; -"549 /layers/layers.2/blocks.1/Reshape_6" [id=549, type=Reshape]; -"550 /avgpool/GlobalAveragePool" [id=550, type=Reshape]; -"551 /layers/layers.3/blocks.1/mlp/fc1/Add" [id=551, type=Add]; -"552 /layers/layers.3/blocks.1/Reshape_3" [id=552, type=Reshape]; -"553 /layers/layers.3/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [id=553, type=Multiply]; -"554 /layers/layers.3/blocks.0/attn/qkv/MatMul" [id=554, type=MatMul]; -"555 /layers/layers.2/blocks.5/attn/Reshape_1" [id=555, type=Reshape]; -"556 /layers/layers.2/blocks.5/attn/Reshape_3" [id=556, type=Reshape]; -"557 /layers/layers.2/blocks.4/Reshape_6" [id=557, type=Reshape]; -"558 /layers/layers.2/blocks.3/Reshape_4" [id=558, type=Reshape]; -"559 /layers/layers.2/blocks.1/Slice_4" [id=559, type=StridedSlice]; -"560 /layers/layers.2/blocks.1/Slice_5" [id=560, type=StridedSlice]; -"561 /Flatten" [id=561, type=Reshape]; -"562 /layers/layers.3/blocks.1/mlp/act/Mul_1" [id=562, type=Gelu]; -"563 /layers/layers.3/blocks.1/Reshape_3_0_0/sq_multiply" [id=563, type=Multiply]; -"564 /layers/layers.3/blocks.0/mlp/fc2/MatMul" [id=564, type=MatMul]; -"565 /layers/layers.3/blocks.0/attn/qkv/Add" [id=565, type=Add]; -"566 /layers/layers.2/blocks.5/attn/Add_1" [id=566, type=Add]; -"567 /layers/layers.2/blocks.5/attn/Reshape_3_0_0/sq_multiply" [id=567, type=Multiply]; -"568 /layers/layers.2/blocks.4/Reshape_7" [id=568, type=Reshape]; -"569 /layers/layers.2/blocks.3/Reshape_5" [id=569, type=Reshape]; -"570 /layers/layers.2/blocks.1/Concat_2" [id=570, type=Concat]; -"571 /Flatten_0_0/sq_multiply" [id=571, type=Multiply]; -"572 /layers/layers.3/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [id=572, type=Multiply]; -"573 /layers/layers.3/blocks.1/attn/qkv/MatMul" [id=573, type=MatMul]; -"574 /layers/layers.3/blocks.0/mlp/fc2/Add" [id=574, type=Add]; -"575 /layers/layers.3/blocks.0/attn/Reshape" [id=575, type=Reshape]; -"576 /layers/layers.2/blocks.5/attn/Reshape_2" [id=576, type=Reshape]; -"577 /layers/layers.2/blocks.5/attn/proj/MatMul" [id=577, type=MatMul]; -"578 /layers/layers.2/blocks.3/Transpose_1" [id=578, type=Transpose]; -"579 /layers/layers.2/blocks.1/Slice_6" [id=579, type=StridedSlice]; -"580 /layers/layers.2/blocks.1/Slice_7" [id=580, type=StridedSlice]; -"581 /head/Gemm/WithoutBiases" [id=581, type=MatMul]; -"582 /layers/layers.3/blocks.1/mlp/fc2/MatMul" [id=582, type=MatMul]; -"583 /layers/layers.3/blocks.1/attn/qkv/Add" [id=583, type=Add]; -"584 /layers/layers.3/blocks.0/attn/Transpose" [id=584, type=Transpose]; -"585 /layers/layers.2/blocks.5/attn/softmax/Softmax" [id=585, type=Softmax]; -"586 /layers/layers.2/blocks.5/attn/proj/Add" [id=586, type=Add]; -"587 /layers/layers.2/blocks.3/Reshape_6" [id=587, type=Reshape]; -"588 /layers/layers.2/blocks.1/Concat_3" [id=588, type=Concat]; -"589 probs" [id=589, type=Add]; -"590 /layers/layers.3/blocks.1/mlp/fc2/Add" [id=590, type=Add]; -"591 /layers/layers.3/blocks.1/attn/Reshape" [id=591, type=Reshape]; -"592 /layers/layers.3/blocks.0/attn/Gather" [id=592, type=Gather]; -"593 /layers/layers.3/blocks.0/attn/Gather_1" [id=593, type=Gather]; -"594 /layers/layers.3/blocks.0/attn/Gather_2" [id=594, type=Gather]; -"595 /layers/layers.2/blocks.5/Reshape_4" [id=595, type=Reshape]; -"596 /layers/layers.2/blocks.3/Slice_4" [id=596, type=StridedSlice]; -"597 /layers/layers.2/blocks.3/Slice_5" [id=597, type=StridedSlice]; -"598 /layers/layers.2/blocks.1/Reshape_7" [id=598, type=Reshape]; -"599 probs/sink_port_0" [id=599, type=Result]; -"600 /layers/layers.3/blocks.1/attn/Transpose" [id=600, type=Transpose]; -"601 /layers/layers.3/blocks.0/attn/Mul" [id=601, type=Multiply]; -"602 /layers/layers.3/blocks.0/attn/MatMul" [id=602, type=MatMul]; -"603 /layers/layers.3/blocks.0/attn/MatMul_1" [id=603, type=MatMul]; -"604 /layers/layers.2/blocks.5/Reshape_5" [id=604, type=Reshape]; -"605 /layers/layers.2/blocks.3/Concat_2" [id=605, type=Concat]; -"606 /layers/layers.3/blocks.1/attn/Gather" [id=606, type=Gather]; -"607 /layers/layers.3/blocks.1/attn/Gather_1" [id=607, type=Gather]; -"608 /layers/layers.3/blocks.1/attn/Gather_2" [id=608, type=Gather]; -"609 /layers/layers.3/blocks.0/attn/Add" [id=609, type=Add]; -"610 /layers/layers.3/blocks.0/attn/Transpose_2" [id=610, type=Transpose]; -"611 /layers/layers.2/blocks.5/Transpose_1" [id=611, type=Transpose]; -"612 /layers/layers.2/blocks.3/Slice_6" [id=612, type=StridedSlice]; -"613 /layers/layers.2/blocks.3/Slice_7" [id=613, type=StridedSlice]; -"614 /layers/layers.3/blocks.1/attn/Mul" [id=614, type=Multiply]; -"615 /layers/layers.3/blocks.1/attn/MatMul" [id=615, type=MatMul]; -"616 /layers/layers.3/blocks.1/attn/MatMul_1" [id=616, type=MatMul]; -"617 /layers/layers.3/blocks.0/attn/softmax/Softmax" [id=617, type=Softmax]; -"618 /layers/layers.3/blocks.0/attn/Reshape_1" [id=618, type=Reshape]; -"619 /layers/layers.2/blocks.5/Reshape_6" [id=619, type=Reshape]; -"620 /layers/layers.2/blocks.3/Concat_3" [id=620, type=Concat]; -"621 /layers/layers.3/blocks.1/attn/Add" [id=621, type=Add]; -"622 /layers/layers.3/blocks.1/attn/Transpose_2" [id=622, type=Transpose]; -"623 /layers/layers.3/blocks.0/attn/Reshape_1_0_0/sq_multiply" [id=623, type=Multiply]; -"624 /layers/layers.2/blocks.5/Slice_4" [id=624, type=StridedSlice]; -"625 /layers/layers.2/blocks.5/Slice_5" [id=625, type=StridedSlice]; -"626 /layers/layers.2/blocks.3/Reshape_7" [id=626, type=Reshape]; -"627 /layers/layers.3/blocks.1/attn/softmax/Softmax" [id=627, type=Softmax]; -"628 /layers/layers.3/blocks.1/attn/Reshape_1" [id=628, type=Reshape]; -"629 /layers/layers.3/blocks.0/attn/proj/MatMul" [id=629, type=MatMul]; -"630 /layers/layers.2/blocks.5/Concat_2" [id=630, type=Concat]; -"631 /layers/layers.3/blocks.1/attn/Reshape_1_0_0/sq_multiply" [id=631, type=Multiply]; -"632 /layers/layers.3/blocks.0/attn/proj/Add" [id=632, type=Add]; -"633 /layers/layers.2/blocks.5/Slice_6" [id=633, type=StridedSlice]; -"634 /layers/layers.2/blocks.5/Slice_7" [id=634, type=StridedSlice]; -"635 /layers/layers.3/blocks.1/attn/proj/MatMul" [id=635, type=MatMul]; -"636 /layers/layers.3/blocks.0/Reshape_4" [id=636, type=Reshape]; -"637 /layers/layers.2/blocks.5/Concat_3" [id=637, type=Concat]; -"638 /layers/layers.3/blocks.1/attn/proj/Add" [id=638, type=Add]; -"639 /layers/layers.3/blocks.0/Reshape_5" [id=639, type=Reshape]; -"640 /layers/layers.2/blocks.5/Reshape_7" [id=640, type=Reshape]; -"641 /layers/layers.3/blocks.1/Reshape_4" [id=641, type=Reshape]; -"642 /layers/layers.3/blocks.0/Transpose_1" [id=642, type=Reshape]; -"643 /layers/layers.3/blocks.1/Reshape_5" [id=643, type=Reshape]; -"644 /layers/layers.3/blocks.0/Reshape_6" [id=644, type=Reshape]; -"645 /layers/layers.3/blocks.1/Transpose_1" [id=645, type=Reshape]; -"646 /layers/layers.3/blocks.0/Reshape_7" [id=646, type=Reshape]; -"647 /layers/layers.3/blocks.1/Reshape_6" [id=647, type=Reshape]; -"648 /layers/layers.3/blocks.1/Reshape_7" [id=648, type=Reshape]; -"649 Constant_7401" [id=649, type=Constant]; -"650 head.weight" [id=650, type=Constant]; -"651 Constant_54138" [id=651, type=Constant]; -"652 Constant_2148" [id=652, type=Constant]; -"653 Constant_6567" [id=653, type=Constant]; -"654 Constant_6036" [id=654, type=Constant]; -"655 Constant_7400" [id=655, type=Constant]; -"656 Constant_7399" [id=656, type=Constant]; -"657 Constant_2123" [id=657, type=Constant]; -"658 Transpose_6564" [id=658, type=Constant]; -"659 Constant_54132" [id=659, type=Constant]; -"660 Transpose_6560" [id=660, type=Constant]; -"661 Constant_54126" [id=661, type=Constant]; -"662 Constant_7396" [id=662, type=Constant]; -"663 Constant_7395" [id=663, type=Constant]; -"664 Constant_2097" [id=664, type=Constant]; -"665 /layers/layers.3/blocks.1/Constant_7" [id=665, type=Constant]; -"666 /layers/layers.3/blocks.1/Constant_6" [id=666, type=Constant]; -"667 Constant_6554" [id=667, type=Constant]; -"668 /layers/layers.3/blocks.1/Constant_5" [id=668, type=Constant]; -"669 /layers/layers.3/blocks.1/Constant_4" [id=669, type=Constant]; -"670 Transpose_6552" [id=670, type=Constant]; -"671 Constant_54142" [id=671, type=Constant]; -"672 /layers/layers.3/blocks.1/attn/Constant_2" [id=672, type=Constant]; -"673 Constant_2070" [id=673, type=Constant]; -"674 Constant_2060" [id=674, type=Constant]; -"675 /patch_embed/Constant" [id=675, type=Constant]; -"676 Constant_2054" [id=676, type=Constant]; -"677 /layers/layers.3/blocks.1/attn/Constant" [id=677, type=Constant]; -"678 Transpose_6549" [id=678, type=Constant]; -"679 Constant_54134" [id=679, type=Constant]; -"680 /layers/layers.3/blocks.1/Constant_3" [id=680, type=Constant]; -"681 /layers/layers.3/blocks.1/Constant_2" [id=681, type=Constant]; -"682 Constant_6544" [id=682, type=Constant]; -"683 /layers/layers.3/blocks.1/Constant_1" [id=683, type=Constant]; -"684 Constant_7391" [id=684, type=Constant]; -"685 Constant_7390" [id=685, type=Constant]; -"686 Constant_2017" [id=686, type=Constant]; -"687 Transpose_6541" [id=687, type=Constant]; -"688 Constant_54128" [id=688, type=Constant]; -"689 Transpose_6537" [id=689, type=Constant]; -"690 Constant_54122" [id=690, type=Constant]; -"691 Constant_7387" [id=691, type=Constant]; -"692 Constant_7386" [id=692, type=Constant]; -"693 Constant_1991" [id=693, type=Constant]; -"694 /layers/layers.3/blocks.0/Constant_7" [id=694, type=Constant]; -"695 /layers/layers.3/blocks.0/Constant_6" [id=695, type=Constant]; -"696 Constant_6531" [id=696, type=Constant]; -"697 /layers/layers.3/blocks.0/Constant_5" [id=697, type=Constant]; -"698 /layers/layers.3/blocks.0/Constant_4" [id=698, type=Constant]; -"699 Transpose_6529" [id=699, type=Constant]; -"700 Constant_54140" [id=700, type=Constant]; -"701 /layers/layers.3/blocks.0/attn/Constant_2" [id=701, type=Constant]; -"702 Constant_1964" [id=702, type=Constant]; -"703 Constant_1954" [id=703, type=Constant]; -"704 Constant_1948" [id=704, type=Constant]; -"705 /layers/layers.3/blocks.0/attn/Constant" [id=705, type=Constant]; -"706 Transpose_6526" [id=706, type=Constant]; -"707 Constant_54130" [id=707, type=Constant]; -"708 /layers/layers.3/blocks.0/Constant_3" [id=708, type=Constant]; -"709 /layers/layers.3/blocks.0/Constant_2" [id=709, type=Constant]; -"710 Constant_6521" [id=710, type=Constant]; -"711 /layers/layers.3/blocks.0/Constant_1" [id=711, type=Constant]; -"712 Constant_7382" [id=712, type=Constant]; -"713 Constant_7381" [id=713, type=Constant]; -"714 Constant_1911" [id=714, type=Constant]; -"715 Transpose_6518" [id=715, type=Constant]; -"716 Constant_54114" [id=716, type=Constant]; -"717 Constant_7380" [id=717, type=Constant]; -"718 Constant_7379" [id=718, type=Constant]; -"719 Constant_1897" [id=719, type=Constant]; -"720 /layers/layers.2/downsample/Constant_25" [id=720, type=Constant]; -"721 Constant_5751" [id=721, type=Constant]; -"722 Constant_5748" [id=722, type=Constant]; -"723 Constant_5745" [id=723, type=Constant]; -"724 Constant_5715" [id=724, type=Constant]; -"725 Constant_5712" [id=725, type=Constant]; -"726 Constant_5709" [id=726, type=Constant]; -"727 /layers/layers.2/downsample/Constant" [id=727, type=Constant]; -"728 Transpose_6514" [id=728, type=Constant]; -"729 Constant_54108" [id=729, type=Constant]; -"730 Transpose_6510" [id=730, type=Constant]; -"731 Constant_54098" [id=731, type=Constant]; -"732 Constant_7376" [id=732, type=Constant]; -"733 Constant_7375" [id=733, type=Constant]; -"734 Constant_1832" [id=734, type=Constant]; -"735 /layers/layers.2/blocks.5/Constant_31" [id=735, type=Constant]; -"736 Constant_5679" [id=736, type=Constant]; -"737 Constant_5676" [id=737, type=Constant]; -"738 Constant_5673" [id=738, type=Constant]; -"739 Constant_5655" [id=739, type=Constant]; -"740 Constant_5652" [id=740, type=Constant]; -"741 Constant_5649" [id=741, type=Constant]; -"742 /layers/layers.2/blocks.5/Constant_18" [id=742, type=Constant]; -"743 Constant_1779" [id=743, type=Constant]; -"744 /layers/layers.2/blocks.5/Constant_17" [id=744, type=Constant]; -"745 /layers/layers.2/blocks.5/Constant_16" [id=745, type=Constant]; -"746 Transpose_6506" [id=746, type=Constant]; -"747 Constant_54136" [id=747, type=Constant]; -"748 /layers/layers.2/blocks.5/attn/Constant_4" [id=748, type=Constant]; -"749 Constant_1763" [id=749, type=Constant]; -"750 Constant_1744" [id=750, type=Constant]; -"751 Constant_1738" [id=751, type=Constant]; -"752 /layers/layers.2/blocks.5/attn/Constant" [id=752, type=Constant]; -"753 Transpose_6503" [id=753, type=Constant]; -"754 Constant_54116" [id=754, type=Constant]; -"755 /layers/layers.2/blocks.5/Constant_15" [id=755, type=Constant]; -"756 /layers/layers.2/blocks.5/Constant_14" [id=756, type=Constant]; -"757 Constant_1722" [id=757, type=Constant]; -"758 /layers/layers.2/blocks.5/Constant_13" [id=758, type=Constant]; -"759 Constant_5631" [id=759, type=Constant]; -"760 Constant_5628" [id=760, type=Constant]; -"761 Constant_5625" [id=761, type=Constant]; -"762 Constant_5607" [id=762, type=Constant]; -"763 Constant_5604" [id=763, type=Constant]; -"764 Constant_5601" [id=764, type=Constant]; -"765 /layers/layers.2/blocks.5/Constant" [id=765, type=Constant]; -"766 Constant_7371" [id=766, type=Constant]; -"767 Constant_7370" [id=767, type=Constant]; -"768 Constant_1659" [id=768, type=Constant]; -"769 Transpose_6499" [id=769, type=Constant]; -"770 Constant_54102" [id=770, type=Constant]; -"771 Transpose_6495" [id=771, type=Constant]; -"772 Constant_54094" [id=772, type=Constant]; -"773 Constant_7367" [id=773, type=Constant]; -"774 Constant_7366" [id=774, type=Constant]; -"775 Constant_1633" [id=775, type=Constant]; -"776 /layers/layers.2/blocks.4/Constant_7" [id=776, type=Constant]; -"777 /layers/layers.2/blocks.4/Constant_6" [id=777, type=Constant]; -"778 Constant_1622" [id=778, type=Constant]; -"779 /layers/layers.2/blocks.4/Constant_5" [id=779, type=Constant]; -"780 /layers/layers.2/blocks.4/Constant_4" [id=780, type=Constant]; -"781 Transpose_6491" [id=781, type=Constant]; -"782 Constant_54120" [id=782, type=Constant]; -"783 /layers/layers.2/blocks.4/attn/Constant_2" [id=783, type=Constant]; -"784 Constant_1606" [id=784, type=Constant]; -"785 Constant_1596" [id=785, type=Constant]; -"786 Constant_1590" [id=786, type=Constant]; -"787 /layers/layers.2/blocks.4/attn/Constant" [id=787, type=Constant]; -"788 Transpose_6488" [id=788, type=Constant]; -"789 Constant_54104" [id=789, type=Constant]; -"790 /layers/layers.2/blocks.4/Constant_3" [id=790, type=Constant]; -"791 /layers/layers.2/blocks.4/Constant_2" [id=791, type=Constant]; -"792 Constant_1574" [id=792, type=Constant]; -"793 /layers/layers.2/blocks.4/Constant_1" [id=793, type=Constant]; -"794 Constant_7362" [id=794, type=Constant]; -"795 Constant_7361" [id=795, type=Constant]; -"796 Constant_1553" [id=796, type=Constant]; -"797 Transpose_6484" [id=797, type=Constant]; -"798 Constant_54096" [id=798, type=Constant]; -"799 Transpose_6480" [id=799, type=Constant]; -"800 Constant_54088" [id=800, type=Constant]; -"801 Constant_7358" [id=801, type=Constant]; -"802 Constant_7357" [id=802, type=Constant]; -"803 Constant_1527" [id=803, type=Constant]; -"804 /layers/layers.2/blocks.3/Constant_31" [id=804, type=Constant]; -"805 Constant_5583" [id=805, type=Constant]; -"806 Constant_5580" [id=806, type=Constant]; -"807 Constant_5577" [id=807, type=Constant]; -"808 Constant_5559" [id=808, type=Constant]; -"809 Constant_5556" [id=809, type=Constant]; -"810 Constant_5553" [id=810, type=Constant]; -"811 /layers/layers.2/blocks.3/Constant_18" [id=811, type=Constant]; -"812 Constant_1474" [id=812, type=Constant]; -"813 /layers/layers.2/blocks.3/Constant_17" [id=813, type=Constant]; -"814 /layers/layers.2/blocks.3/Constant_16" [id=814, type=Constant]; -"815 Transpose_6476" [id=815, type=Constant]; -"816 Constant_54124" [id=816, type=Constant]; -"817 /layers/layers.2/blocks.3/attn/Constant_4" [id=817, type=Constant]; -"818 Constant_1458" [id=818, type=Constant]; -"819 Constant_1439" [id=819, type=Constant]; -"820 Constant_1433" [id=820, type=Constant]; -"821 /layers/layers.2/blocks.3/attn/Constant" [id=821, type=Constant]; -"822 Transpose_6473" [id=822, type=Constant]; -"823 Constant_54110" [id=823, type=Constant]; -"824 /layers/layers.2/blocks.3/Constant_15" [id=824, type=Constant]; -"825 /layers/layers.2/blocks.3/Constant_14" [id=825, type=Constant]; -"826 Constant_1417" [id=826, type=Constant]; -"827 /layers/layers.2/blocks.3/Constant_13" [id=827, type=Constant]; -"828 Constant_5535" [id=828, type=Constant]; -"829 Constant_5532" [id=829, type=Constant]; -"830 Constant_5529" [id=830, type=Constant]; -"831 Constant_5511" [id=831, type=Constant]; -"832 Constant_5508" [id=832, type=Constant]; -"833 Constant_5505" [id=833, type=Constant]; -"834 /layers/layers.2/blocks.3/Constant" [id=834, type=Constant]; -"835 Constant_7353" [id=835, type=Constant]; -"836 Constant_7352" [id=836, type=Constant]; -"837 Constant_1354" [id=837, type=Constant]; -"838 Transpose_6469" [id=838, type=Constant]; -"839 Constant_54090" [id=839, type=Constant]; -"840 Transpose_6465" [id=840, type=Constant]; -"841 Constant_54082" [id=841, type=Constant]; -"842 Constant_7349" [id=842, type=Constant]; -"843 Constant_7348" [id=843, type=Constant]; -"844 Constant_1328" [id=844, type=Constant]; -"845 /layers/layers.2/blocks.2/Constant_7" [id=845, type=Constant]; -"846 /layers/layers.2/blocks.2/Constant_6" [id=846, type=Constant]; -"847 Constant_1317" [id=847, type=Constant]; -"848 /layers/layers.2/blocks.2/Constant_5" [id=848, type=Constant]; -"849 /layers/layers.2/blocks.2/Constant_4" [id=849, type=Constant]; -"850 Transpose_6461" [id=850, type=Constant]; -"851 Constant_54112" [id=851, type=Constant]; -"852 /layers/layers.2/blocks.2/attn/Constant_2" [id=852, type=Constant]; -"853 Constant_1301" [id=853, type=Constant]; -"854 Constant_1291" [id=854, type=Constant]; -"855 Constant_1285" [id=855, type=Constant]; -"856 /layers/layers.2/blocks.2/attn/Constant" [id=856, type=Constant]; -"857 Transpose_6458" [id=857, type=Constant]; -"858 Constant_54092" [id=858, type=Constant]; -"859 /layers/layers.2/blocks.2/Constant_3" [id=859, type=Constant]; -"860 /layers/layers.2/blocks.2/Constant_2" [id=860, type=Constant]; -"861 Constant_1269" [id=861, type=Constant]; -"862 /layers/layers.2/blocks.2/Constant_1" [id=862, type=Constant]; -"863 Constant_7344" [id=863, type=Constant]; -"864 Constant_7343" [id=864, type=Constant]; -"865 Constant_1248" [id=865, type=Constant]; -"866 Transpose_6454" [id=866, type=Constant]; -"867 Constant_54084" [id=867, type=Constant]; -"868 Transpose_6450" [id=868, type=Constant]; -"869 Constant_54076" [id=869, type=Constant]; -"870 Constant_7340" [id=870, type=Constant]; -"871 Constant_7339" [id=871, type=Constant]; -"872 Constant_1222" [id=872, type=Constant]; -"873 /layers/layers.2/blocks.1/Constant_31" [id=873, type=Constant]; -"874 Constant_5487" [id=874, type=Constant]; -"875 Constant_5484" [id=875, type=Constant]; -"876 Constant_5481" [id=876, type=Constant]; -"877 Constant_5463" [id=877, type=Constant]; -"878 Constant_5460" [id=878, type=Constant]; -"879 Constant_5457" [id=879, type=Constant]; -"880 /layers/layers.2/blocks.1/Constant_18" [id=880, type=Constant]; -"881 Constant_1169" [id=881, type=Constant]; -"882 /layers/layers.2/blocks.1/Constant_17" [id=882, type=Constant]; -"883 /layers/layers.2/blocks.1/Constant_16" [id=883, type=Constant]; -"884 Transpose_6446" [id=884, type=Constant]; -"885 Constant_54118" [id=885, type=Constant]; -"886 /layers/layers.2/blocks.1/attn/Constant_4" [id=886, type=Constant]; -"887 Constant_1153" [id=887, type=Constant]; -"888 Constant_1134" [id=888, type=Constant]; -"889 Constant_1128" [id=889, type=Constant]; -"890 /layers/layers.2/blocks.1/attn/Constant" [id=890, type=Constant]; -"891 Transpose_6443" [id=891, type=Constant]; -"892 Constant_54100" [id=892, type=Constant]; -"893 /layers/layers.2/blocks.1/Constant_15" [id=893, type=Constant]; -"894 /layers/layers.2/blocks.1/Constant_14" [id=894, type=Constant]; -"895 Constant_1112" [id=895, type=Constant]; -"896 /layers/layers.2/blocks.1/Constant_13" [id=896, type=Constant]; -"897 Constant_5439" [id=897, type=Constant]; -"898 Constant_5436" [id=898, type=Constant]; -"899 Constant_5433" [id=899, type=Constant]; -"900 Constant_5415" [id=900, type=Constant]; -"901 Constant_5412" [id=901, type=Constant]; -"902 Constant_5409" [id=902, type=Constant]; -"903 /layers/layers.2/blocks.1/Constant" [id=903, type=Constant]; -"904 Constant_7335" [id=904, type=Constant]; -"905 Constant_7334" [id=905, type=Constant]; -"906 Constant_1049" [id=906, type=Constant]; -"907 Transpose_6439" [id=907, type=Constant]; -"908 Constant_54078" [id=908, type=Constant]; -"909 Transpose_6435" [id=909, type=Constant]; -"910 Constant_54074" [id=910, type=Constant]; -"911 Constant_7331" [id=911, type=Constant]; -"912 Constant_7330" [id=912, type=Constant]; -"913 Constant_1023" [id=913, type=Constant]; -"914 /layers/layers.2/blocks.0/Constant_7" [id=914, type=Constant]; -"915 /layers/layers.2/blocks.0/Constant_6" [id=915, type=Constant]; -"916 Constant_1012" [id=916, type=Constant]; -"917 /layers/layers.2/blocks.0/Constant_5" [id=917, type=Constant]; -"918 /layers/layers.2/blocks.0/Constant_4" [id=918, type=Constant]; -"919 Transpose_6431" [id=919, type=Constant]; -"920 Constant_54106" [id=920, type=Constant]; -"921 /layers/layers.2/blocks.0/attn/Constant_2" [id=921, type=Constant]; -"922 Constant_996" [id=922, type=Constant]; -"923 Constant_986" [id=923, type=Constant]; -"924 Constant_980" [id=924, type=Constant]; -"925 /layers/layers.2/blocks.0/attn/Constant" [id=925, type=Constant]; -"926 Transpose_6428" [id=926, type=Constant]; -"927 Constant_54080" [id=927, type=Constant]; -"928 /layers/layers.2/blocks.0/Constant_3" [id=928, type=Constant]; -"929 /layers/layers.2/blocks.0/Constant_2" [id=929, type=Constant]; -"930 Constant_964" [id=930, type=Constant]; -"931 /layers/layers.2/blocks.0/Constant_1" [id=931, type=Constant]; -"932 Constant_7326" [id=932, type=Constant]; -"933 Constant_7325" [id=933, type=Constant]; -"934 Constant_943" [id=934, type=Constant]; -"935 Transpose_6424" [id=935, type=Constant]; -"936 Constant_54068" [id=936, type=Constant]; -"937 Constant_7324" [id=937, type=Constant]; -"938 Constant_7323" [id=938, type=Constant]; -"939 Constant_929" [id=939, type=Constant]; -"940 /layers/layers.1/downsample/Constant_25" [id=940, type=Constant]; -"941 Constant_5391" [id=941, type=Constant]; -"942 Constant_5388" [id=942, type=Constant]; -"943 Constant_5385" [id=943, type=Constant]; -"944 Constant_5355" [id=944, type=Constant]; -"945 Constant_5352" [id=945, type=Constant]; -"946 Constant_5349" [id=946, type=Constant]; -"947 /layers/layers.1/downsample/Constant" [id=947, type=Constant]; -"948 Transpose_6420" [id=948, type=Constant]; -"949 Constant_54064" [id=949, type=Constant]; -"950 Transpose_6416" [id=950, type=Constant]; -"951 Constant_54058" [id=951, type=Constant]; -"952 Constant_7320" [id=952, type=Constant]; -"953 Constant_7319" [id=953, type=Constant]; -"954 Constant_864" [id=954, type=Constant]; -"955 /layers/layers.1/blocks.1/Constant_31" [id=955, type=Constant]; -"956 Constant_5319" [id=956, type=Constant]; -"957 Constant_5316" [id=957, type=Constant]; -"958 Constant_5313" [id=958, type=Constant]; -"959 Constant_5295" [id=959, type=Constant]; -"960 Constant_5292" [id=960, type=Constant]; -"961 Constant_5289" [id=961, type=Constant]; -"962 /layers/layers.1/blocks.1/Constant_18" [id=962, type=Constant]; -"963 Constant_811" [id=963, type=Constant]; -"964 /layers/layers.1/blocks.1/Constant_17" [id=964, type=Constant]; -"965 /layers/layers.1/blocks.1/Constant_16" [id=965, type=Constant]; -"966 Transpose_6412" [id=966, type=Constant]; -"967 Constant_54086" [id=967, type=Constant]; -"968 /layers/layers.1/blocks.1/attn/Constant_4" [id=968, type=Constant]; -"969 Constant_795" [id=969, type=Constant]; -"970 Constant_776" [id=970, type=Constant]; -"971 Constant_770" [id=971, type=Constant]; -"972 /layers/layers.1/blocks.1/attn/Constant" [id=972, type=Constant]; -"973 Transpose_6409" [id=973, type=Constant]; -"974 Constant_54070" [id=974, type=Constant]; -"975 /layers/layers.1/blocks.1/Constant_15" [id=975, type=Constant]; -"976 /layers/layers.1/blocks.1/Constant_14" [id=976, type=Constant]; -"977 Constant_754" [id=977, type=Constant]; -"978 /layers/layers.1/blocks.1/Constant_13" [id=978, type=Constant]; -"979 Constant_5271" [id=979, type=Constant]; -"980 Constant_5268" [id=980, type=Constant]; -"981 Constant_5265" [id=981, type=Constant]; -"982 Constant_5247" [id=982, type=Constant]; -"983 Constant_5244" [id=983, type=Constant]; -"984 Constant_5241" [id=984, type=Constant]; -"985 /layers/layers.1/blocks.1/Constant" [id=985, type=Constant]; -"986 Constant_7315" [id=986, type=Constant]; -"987 Constant_7314" [id=987, type=Constant]; -"988 Constant_691" [id=988, type=Constant]; -"989 Transpose_6405" [id=989, type=Constant]; -"990 Constant_54060" [id=990, type=Constant]; -"991 Transpose_6401" [id=991, type=Constant]; -"992 Constant_54056" [id=992, type=Constant]; -"993 Constant_7311" [id=993, type=Constant]; -"994 Constant_7310" [id=994, type=Constant]; -"995 Constant_665" [id=995, type=Constant]; -"996 /layers/layers.1/blocks.0/Constant_7" [id=996, type=Constant]; -"997 /layers/layers.1/blocks.0/Constant_6" [id=997, type=Constant]; -"998 Constant_654" [id=998, type=Constant]; -"999 /layers/layers.1/blocks.0/Constant_5" [id=999, type=Constant]; -"1000 /layers/layers.1/blocks.0/Constant_4" [id=1000, type=Constant]; -"1001 Transpose_6397" [id=1001, type=Constant]; -"1002 Constant_54072" [id=1002, type=Constant]; -"1003 /layers/layers.1/blocks.0/attn/Constant_2" [id=1003, type=Constant]; -"1004 Constant_638" [id=1004, type=Constant]; -"1005 Constant_628" [id=1005, type=Constant]; -"1006 Constant_622" [id=1006, type=Constant]; -"1007 /layers/layers.1/blocks.0/attn/Constant" [id=1007, type=Constant]; -"1008 Transpose_6394" [id=1008, type=Constant]; -"1009 Constant_54062" [id=1009, type=Constant]; -"1010 /layers/layers.1/blocks.0/Constant_3" [id=1010, type=Constant]; -"1011 /layers/layers.1/blocks.0/Constant_2" [id=1011, type=Constant]; -"1012 Constant_606" [id=1012, type=Constant]; -"1013 /layers/layers.1/blocks.0/Constant_1" [id=1013, type=Constant]; -"1014 Constant_7306" [id=1014, type=Constant]; -"1015 Constant_7305" [id=1015, type=Constant]; -"1016 Constant_585" [id=1016, type=Constant]; -"1017 Transpose_6390" [id=1017, type=Constant]; -"1018 Constant_54050" [id=1018, type=Constant]; -"1019 Constant_7304" [id=1019, type=Constant]; -"1020 Constant_7303" [id=1020, type=Constant]; -"1021 Constant_571" [id=1021, type=Constant]; -"1022 /layers/layers.0/downsample/Constant_25" [id=1022, type=Constant]; -"1023 Constant_5223" [id=1023, type=Constant]; -"1024 Constant_5220" [id=1024, type=Constant]; -"1025 Constant_5217" [id=1025, type=Constant]; -"1026 Constant_5187" [id=1026, type=Constant]; -"1027 Constant_5184" [id=1027, type=Constant]; -"1028 Constant_5181" [id=1028, type=Constant]; -"1029 /layers/layers.0/downsample/Constant" [id=1029, type=Constant]; -"1030 Transpose_6386" [id=1030, type=Constant]; -"1031 Constant_54048" [id=1031, type=Constant]; -"1032 Transpose_6382" [id=1032, type=Constant]; -"1033 Constant_54042" [id=1033, type=Constant]; -"1034 Constant_7300" [id=1034, type=Constant]; -"1035 Constant_7299" [id=1035, type=Constant]; -"1036 Constant_506" [id=1036, type=Constant]; -"1037 /layers/layers.0/blocks.1/Constant_31" [id=1037, type=Constant]; -"1038 Constant_5151" [id=1038, type=Constant]; -"1039 Constant_5148" [id=1039, type=Constant]; -"1040 Constant_5145" [id=1040, type=Constant]; -"1041 Constant_5127" [id=1041, type=Constant]; -"1042 Constant_5124" [id=1042, type=Constant]; -"1043 Constant_5121" [id=1043, type=Constant]; -"1044 /layers/layers.0/blocks.1/Constant_18" [id=1044, type=Constant]; -"1045 Constant_453" [id=1045, type=Constant]; -"1046 /layers/layers.0/blocks.1/Constant_17" [id=1046, type=Constant]; -"1047 /layers/layers.0/blocks.1/Constant_16" [id=1047, type=Constant]; -"1048 Transpose_6378" [id=1048, type=Constant]; -"1049 Constant_54066" [id=1049, type=Constant]; -"1050 /layers/layers.0/blocks.1/attn/Constant_4" [id=1050, type=Constant]; -"1051 Constant_437" [id=1051, type=Constant]; -"1052 Constant_418" [id=1052, type=Constant]; -"1053 Constant_412" [id=1053, type=Constant]; -"1054 /layers/layers.0/blocks.1/attn/Constant" [id=1054, type=Constant]; -"1055 Transpose_6375" [id=1055, type=Constant]; -"1056 Constant_54052" [id=1056, type=Constant]; -"1057 /layers/layers.0/blocks.1/Constant_15" [id=1057, type=Constant]; -"1058 /layers/layers.0/blocks.1/Constant_14" [id=1058, type=Constant]; -"1059 Constant_396" [id=1059, type=Constant]; -"1060 /layers/layers.0/blocks.1/Constant_13" [id=1060, type=Constant]; -"1061 Constant_5103" [id=1061, type=Constant]; -"1062 Constant_5100" [id=1062, type=Constant]; -"1063 Constant_5097" [id=1063, type=Constant]; -"1064 Constant_5079" [id=1064, type=Constant]; -"1065 Constant_5076" [id=1065, type=Constant]; -"1066 Constant_5073" [id=1066, type=Constant]; -"1067 /layers/layers.0/blocks.1/Constant" [id=1067, type=Constant]; -"1068 Constant_7295" [id=1068, type=Constant]; -"1069 Constant_7294" [id=1069, type=Constant]; -"1070 Constant_333" [id=1070, type=Constant]; -"1071 Transpose_6371" [id=1071, type=Constant]; -"1072 Constant_54044" [id=1072, type=Constant]; -"1073 Transpose_6367" [id=1073, type=Constant]; -"1074 Constant_54040" [id=1074, type=Constant]; -"1075 Constant_7291" [id=1075, type=Constant]; -"1076 Constant_7290" [id=1076, type=Constant]; -"1077 Constant_307" [id=1077, type=Constant]; -"1078 /layers/layers.0/blocks.0/Constant_8" [id=1078, type=Constant]; -"1079 /layers/layers.0/blocks.0/Constant_7" [id=1079, type=Constant]; -"1080 Constant_296" [id=1080, type=Constant]; -"1081 /layers/layers.0/blocks.0/Constant_6" [id=1081, type=Constant]; -"1082 /layers/layers.0/blocks.0/Constant_5" [id=1082, type=Constant]; -"1083 Transpose_6363" [id=1083, type=Constant]; -"1084 Constant_54054" [id=1084, type=Constant]; -"1085 /layers/layers.0/blocks.0/attn/Constant_2" [id=1085, type=Constant]; -"1086 Constant_280" [id=1086, type=Constant]; -"1087 Constant_270" [id=1087, type=Constant]; -"1088 Constant_264" [id=1088, type=Constant]; -"1089 /layers/layers.0/blocks.0/attn/Constant" [id=1089, type=Constant]; -"1090 Transpose_6360" [id=1090, type=Constant]; -"1091 Constant_54046" [id=1091, type=Constant]; -"1092 /layers/layers.0/blocks.0/Constant_4" [id=1092, type=Constant]; -"1093 /layers/layers.0/blocks.0/Constant_3" [id=1093, type=Constant]; -"1094 Constant_248" [id=1094, type=Constant]; -"1095 /layers/layers.0/blocks.0/Constant_2" [id=1095, type=Constant]; -"1096 Constant_7286" [id=1096, type=Constant]; -"1097 Constant_7285" [id=1097, type=Constant]; -"1098 Constant_227" [id=1098, type=Constant]; -"1099 Constant_7284" [id=1099, type=Constant]; -"1100 Constant_7283" [id=1100, type=Constant]; -"1101 Constant_213" [id=1101, type=Constant]; -"1102 Constant_211" [id=1102, type=Constant]; -"1103 /patch_embed/Constant_4" [id=1103, type=Constant]; -"1104 Broadcast_201" [id=1104, type=Constant]; -"1105 /patch_embed/Constant_3" [id=1105, type=Constant]; -"1106 /patch_embed/Constant_2" [id=1106, type=Constant]; -"1107 Reshape_190" [id=1107, type=Constant]; -"1108 Gather_7282" [id=1108, type=Constant]; -"1109 Gather_7279" [id=1109, type=Constant]; -"1110 Gather_7276" [id=1110, type=Constant]; -"1111 Constant_7287" [id=1111, type=Constant]; -"1112 onnx^^Add_2244" [id=1112, label="1112 onnx::Add_2244", type=Constant]; -"1113 Constant_268" [id=1113, type=Constant]; -"1114 /patch_embed/proj/Constant" [id=1114, type=Constant]; -"1115 Constant_7288" [id=1115, type=Constant]; -"1116 Constant_266" [id=1116, type=Constant]; -"1117 /layers/layers.0/blocks.0/Constant" [id=1117, type=Constant]; -"1118 Constant_7289" [id=1118, type=Constant]; -"1119 Constant_7292" [id=1119, type=Constant]; -"1120 Constant_7293" [id=1120, type=Constant]; -"1121 Constant_5067" [id=1121, type=Constant]; -"1122 Constant_5064" [id=1122, type=Constant]; -"1123 Constant_5061" [id=1123, type=Constant]; -"1124 Constant_5091" [id=1124, type=Constant]; -"1125 Constant_5088" [id=1125, type=Constant]; -"1126 Constant_5085" [id=1126, type=Constant]; -"1127 Constant_7296" [id=1127, type=Constant]; -"1128 /layers/layers.0/blocks.1/attn/Constant_3" [id=1128, type=Constant]; -"1129 onnx^^Add_2301" [id=1129, label="1129 onnx::Add_2301", type=Constant]; -"1130 /layers/layers.0/blocks.1/attn/Constant_2" [id=1130, type=Constant]; -"1131 onnx^^Add_2293" [id=1131, label="1131 onnx::Add_2293", type=Constant]; -"1132 Constant_416" [id=1132, type=Constant]; -"1133 Constant_7297" [id=1133, type=Constant]; -"1134 Constant_414" [id=1134, type=Constant]; -"1135 Constant_7298" [id=1135, type=Constant]; -"1136 Constant_5115" [id=1136, type=Constant]; -"1137 Constant_5112" [id=1137, type=Constant]; -"1138 Constant_5109" [id=1138, type=Constant]; -"1139 Constant_5139" [id=1139, type=Constant]; -"1140 Constant_5136" [id=1140, type=Constant]; -"1141 Constant_5133" [id=1141, type=Constant]; -"1142 Constant_7301" [id=1142, type=Constant]; -"1143 Constant_7302" [id=1143, type=Constant]; -"1144 Constant_5211" [id=1144, type=Constant]; -"1145 Constant_5208" [id=1145, type=Constant]; -"1146 Constant_5205" [id=1146, type=Constant]; -"1147 Constant_5163" [id=1147, type=Constant]; -"1148 Constant_5160" [id=1148, type=Constant]; -"1149 Constant_5157" [id=1149, type=Constant]; -"1150 Constant_5199" [id=1150, type=Constant]; -"1151 Constant_5196" [id=1151, type=Constant]; -"1152 Constant_5193" [id=1152, type=Constant]; -"1153 Constant_5175" [id=1153, type=Constant]; -"1154 Constant_5172" [id=1154, type=Constant]; -"1155 Constant_5169" [id=1155, type=Constant]; -"1156 Constant_7307" [id=1156, type=Constant]; -"1157 onnx^^Add_2389" [id=1157, label="1157 onnx::Add_2389", type=Constant]; -"1158 Constant_626" [id=1158, type=Constant]; -"1159 Constant_7308" [id=1159, type=Constant]; -"1160 Constant_624" [id=1160, type=Constant]; -"1161 Constant_7309" [id=1161, type=Constant]; -"1162 Constant_7312" [id=1162, type=Constant]; -"1163 Constant_7313" [id=1163, type=Constant]; -"1164 Constant_5235" [id=1164, type=Constant]; -"1165 Constant_5232" [id=1165, type=Constant]; -"1166 Constant_5229" [id=1166, type=Constant]; -"1167 Constant_5259" [id=1167, type=Constant]; -"1168 Constant_5256" [id=1168, type=Constant]; -"1169 Constant_5253" [id=1169, type=Constant]; -"1170 Constant_7316" [id=1170, type=Constant]; -"1171 /layers/layers.1/blocks.1/attn/Constant_3" [id=1171, type=Constant]; -"1172 onnx^^Add_2446" [id=1172, label="1172 onnx::Add_2446", type=Constant]; -"1173 /layers/layers.1/blocks.1/attn/Constant_2" [id=1173, type=Constant]; -"1174 onnx^^Add_2438" [id=1174, label="1174 onnx::Add_2438", type=Constant]; -"1175 Constant_774" [id=1175, type=Constant]; -"1176 Constant_7317" [id=1176, type=Constant]; -"1177 Constant_772" [id=1177, type=Constant]; -"1178 Constant_7318" [id=1178, type=Constant]; -"1179 Constant_5283" [id=1179, type=Constant]; -"1180 Constant_5280" [id=1180, type=Constant]; -"1181 Constant_5277" [id=1181, type=Constant]; -"1182 Constant_5307" [id=1182, type=Constant]; -"1183 Constant_5304" [id=1183, type=Constant]; -"1184 Constant_5301" [id=1184, type=Constant]; -"1185 Constant_7321" [id=1185, type=Constant]; -"1186 Constant_7322" [id=1186, type=Constant]; -"1187 Constant_5379" [id=1187, type=Constant]; -"1188 Constant_5376" [id=1188, type=Constant]; -"1189 Constant_5373" [id=1189, type=Constant]; -"1190 Constant_5331" [id=1190, type=Constant]; -"1191 Constant_5328" [id=1191, type=Constant]; -"1192 Constant_5325" [id=1192, type=Constant]; -"1193 Constant_5367" [id=1193, type=Constant]; -"1194 Constant_5364" [id=1194, type=Constant]; -"1195 Constant_5361" [id=1195, type=Constant]; -"1196 Constant_5343" [id=1196, type=Constant]; -"1197 Constant_5340" [id=1197, type=Constant]; -"1198 Constant_5337" [id=1198, type=Constant]; -"1199 Constant_7327" [id=1199, type=Constant]; -"1200 onnx^^Add_2534" [id=1200, label="1200 onnx::Add_2534", type=Constant]; -"1201 Constant_984" [id=1201, type=Constant]; -"1202 Constant_7328" [id=1202, type=Constant]; -"1203 Constant_982" [id=1203, type=Constant]; -"1204 Constant_7329" [id=1204, type=Constant]; -"1205 Constant_7332" [id=1205, type=Constant]; -"1206 Constant_7333" [id=1206, type=Constant]; -"1207 Constant_5403" [id=1207, type=Constant]; -"1208 Constant_5400" [id=1208, type=Constant]; -"1209 Constant_5397" [id=1209, type=Constant]; -"1210 Constant_5427" [id=1210, type=Constant]; -"1211 Constant_5424" [id=1211, type=Constant]; -"1212 Constant_5421" [id=1212, type=Constant]; -"1213 Constant_7336" [id=1213, type=Constant]; -"1214 /layers/layers.2/blocks.1/attn/Constant_3" [id=1214, type=Constant]; -"1215 onnx^^Add_2702" [id=1215, label="1215 onnx::Add_2702", type=Constant]; -"1216 /layers/layers.2/blocks.1/attn/Constant_2" [id=1216, type=Constant]; -"1217 onnx^^Add_2583" [id=1217, label="1217 onnx::Add_2583", type=Constant]; -"1218 Constant_1132" [id=1218, type=Constant]; -"1219 Constant_7337" [id=1219, type=Constant]; -"1220 Constant_1130" [id=1220, type=Constant]; -"1221 Constant_7338" [id=1221, type=Constant]; -"1222 Constant_5451" [id=1222, type=Constant]; -"1223 Constant_5448" [id=1223, type=Constant]; -"1224 Constant_5445" [id=1224, type=Constant]; -"1225 Constant_5475" [id=1225, type=Constant]; -"1226 Constant_5472" [id=1226, type=Constant]; -"1227 Constant_5469" [id=1227, type=Constant]; -"1228 Constant_7341" [id=1228, type=Constant]; -"1229 Constant_7342" [id=1229, type=Constant]; -"1230 Constant_7345" [id=1230, type=Constant]; -"1231 onnx^^Add_2645" [id=1231, label="1231 onnx::Add_2645", type=Constant]; -"1232 Constant_1289" [id=1232, type=Constant]; -"1233 Constant_7346" [id=1233, type=Constant]; -"1234 Constant_1287" [id=1234, type=Constant]; -"1235 Constant_7347" [id=1235, type=Constant]; -"1236 Constant_7350" [id=1236, type=Constant]; -"1237 Constant_7351" [id=1237, type=Constant]; -"1238 Constant_5499" [id=1238, type=Constant]; -"1239 Constant_5496" [id=1239, type=Constant]; -"1240 Constant_5493" [id=1240, type=Constant]; -"1241 Constant_5523" [id=1241, type=Constant]; -"1242 Constant_5520" [id=1242, type=Constant]; -"1243 Constant_5517" [id=1243, type=Constant]; -"1244 Constant_7354" [id=1244, type=Constant]; -"1245 /layers/layers.2/blocks.3/attn/Constant_3" [id=1245, type=Constant]; -"1246 /layers/layers.2/blocks.3/attn/Constant_2" [id=1246, type=Constant]; -"1247 onnx^^Add_2694" [id=1247, label="1247 onnx::Add_2694", type=Constant]; -"1248 Constant_1437" [id=1248, type=Constant]; -"1249 Constant_7355" [id=1249, type=Constant]; -"1250 Constant_1435" [id=1250, type=Constant]; -"1251 Constant_7356" [id=1251, type=Constant]; -"1252 Constant_5547" [id=1252, type=Constant]; -"1253 Constant_5544" [id=1253, type=Constant]; -"1254 Constant_5541" [id=1254, type=Constant]; -"1255 Constant_5571" [id=1255, type=Constant]; -"1256 Constant_5568" [id=1256, type=Constant]; -"1257 Constant_5565" [id=1257, type=Constant]; -"1258 Constant_7359" [id=1258, type=Constant]; -"1259 Constant_7360" [id=1259, type=Constant]; -"1260 Constant_7363" [id=1260, type=Constant]; -"1261 onnx^^Add_2756" [id=1261, label="1261 onnx::Add_2756", type=Constant]; -"1262 Constant_1594" [id=1262, type=Constant]; -"1263 Constant_7364" [id=1263, type=Constant]; -"1264 Constant_1592" [id=1264, type=Constant]; -"1265 Constant_7365" [id=1265, type=Constant]; -"1266 Constant_7368" [id=1266, type=Constant]; -"1267 Constant_7369" [id=1267, type=Constant]; -"1268 Constant_5595" [id=1268, type=Constant]; -"1269 Constant_5592" [id=1269, type=Constant]; -"1270 Constant_5589" [id=1270, type=Constant]; -"1271 Constant_5619" [id=1271, type=Constant]; -"1272 Constant_5616" [id=1272, type=Constant]; -"1273 Constant_5613" [id=1273, type=Constant]; -"1274 Constant_7372" [id=1274, type=Constant]; -"1275 /layers/layers.2/blocks.5/attn/Constant_3" [id=1275, type=Constant]; -"1276 /layers/layers.2/blocks.5/attn/Constant_2" [id=1276, type=Constant]; -"1277 onnx^^Add_2805" [id=1277, label="1277 onnx::Add_2805", type=Constant]; -"1278 Constant_1742" [id=1278, type=Constant]; -"1279 Constant_7373" [id=1279, type=Constant]; -"1280 Constant_1740" [id=1280, type=Constant]; -"1281 Constant_7374" [id=1281, type=Constant]; -"1282 Constant_5643" [id=1282, type=Constant]; -"1283 Constant_5640" [id=1283, type=Constant]; -"1284 Constant_5637" [id=1284, type=Constant]; -"1285 Constant_5667" [id=1285, type=Constant]; -"1286 Constant_5664" [id=1286, type=Constant]; -"1287 Constant_5661" [id=1287, type=Constant]; -"1288 Constant_7377" [id=1288, type=Constant]; -"1289 Constant_7378" [id=1289, type=Constant]; -"1290 Constant_5739" [id=1290, type=Constant]; -"1291 Constant_5736" [id=1291, type=Constant]; -"1292 Constant_5733" [id=1292, type=Constant]; -"1293 Constant_5691" [id=1293, type=Constant]; -"1294 Constant_5688" [id=1294, type=Constant]; -"1295 Constant_5685" [id=1295, type=Constant]; -"1296 Constant_5727" [id=1296, type=Constant]; -"1297 Constant_5724" [id=1297, type=Constant]; -"1298 Constant_5721" [id=1298, type=Constant]; -"1299 Constant_5703" [id=1299, type=Constant]; -"1300 Constant_5700" [id=1300, type=Constant]; -"1301 Constant_5697" [id=1301, type=Constant]; -"1302 Constant_7383" [id=1302, type=Constant]; -"1303 onnx^^Add_2901" [id=1303, label="1303 onnx::Add_2901", type=Constant]; -"1304 Constant_1952" [id=1304, type=Constant]; -"1305 Constant_7384" [id=1305, type=Constant]; -"1306 Constant_1950" [id=1306, type=Constant]; -"1307 Constant_7385" [id=1307, type=Constant]; -"1308 Constant_7388" [id=1308, type=Constant]; -"1309 Constant_7389" [id=1309, type=Constant]; -"1310 Constant_7392" [id=1310, type=Constant]; -"1311 onnx^^Add_2950" [id=1311, label="1311 onnx::Add_2950", type=Constant]; -"1312 Constant_2058" [id=1312, type=Constant]; -"1313 Constant_7393" [id=1313, type=Constant]; -"1314 Constant_2056" [id=1314, type=Constant]; -"1315 Constant_7394" [id=1315, type=Constant]; -"1316 Constant_7397" [id=1316, type=Constant]; -"1317 Constant_7398" [id=1317, type=Constant]; +"3 Divide_2169_0_0/nncf_smooth_quant" [id=3, type=Multiply]; +"4 /patch_embed/proj/Conv/WithoutBiases" [id=4, type=Convolution]; +"5 /patch_embed/proj/Conv" [id=5, type=Add]; +"6 /patch_embed/Reshape" [id=6, type=Reshape]; +"7 /patch_embed/Shape" [id=7, type=ShapeOf]; +"8 /patch_embed/Transpose" [id=8, type=Transpose]; +"9 /patch_embed/Slice" [id=9, type=StridedSlice]; +"10 /patch_embed/norm/Div" [id=10, type=MVN]; +"11 /patch_embed/Concat" [id=11, type=Concat]; +"12 /patch_embed/norm/Mul" [id=12, type=Multiply]; +"13 /patch_embed/norm/Add_1" [id=13, type=Add]; +"14 /layers/layers.0/blocks.0/Add" [id=14, type=Add]; +"15 /layers/layers.0/blocks.0/norm1/Div" [id=15, type=MVN]; +"16 /layers/layers.0/blocks.0/Add_1" [id=16, type=Add]; +"17 /layers/layers.0/blocks.0/norm2/Div" [id=17, type=MVN]; +"18 /layers/layers.0/blocks.0/norm1/Mul" [id=18, type=Multiply]; +"19 /layers/layers.0/blocks.1/Add" [id=19, type=Add]; +"20 /layers/layers.0/blocks.1/norm1/Div" [id=20, type=MVN]; +"21 /layers/layers.0/blocks.0/norm2/Mul" [id=21, type=Multiply]; +"22 /layers/layers.0/blocks.0/norm1/Add_1" [id=22, type=Add]; +"23 /layers/layers.0/blocks.1/Add_1" [id=23, type=Add]; +"24 /layers/layers.0/blocks.1/norm2/Div" [id=24, type=MVN]; +"25 /layers/layers.0/blocks.1/norm1/Mul" [id=25, type=Multiply]; +"26 /layers/layers.0/blocks.0/norm2/Add_1" [id=26, type=Add]; +"27 /layers/layers.0/blocks.0/Reshape_1" [id=27, type=Reshape]; +"28 /layers/layers.0/downsample/Reshape" [id=28, type=Reshape]; +"29 /layers/layers.0/blocks.1/norm2/Mul" [id=29, type=Multiply]; +"30 /layers/layers.0/blocks.1/norm1/Add_1" [id=30, type=Add]; +"31 /layers/layers.0/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [id=31, type=Multiply]; +"32 /layers/layers.0/blocks.0/Transpose" [id=32, type=Transpose]; +"33 /layers/layers.0/downsample/Slice" [id=33, type=StridedSlice]; +"34 /layers/layers.0/downsample/Slice_2" [id=34, type=StridedSlice]; +"35 /layers/layers.0/blocks.1/norm2/Add_1" [id=35, type=Add]; +"36 /layers/layers.0/blocks.1/Reshape" [id=36, type=Reshape]; +"37 /layers/layers.0/blocks.0/mlp/fc1/MatMul" [id=37, type=MatMul]; +"38 /layers/layers.0/blocks.0/Reshape_2" [id=38, type=Reshape]; +"39 /layers/layers.0/downsample/Slice_1" [id=39, type=StridedSlice]; +"40 /layers/layers.0/downsample/Slice_4" [id=40, type=StridedSlice]; +"41 /layers/layers.0/downsample/Slice_3" [id=41, type=StridedSlice]; +"42 /layers/layers.0/downsample/Slice_5" [id=42, type=StridedSlice]; +"43 /layers/layers.0/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [id=43, type=Multiply]; +"44 /layers/layers.0/blocks.1/Slice" [id=44, type=StridedSlice]; +"45 /layers/layers.0/blocks.1/Slice_1" [id=45, type=StridedSlice]; +"46 /layers/layers.0/blocks.0/mlp/fc1/Add" [id=46, type=Add]; +"47 /layers/layers.0/blocks.0/Reshape_3" [id=47, type=Reshape]; +"48 /layers/layers.0/downsample/Concat" [id=48, type=Concat]; +"49 /layers/layers.0/blocks.1/mlp/fc1/MatMul" [id=49, type=MatMul]; +"50 /layers/layers.0/blocks.1/Concat" [id=50, type=Concat]; +"51 /layers/layers.0/blocks.0/mlp/act/Mul_1" [id=51, type=Gelu]; +"52 /layers/layers.0/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [id=52, type=Multiply]; +"53 /layers/layers.0/downsample/Reshape_1" [id=53, type=Reshape]; +"54 /layers/layers.0/blocks.1/mlp/fc1/Add" [id=54, type=Add]; +"55 /layers/layers.0/blocks.1/Slice_2" [id=55, type=StridedSlice]; +"56 /layers/layers.0/blocks.1/Slice_3" [id=56, type=StridedSlice]; +"57 /layers/layers.0/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=57, type=Multiply]; +"58 /layers/layers.0/blocks.0/attn/qkv/MatMul" [id=58, type=MatMul]; +"59 /layers/layers.0/downsample/norm/Div" [id=59, type=MVN]; +"60 /layers/layers.0/blocks.1/mlp/act/Mul_1" [id=60, type=Gelu]; +"61 /layers/layers.0/blocks.1/Concat_1" [id=61, type=Concat]; +"62 /layers/layers.0/blocks.0/mlp/fc2/MatMul" [id=62, type=MatMul]; +"63 /layers/layers.0/blocks.0/attn/qkv/Add" [id=63, type=Add]; +"64 /layers/layers.0/downsample/norm/Mul" [id=64, type=Multiply]; +"65 /layers/layers.0/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=65, type=Multiply]; +"66 /layers/layers.0/blocks.1/Reshape_1" [id=66, type=Reshape]; +"67 /layers/layers.0/blocks.0/mlp/fc2/Add" [id=67, type=Add]; +"68 /layers/layers.0/blocks.0/attn/Reshape" [id=68, type=Reshape]; +"69 /layers/layers.0/downsample/norm/Add_1" [id=69, type=Add]; +"70 /layers/layers.0/blocks.1/mlp/fc2/MatMul" [id=70, type=MatMul]; +"71 /layers/layers.0/blocks.1/Transpose" [id=71, type=Transpose]; +"72 /layers/layers.0/blocks.0/attn/Transpose" [id=72, type=Transpose]; +"73 /layers/layers.0/downsample/norm/Add_1_0_0/nncf_smooth_quant" [id=73, type=Multiply]; +"74 /layers/layers.0/blocks.1/mlp/fc2/Add" [id=74, type=Add]; +"75 /layers/layers.0/blocks.1/Reshape_2" [id=75, type=Reshape]; +"76 /layers/layers.0/blocks.0/attn/Gather" [id=76, type=Gather]; +"77 /layers/layers.0/blocks.0/attn/Gather_1" [id=77, type=Gather]; +"78 /layers/layers.0/blocks.0/attn/Gather_2" [id=78, type=Gather]; +"79 /layers/layers.0/downsample/reduction/MatMul" [id=79, type=MatMul]; +"80 /layers/layers.0/blocks.1/Reshape_3" [id=80, type=Reshape]; +"81 /layers/layers.0/blocks.0/attn/Mul" [id=81, type=Multiply]; +"82 /layers/layers.0/blocks.0/attn/MatMul" [id=82, type=MatMul]; +"83 /layers/layers.0/blocks.0/attn/MatMul_1" [id=83, type=MatMul]; +"84 /layers/layers.1/blocks.0/Add" [id=84, type=Add]; +"85 /layers/layers.1/blocks.0/norm1/Div" [id=85, type=MVN]; +"86 /layers/layers.0/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [id=86, type=Multiply]; +"87 /layers/layers.0/blocks.0/attn/Add" [id=87, type=Add]; +"88 /layers/layers.0/blocks.0/attn/Transpose_2" [id=88, type=Transpose]; +"89 /layers/layers.1/blocks.0/Add_1" [id=89, type=Add]; +"90 /layers/layers.1/blocks.0/norm2/Div" [id=90, type=MVN]; +"91 /layers/layers.1/blocks.0/norm1/Mul" [id=91, type=Multiply]; +"92 /layers/layers.0/blocks.1/attn/qkv/MatMul" [id=92, type=MatMul]; +"93 /layers/layers.0/blocks.0/attn/softmax/Softmax" [id=93, type=Softmax]; +"94 /layers/layers.0/blocks.0/attn/Reshape_1" [id=94, type=Reshape]; +"95 /layers/layers.1/blocks.1/Add" [id=95, type=Add]; +"96 /layers/layers.1/blocks.1/norm1/Div" [id=96, type=MVN]; +"97 /layers/layers.1/blocks.0/norm2/Mul" [id=97, type=Multiply]; +"98 /layers/layers.1/blocks.0/norm1/Add_1" [id=98, type=Add]; +"99 /layers/layers.0/blocks.1/attn/qkv/Add" [id=99, type=Add]; +"100 /layers/layers.0/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [id=100, type=Multiply]; +"101 /layers/layers.1/blocks.1/Add_1" [id=101, type=Add]; +"102 /layers/layers.1/blocks.1/norm2/Div" [id=102, type=MVN]; +"103 /layers/layers.1/blocks.1/norm1/Mul" [id=103, type=Multiply]; +"104 /layers/layers.1/blocks.0/norm2/Add_1" [id=104, type=Add]; +"105 /layers/layers.1/blocks.0/Reshape_1" [id=105, type=Reshape]; +"106 /layers/layers.0/blocks.1/attn/Reshape" [id=106, type=Reshape]; +"107 /layers/layers.0/blocks.0/attn/proj/MatMul" [id=107, type=MatMul]; +"108 /layers/layers.1/downsample/Reshape" [id=108, type=Reshape]; +"109 /layers/layers.1/blocks.1/norm2/Mul" [id=109, type=Multiply]; +"110 /layers/layers.1/blocks.1/norm1/Add_1" [id=110, type=Add]; +"111 /layers/layers.1/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [id=111, type=Multiply]; +"112 /layers/layers.1/blocks.0/Transpose" [id=112, type=Transpose]; +"113 /layers/layers.0/blocks.1/attn/Transpose" [id=113, type=Transpose]; +"114 /layers/layers.0/blocks.0/attn/proj/Add" [id=114, type=Add]; +"115 /layers/layers.1/downsample/Slice" [id=115, type=StridedSlice]; +"116 /layers/layers.1/downsample/Slice_2" [id=116, type=StridedSlice]; +"117 /layers/layers.1/blocks.1/norm2/Add_1" [id=117, type=Add]; +"118 /layers/layers.1/blocks.1/Reshape" [id=118, type=Reshape]; +"119 /layers/layers.1/blocks.0/mlp/fc1/MatMul" [id=119, type=MatMul]; +"120 /layers/layers.1/blocks.0/Reshape_2" [id=120, type=Reshape]; +"121 /layers/layers.0/blocks.1/attn/Gather" [id=121, type=Gather]; +"122 /layers/layers.0/blocks.1/attn/Gather_1" [id=122, type=Gather]; +"123 /layers/layers.0/blocks.1/attn/Gather_2" [id=123, type=Gather]; +"124 /layers/layers.0/blocks.0/Reshape_4" [id=124, type=Reshape]; +"125 /layers/layers.1/downsample/Slice_1" [id=125, type=StridedSlice]; +"126 /layers/layers.1/downsample/Slice_4" [id=126, type=StridedSlice]; +"127 /layers/layers.1/downsample/Slice_3" [id=127, type=StridedSlice]; +"128 /layers/layers.1/downsample/Slice_5" [id=128, type=StridedSlice]; +"129 /layers/layers.1/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [id=129, type=Multiply]; +"130 /layers/layers.1/blocks.1/Slice" [id=130, type=StridedSlice]; +"131 /layers/layers.1/blocks.1/Slice_1" [id=131, type=StridedSlice]; +"132 /layers/layers.1/blocks.0/mlp/fc1/Add" [id=132, type=Add]; +"133 /layers/layers.1/blocks.0/Reshape_3" [id=133, type=Reshape]; +"134 /layers/layers.0/blocks.1/attn/Mul" [id=134, type=Multiply]; +"135 /layers/layers.0/blocks.1/attn/MatMul" [id=135, type=MatMul]; +"136 /layers/layers.0/blocks.1/attn/MatMul_1" [id=136, type=MatMul]; +"137 /layers/layers.0/blocks.0/Reshape_5" [id=137, type=Reshape]; +"138 /layers/layers.1/downsample/Concat" [id=138, type=Concat]; +"139 /layers/layers.1/blocks.1/mlp/fc1/MatMul" [id=139, type=MatMul]; +"140 /layers/layers.1/blocks.1/Concat" [id=140, type=Concat]; +"141 /layers/layers.1/blocks.0/mlp/act/Mul_1" [id=141, type=Gelu]; +"142 /layers/layers.1/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [id=142, type=Multiply]; +"143 /layers/layers.0/blocks.1/attn/Add" [id=143, type=Add]; +"144 /layers/layers.0/blocks.1/attn/Transpose_2" [id=144, type=Transpose]; +"145 /layers/layers.0/blocks.0/Transpose_1" [id=145, type=Transpose]; +"146 /layers/layers.1/downsample/Reshape_1" [id=146, type=Reshape]; +"147 /layers/layers.1/blocks.1/mlp/fc1/Add" [id=147, type=Add]; +"148 /layers/layers.1/blocks.1/Slice_2" [id=148, type=StridedSlice]; +"149 /layers/layers.1/blocks.1/Slice_3" [id=149, type=StridedSlice]; +"150 /layers/layers.1/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=150, type=Multiply]; +"151 /layers/layers.1/blocks.0/attn/qkv/MatMul" [id=151, type=MatMul]; +"152 /layers/layers.0/blocks.1/attn/Reshape_1" [id=152, type=Reshape]; +"153 /layers/layers.0/blocks.1/attn/Reshape_3" [id=153, type=Reshape]; +"154 /layers/layers.0/blocks.0/Reshape_6" [id=154, type=Reshape]; +"155 /layers/layers.1/downsample/norm/Div" [id=155, type=MVN]; +"156 /layers/layers.1/blocks.1/mlp/act/Mul_1" [id=156, type=Gelu]; +"157 /layers/layers.1/blocks.1/Concat_1" [id=157, type=Concat]; +"158 /layers/layers.1/blocks.0/mlp/fc2/MatMul" [id=158, type=MatMul]; +"159 /layers/layers.1/blocks.0/attn/qkv/Add" [id=159, type=Add]; +"160 /layers/layers.0/blocks.1/attn/Add_1" [id=160, type=Add]; +"161 /layers/layers.0/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [id=161, type=Multiply]; +"162 /layers/layers.0/blocks.0/Reshape_7" [id=162, type=Reshape]; +"163 /layers/layers.1/downsample/norm/Mul" [id=163, type=Multiply]; +"164 /layers/layers.1/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=164, type=Multiply]; +"165 /layers/layers.1/blocks.1/Reshape_1" [id=165, type=Reshape]; +"166 /layers/layers.1/blocks.0/mlp/fc2/Add" [id=166, type=Add]; +"167 /layers/layers.1/blocks.0/attn/Reshape" [id=167, type=Reshape]; +"168 /layers/layers.0/blocks.1/attn/Reshape_2" [id=168, type=Reshape]; +"169 /layers/layers.0/blocks.1/attn/proj/MatMul" [id=169, type=MatMul]; +"170 /layers/layers.1/downsample/norm/Add_1" [id=170, type=Add]; +"171 /layers/layers.1/blocks.1/mlp/fc2/MatMul" [id=171, type=MatMul]; +"172 /layers/layers.1/blocks.1/Transpose" [id=172, type=Transpose]; +"173 /layers/layers.1/blocks.0/attn/Transpose" [id=173, type=Transpose]; +"174 /layers/layers.0/blocks.1/attn/softmax/Softmax" [id=174, type=Softmax]; +"175 /layers/layers.0/blocks.1/attn/proj/Add" [id=175, type=Add]; +"176 /layers/layers.1/downsample/norm/Add_1_0_0/nncf_smooth_quant" [id=176, type=Multiply]; +"177 /layers/layers.1/blocks.1/mlp/fc2/Add" [id=177, type=Add]; +"178 /layers/layers.1/blocks.1/Reshape_2" [id=178, type=Reshape]; +"179 /layers/layers.1/blocks.0/attn/Gather" [id=179, type=Gather]; +"180 /layers/layers.1/blocks.0/attn/Gather_1" [id=180, type=Gather]; +"181 /layers/layers.1/blocks.0/attn/Gather_2" [id=181, type=Gather]; +"182 /layers/layers.0/blocks.1/Reshape_4" [id=182, type=Reshape]; +"183 /layers/layers.1/downsample/reduction/MatMul" [id=183, type=MatMul]; +"184 /layers/layers.1/blocks.1/Reshape_3" [id=184, type=Reshape]; +"185 /layers/layers.1/blocks.0/attn/Mul" [id=185, type=Multiply]; +"186 /layers/layers.1/blocks.0/attn/MatMul" [id=186, type=MatMul]; +"187 /layers/layers.1/blocks.0/attn/MatMul_1" [id=187, type=MatMul]; +"188 /layers/layers.0/blocks.1/Reshape_5" [id=188, type=Reshape]; +"189 /layers/layers.2/blocks.0/Add" [id=189, type=Add]; +"190 /layers/layers.2/blocks.0/norm1/Div" [id=190, type=MVN]; +"191 /layers/layers.1/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [id=191, type=Multiply]; +"192 /layers/layers.1/blocks.0/attn/Add" [id=192, type=Add]; +"193 /layers/layers.1/blocks.0/attn/Transpose_2" [id=193, type=Transpose]; +"194 /layers/layers.0/blocks.1/Transpose_1" [id=194, type=Transpose]; +"195 /layers/layers.2/blocks.0/Add_1" [id=195, type=Add]; +"196 /layers/layers.2/blocks.0/norm2/Div" [id=196, type=MVN]; +"197 /layers/layers.2/blocks.0/norm1/Mul" [id=197, type=Multiply]; +"198 /layers/layers.1/blocks.1/attn/qkv/MatMul" [id=198, type=MatMul]; +"199 /layers/layers.1/blocks.0/attn/softmax/Softmax" [id=199, type=Softmax]; +"200 /layers/layers.1/blocks.0/attn/Reshape_1" [id=200, type=Reshape]; +"201 /layers/layers.0/blocks.1/Reshape_6" [id=201, type=Reshape]; +"202 /layers/layers.2/blocks.1/Add" [id=202, type=Add]; +"203 /layers/layers.2/blocks.1/norm1/Div" [id=203, type=MVN]; +"204 /layers/layers.2/blocks.0/norm2/Mul" [id=204, type=Multiply]; +"205 /layers/layers.2/blocks.0/norm1/Add_1" [id=205, type=Add]; +"206 /layers/layers.1/blocks.1/attn/qkv/Add" [id=206, type=Add]; +"207 /layers/layers.1/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [id=207, type=Multiply]; +"208 /layers/layers.0/blocks.1/Slice_4" [id=208, type=StridedSlice]; +"209 /layers/layers.0/blocks.1/Slice_5" [id=209, type=StridedSlice]; +"210 /layers/layers.2/blocks.1/Add_1" [id=210, type=Add]; +"211 /layers/layers.2/blocks.1/norm2/Div" [id=211, type=MVN]; +"212 /layers/layers.2/blocks.1/norm1/Mul" [id=212, type=Multiply]; +"213 /layers/layers.2/blocks.0/norm2/Add_1" [id=213, type=Add]; +"214 /layers/layers.2/blocks.0/Reshape_1" [id=214, type=Reshape]; +"215 /layers/layers.1/blocks.1/attn/Reshape" [id=215, type=Reshape]; +"216 /layers/layers.1/blocks.0/attn/proj/MatMul" [id=216, type=MatMul]; +"217 /layers/layers.0/blocks.1/Concat_2" [id=217, type=Concat]; +"218 /layers/layers.2/blocks.2/Add" [id=218, type=Add]; +"219 /layers/layers.2/blocks.2/norm1/Div" [id=219, type=MVN]; +"220 /layers/layers.2/blocks.1/norm2/Mul" [id=220, type=Multiply]; +"221 /layers/layers.2/blocks.1/norm1/Add_1" [id=221, type=Add]; +"222 /layers/layers.2/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [id=222, type=Multiply]; +"223 /layers/layers.2/blocks.0/Transpose" [id=223, type=Transpose]; +"224 /layers/layers.1/blocks.1/attn/Transpose" [id=224, type=Transpose]; +"225 /layers/layers.1/blocks.0/attn/proj/Add" [id=225, type=Add]; +"226 /layers/layers.0/blocks.1/Slice_6" [id=226, type=StridedSlice]; +"227 /layers/layers.0/blocks.1/Slice_7" [id=227, type=StridedSlice]; +"228 /layers/layers.2/blocks.2/Add_1" [id=228, type=Add]; +"229 /layers/layers.2/blocks.2/norm2/Div" [id=229, type=MVN]; +"230 /layers/layers.2/blocks.2/norm1/Mul" [id=230, type=Multiply]; +"231 /layers/layers.2/blocks.1/norm2/Add_1" [id=231, type=Add]; +"232 /layers/layers.2/blocks.1/Reshape" [id=232, type=Reshape]; +"233 /layers/layers.2/blocks.0/mlp/fc1/MatMul" [id=233, type=MatMul]; +"234 /layers/layers.2/blocks.0/Reshape_2" [id=234, type=Reshape]; +"235 /layers/layers.1/blocks.1/attn/Gather" [id=235, type=Gather]; +"236 /layers/layers.1/blocks.1/attn/Gather_1" [id=236, type=Gather]; +"237 /layers/layers.1/blocks.1/attn/Gather_2" [id=237, type=Gather]; +"238 /layers/layers.1/blocks.0/Reshape_4" [id=238, type=Reshape]; +"239 /layers/layers.0/blocks.1/Concat_3" [id=239, type=Concat]; +"240 /layers/layers.2/blocks.3/Add" [id=240, type=Add]; +"241 /layers/layers.2/blocks.3/norm1/Div" [id=241, type=MVN]; +"242 /layers/layers.2/blocks.2/norm2/Mul" [id=242, type=Multiply]; +"243 /layers/layers.2/blocks.2/norm1/Add_1" [id=243, type=Add]; +"244 /layers/layers.2/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [id=244, type=Multiply]; +"245 /layers/layers.2/blocks.1/Slice" [id=245, type=StridedSlice]; +"246 /layers/layers.2/blocks.1/Slice_1" [id=246, type=StridedSlice]; +"247 /layers/layers.2/blocks.0/mlp/fc1/Add" [id=247, type=Add]; +"248 /layers/layers.2/blocks.0/Reshape_3" [id=248, type=Reshape]; +"249 /layers/layers.1/blocks.1/attn/Mul" [id=249, type=Multiply]; +"250 /layers/layers.1/blocks.1/attn/MatMul" [id=250, type=MatMul]; +"251 /layers/layers.1/blocks.1/attn/MatMul_1" [id=251, type=MatMul]; +"252 /layers/layers.1/blocks.0/Reshape_5" [id=252, type=Reshape]; +"253 /layers/layers.0/blocks.1/Reshape_7" [id=253, type=Reshape]; +"254 /layers/layers.2/blocks.3/Add_1" [id=254, type=Add]; +"255 /layers/layers.2/blocks.3/norm2/Div" [id=255, type=MVN]; +"256 /layers/layers.2/blocks.3/norm1/Mul" [id=256, type=Multiply]; +"257 /layers/layers.2/blocks.2/norm2/Add_1" [id=257, type=Add]; +"258 /layers/layers.2/blocks.2/Reshape_1" [id=258, type=Reshape]; +"259 /layers/layers.2/blocks.1/mlp/fc1/MatMul" [id=259, type=MatMul]; +"260 /layers/layers.2/blocks.1/Concat" [id=260, type=Concat]; +"261 /layers/layers.2/blocks.0/mlp/act/Mul_1" [id=261, type=Gelu]; +"262 /layers/layers.2/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [id=262, type=Multiply]; +"263 /layers/layers.1/blocks.1/attn/Add" [id=263, type=Add]; +"264 /layers/layers.1/blocks.1/attn/Transpose_2" [id=264, type=Transpose]; +"265 /layers/layers.1/blocks.0/Transpose_1" [id=265, type=Transpose]; +"266 /layers/layers.2/blocks.4/Add" [id=266, type=Add]; +"267 /layers/layers.2/blocks.4/norm1/Div" [id=267, type=MVN]; +"268 /layers/layers.2/blocks.3/norm2/Mul" [id=268, type=Multiply]; +"269 /layers/layers.2/blocks.3/norm1/Add_1" [id=269, type=Add]; +"270 /layers/layers.2/blocks.2/norm2/Add_1_0_0/nncf_smooth_quant" [id=270, type=Multiply]; +"271 /layers/layers.2/blocks.2/Transpose" [id=271, type=Transpose]; +"272 /layers/layers.2/blocks.1/mlp/fc1/Add" [id=272, type=Add]; +"273 /layers/layers.2/blocks.1/Slice_2" [id=273, type=StridedSlice]; +"274 /layers/layers.2/blocks.1/Slice_3" [id=274, type=StridedSlice]; +"275 /layers/layers.2/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=275, type=Multiply]; +"276 /layers/layers.2/blocks.0/attn/qkv/MatMul" [id=276, type=MatMul]; +"277 /layers/layers.1/blocks.1/attn/Reshape_1" [id=277, type=Reshape]; +"278 /layers/layers.1/blocks.1/attn/Reshape_3" [id=278, type=Reshape]; +"279 /layers/layers.1/blocks.0/Reshape_6" [id=279, type=Reshape]; +"280 /layers/layers.2/blocks.4/Add_1" [id=280, type=Add]; +"281 /layers/layers.2/blocks.4/norm2/Div" [id=281, type=MVN]; +"282 /layers/layers.2/blocks.4/norm1/Mul" [id=282, type=Multiply]; +"283 /layers/layers.2/blocks.3/norm2/Add_1" [id=283, type=Add]; +"284 /layers/layers.2/blocks.3/Reshape" [id=284, type=Reshape]; +"285 /layers/layers.2/blocks.2/mlp/fc1/MatMul" [id=285, type=MatMul]; +"286 /layers/layers.2/blocks.2/Reshape_2" [id=286, type=Reshape]; +"287 /layers/layers.2/blocks.1/mlp/act/Mul_1" [id=287, type=Gelu]; +"288 /layers/layers.2/blocks.1/Concat_1" [id=288, type=Concat]; +"289 /layers/layers.2/blocks.0/mlp/fc2/MatMul" [id=289, type=MatMul]; +"290 /layers/layers.2/blocks.0/attn/qkv/Add" [id=290, type=Add]; +"291 /layers/layers.1/blocks.1/attn/Add_1" [id=291, type=Add]; +"292 /layers/layers.1/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [id=292, type=Multiply]; +"293 /layers/layers.1/blocks.0/Reshape_7" [id=293, type=Reshape]; +"294 /layers/layers.2/blocks.5/Add" [id=294, type=Add]; +"295 /layers/layers.2/blocks.5/norm1/Div" [id=295, type=MVN]; +"296 /layers/layers.2/blocks.4/norm2/Mul" [id=296, type=Multiply]; +"297 /layers/layers.2/blocks.4/norm1/Add_1" [id=297, type=Add]; +"298 /layers/layers.2/blocks.3/norm2/Add_1_0_0/nncf_smooth_quant" [id=298, type=Multiply]; +"299 /layers/layers.2/blocks.3/Slice" [id=299, type=StridedSlice]; +"300 /layers/layers.2/blocks.3/Slice_1" [id=300, type=StridedSlice]; +"301 /layers/layers.2/blocks.2/mlp/fc1/Add" [id=301, type=Add]; +"302 /layers/layers.2/blocks.2/Reshape_3" [id=302, type=Reshape]; +"303 /layers/layers.2/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=303, type=Multiply]; +"304 /layers/layers.2/blocks.1/Reshape_1" [id=304, type=Reshape]; +"305 /layers/layers.2/blocks.0/mlp/fc2/Add" [id=305, type=Add]; +"306 /layers/layers.2/blocks.0/attn/Reshape" [id=306, type=Reshape]; +"307 /layers/layers.1/blocks.1/attn/Reshape_2" [id=307, type=Reshape]; +"308 /layers/layers.1/blocks.1/attn/proj/MatMul" [id=308, type=MatMul]; +"309 /layers/layers.2/blocks.5/Add_1" [id=309, type=Add]; +"310 /layers/layers.2/blocks.5/norm2/Div" [id=310, type=MVN]; +"311 /layers/layers.2/blocks.5/norm1/Mul" [id=311, type=Multiply]; +"312 /layers/layers.2/blocks.4/norm2/Add_1" [id=312, type=Add]; +"313 /layers/layers.2/blocks.4/Reshape_1" [id=313, type=Reshape]; +"314 /layers/layers.2/blocks.3/mlp/fc1/MatMul" [id=314, type=MatMul]; +"315 /layers/layers.2/blocks.3/Concat" [id=315, type=Concat]; +"316 /layers/layers.2/blocks.2/mlp/act/Mul_1" [id=316, type=Gelu]; +"317 /layers/layers.2/blocks.2/Reshape_3_0_0/nncf_smooth_quant" [id=317, type=Multiply]; +"318 /layers/layers.2/blocks.1/mlp/fc2/MatMul" [id=318, type=MatMul]; +"319 /layers/layers.2/blocks.1/Transpose" [id=319, type=Transpose]; +"320 /layers/layers.2/blocks.0/attn/Transpose" [id=320, type=Transpose]; +"321 /layers/layers.1/blocks.1/attn/softmax/Softmax" [id=321, type=Softmax]; +"322 /layers/layers.1/blocks.1/attn/proj/Add" [id=322, type=Add]; +"323 /layers/layers.2/downsample/Reshape" [id=323, type=Reshape]; +"324 /layers/layers.2/blocks.5/norm2/Mul" [id=324, type=Multiply]; +"325 /layers/layers.2/blocks.5/norm1/Add_1" [id=325, type=Add]; +"326 /layers/layers.2/blocks.4/norm2/Add_1_0_0/nncf_smooth_quant" [id=326, type=Multiply]; +"327 /layers/layers.2/blocks.4/Transpose" [id=327, type=Transpose]; +"328 /layers/layers.2/blocks.3/mlp/fc1/Add" [id=328, type=Add]; +"329 /layers/layers.2/blocks.3/Slice_2" [id=329, type=StridedSlice]; +"330 /layers/layers.2/blocks.3/Slice_3" [id=330, type=StridedSlice]; +"331 /layers/layers.2/blocks.2/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=331, type=Multiply]; +"332 /layers/layers.2/blocks.2/attn/qkv/MatMul" [id=332, type=MatMul]; +"333 /layers/layers.2/blocks.1/mlp/fc2/Add" [id=333, type=Add]; +"334 /layers/layers.2/blocks.1/Reshape_2" [id=334, type=Reshape]; +"335 /layers/layers.2/blocks.0/attn/Gather" [id=335, type=Gather]; +"336 /layers/layers.2/blocks.0/attn/Gather_1" [id=336, type=Gather]; +"337 /layers/layers.2/blocks.0/attn/Gather_2" [id=337, type=Gather]; +"338 /layers/layers.1/blocks.1/Reshape_4" [id=338, type=Reshape]; +"339 /layers/layers.2/downsample/Slice" [id=339, type=StridedSlice]; +"340 /layers/layers.2/downsample/Slice_2" [id=340, type=StridedSlice]; +"341 /layers/layers.2/blocks.5/norm2/Add_1" [id=341, type=Add]; +"342 /layers/layers.2/blocks.5/Reshape" [id=342, type=Reshape]; +"343 /layers/layers.2/blocks.4/mlp/fc1/MatMul" [id=343, type=MatMul]; +"344 /layers/layers.2/blocks.4/Reshape_2" [id=344, type=Reshape]; +"345 /layers/layers.2/blocks.3/mlp/act/Mul_1" [id=345, type=Gelu]; +"346 /layers/layers.2/blocks.3/Concat_1" [id=346, type=Concat]; +"347 /layers/layers.2/blocks.2/mlp/fc2/MatMul" [id=347, type=MatMul]; +"348 /layers/layers.2/blocks.2/attn/qkv/Add" [id=348, type=Add]; +"349 /layers/layers.2/blocks.1/Reshape_3" [id=349, type=Reshape]; +"350 /layers/layers.2/blocks.0/attn/Mul" [id=350, type=Multiply]; +"351 /layers/layers.2/blocks.0/attn/MatMul" [id=351, type=MatMul]; +"352 /layers/layers.2/blocks.0/attn/MatMul_1" [id=352, type=MatMul]; +"353 /layers/layers.1/blocks.1/Reshape_5" [id=353, type=Reshape]; +"354 /layers/layers.2/downsample/Slice_1" [id=354, type=StridedSlice]; +"355 /layers/layers.2/downsample/Slice_4" [id=355, type=StridedSlice]; +"356 /layers/layers.2/downsample/Slice_3" [id=356, type=StridedSlice]; +"357 /layers/layers.2/downsample/Slice_5" [id=357, type=StridedSlice]; +"358 /layers/layers.2/blocks.5/norm2/Add_1_0_0/nncf_smooth_quant" [id=358, type=Multiply]; +"359 /layers/layers.2/blocks.5/Slice" [id=359, type=StridedSlice]; +"360 /layers/layers.2/blocks.5/Slice_1" [id=360, type=StridedSlice]; +"361 /layers/layers.2/blocks.4/mlp/fc1/Add" [id=361, type=Add]; +"362 /layers/layers.2/blocks.4/Reshape_3" [id=362, type=Reshape]; +"363 /layers/layers.2/blocks.3/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=363, type=Multiply]; +"364 /layers/layers.2/blocks.3/Reshape_1" [id=364, type=Reshape]; +"365 /layers/layers.2/blocks.2/mlp/fc2/Add" [id=365, type=Add]; +"366 /layers/layers.2/blocks.2/attn/Reshape" [id=366, type=Reshape]; +"367 /layers/layers.2/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [id=367, type=Multiply]; +"368 /layers/layers.2/blocks.0/attn/Add" [id=368, type=Add]; +"369 /layers/layers.2/blocks.0/attn/Transpose_2" [id=369, type=Transpose]; +"370 /layers/layers.1/blocks.1/Transpose_1" [id=370, type=Transpose]; +"371 /layers/layers.2/downsample/Concat" [id=371, type=Concat]; +"372 /layers/layers.2/blocks.5/mlp/fc1/MatMul" [id=372, type=MatMul]; +"373 /layers/layers.2/blocks.5/Concat" [id=373, type=Concat]; +"374 /layers/layers.2/blocks.4/mlp/act/Mul_1" [id=374, type=Gelu]; +"375 /layers/layers.2/blocks.4/Reshape_3_0_0/nncf_smooth_quant" [id=375, type=Multiply]; +"376 /layers/layers.2/blocks.3/mlp/fc2/MatMul" [id=376, type=MatMul]; +"377 /layers/layers.2/blocks.3/Transpose" [id=377, type=Transpose]; +"378 /layers/layers.2/blocks.2/attn/Transpose" [id=378, type=Transpose]; +"379 /layers/layers.2/blocks.1/attn/qkv/MatMul" [id=379, type=MatMul]; +"380 /layers/layers.2/blocks.0/attn/softmax/Softmax" [id=380, type=Softmax]; +"381 /layers/layers.2/blocks.0/attn/Reshape_1" [id=381, type=Reshape]; +"382 /layers/layers.1/blocks.1/Reshape_6" [id=382, type=Reshape]; +"383 /layers/layers.2/downsample/Reshape_1" [id=383, type=Reshape]; +"384 /layers/layers.2/blocks.5/mlp/fc1/Add" [id=384, type=Add]; +"385 /layers/layers.2/blocks.5/Slice_2" [id=385, type=StridedSlice]; +"386 /layers/layers.2/blocks.5/Slice_3" [id=386, type=StridedSlice]; +"387 /layers/layers.2/blocks.4/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=387, type=Multiply]; +"388 /layers/layers.2/blocks.4/attn/qkv/MatMul" [id=388, type=MatMul]; +"389 /layers/layers.2/blocks.3/mlp/fc2/Add" [id=389, type=Add]; +"390 /layers/layers.2/blocks.3/Reshape_2" [id=390, type=Reshape]; +"391 /layers/layers.2/blocks.2/attn/Gather" [id=391, type=Gather]; +"392 /layers/layers.2/blocks.2/attn/Gather_1" [id=392, type=Gather]; +"393 /layers/layers.2/blocks.2/attn/Gather_2" [id=393, type=Gather]; +"394 /layers/layers.2/blocks.1/attn/qkv/Add" [id=394, type=Add]; +"395 /layers/layers.2/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [id=395, type=Multiply]; +"396 /layers/layers.1/blocks.1/Slice_4" [id=396, type=StridedSlice]; +"397 /layers/layers.1/blocks.1/Slice_5" [id=397, type=StridedSlice]; +"398 /layers/layers.2/downsample/norm/Div" [id=398, type=MVN]; +"399 /layers/layers.2/blocks.5/mlp/act/Mul_1" [id=399, type=Gelu]; +"400 /layers/layers.2/blocks.5/Concat_1" [id=400, type=Concat]; +"401 /layers/layers.2/blocks.4/mlp/fc2/MatMul" [id=401, type=MatMul]; +"402 /layers/layers.2/blocks.4/attn/qkv/Add" [id=402, type=Add]; +"403 /layers/layers.2/blocks.3/Reshape_3" [id=403, type=Reshape]; +"404 /layers/layers.2/blocks.2/attn/Mul" [id=404, type=Multiply]; +"405 /layers/layers.2/blocks.2/attn/MatMul" [id=405, type=MatMul]; +"406 /layers/layers.2/blocks.2/attn/MatMul_1" [id=406, type=MatMul]; +"407 /layers/layers.2/blocks.1/attn/Reshape" [id=407, type=Reshape]; +"408 /layers/layers.2/blocks.0/attn/proj/MatMul" [id=408, type=MatMul]; +"409 /layers/layers.1/blocks.1/Concat_2" [id=409, type=Concat]; +"410 /layers/layers.2/downsample/norm/Mul" [id=410, type=Multiply]; +"411 /layers/layers.2/blocks.5/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=411, type=Multiply]; +"412 /layers/layers.2/blocks.5/Reshape_1" [id=412, type=Reshape]; +"413 /layers/layers.2/blocks.4/mlp/fc2/Add" [id=413, type=Add]; +"414 /layers/layers.2/blocks.4/attn/Reshape" [id=414, type=Reshape]; +"415 /layers/layers.2/blocks.3/Reshape_3_0_0/nncf_smooth_quant" [id=415, type=Multiply]; +"416 /layers/layers.2/blocks.2/attn/Add" [id=416, type=Add]; +"417 /layers/layers.2/blocks.2/attn/Transpose_2" [id=417, type=Transpose]; +"418 /layers/layers.2/blocks.1/attn/Transpose" [id=418, type=Transpose]; +"419 /layers/layers.2/blocks.0/attn/proj/Add" [id=419, type=Add]; +"420 /layers/layers.1/blocks.1/Slice_6" [id=420, type=StridedSlice]; +"421 /layers/layers.1/blocks.1/Slice_7" [id=421, type=StridedSlice]; +"422 /layers/layers.2/downsample/norm/Add_1" [id=422, type=Add]; +"423 /layers/layers.2/blocks.5/mlp/fc2/MatMul" [id=423, type=MatMul]; +"424 /layers/layers.2/blocks.5/Transpose" [id=424, type=Transpose]; +"425 /layers/layers.2/blocks.4/attn/Transpose" [id=425, type=Transpose]; +"426 /layers/layers.2/blocks.3/attn/qkv/MatMul" [id=426, type=MatMul]; +"427 /layers/layers.2/blocks.2/attn/softmax/Softmax" [id=427, type=Softmax]; +"428 /layers/layers.2/blocks.2/attn/Reshape_1" [id=428, type=Reshape]; +"429 /layers/layers.2/blocks.1/attn/Gather" [id=429, type=Gather]; +"430 /layers/layers.2/blocks.1/attn/Gather_1" [id=430, type=Gather]; +"431 /layers/layers.2/blocks.1/attn/Gather_2" [id=431, type=Gather]; +"432 /layers/layers.2/blocks.0/Reshape_4" [id=432, type=Reshape]; +"433 /layers/layers.1/blocks.1/Concat_3" [id=433, type=Concat]; +"434 /layers/layers.2/downsample/norm/Add_1_0_0/nncf_smooth_quant" [id=434, type=Multiply]; +"435 /layers/layers.2/blocks.5/mlp/fc2/Add" [id=435, type=Add]; +"436 /layers/layers.2/blocks.5/Reshape_2" [id=436, type=Reshape]; +"437 /layers/layers.2/blocks.4/attn/Gather" [id=437, type=Gather]; +"438 /layers/layers.2/blocks.4/attn/Gather_1" [id=438, type=Gather]; +"439 /layers/layers.2/blocks.4/attn/Gather_2" [id=439, type=Gather]; +"440 /layers/layers.2/blocks.3/attn/qkv/Add" [id=440, type=Add]; +"441 /layers/layers.2/blocks.2/attn/Reshape_1_0_0/nncf_smooth_quant" [id=441, type=Multiply]; +"442 /layers/layers.2/blocks.1/attn/Mul" [id=442, type=Multiply]; +"443 /layers/layers.2/blocks.1/attn/MatMul" [id=443, type=MatMul]; +"444 /layers/layers.2/blocks.1/attn/MatMul_1" [id=444, type=MatMul]; +"445 /layers/layers.2/blocks.0/Reshape_5" [id=445, type=Reshape]; +"446 /layers/layers.1/blocks.1/Reshape_7" [id=446, type=Reshape]; +"447 /layers/layers.2/downsample/reduction/MatMul" [id=447, type=MatMul]; +"448 /layers/layers.2/blocks.5/Reshape_3" [id=448, type=Reshape]; +"449 /layers/layers.2/blocks.4/attn/Mul" [id=449, type=Multiply]; +"450 /layers/layers.2/blocks.4/attn/MatMul" [id=450, type=MatMul]; +"451 /layers/layers.2/blocks.4/attn/MatMul_1" [id=451, type=MatMul]; +"452 /layers/layers.2/blocks.3/attn/Reshape" [id=452, type=Reshape]; +"453 /layers/layers.2/blocks.2/attn/proj/MatMul" [id=453, type=MatMul]; +"454 /layers/layers.2/blocks.1/attn/Add" [id=454, type=Add]; +"455 /layers/layers.2/blocks.1/attn/Transpose_2" [id=455, type=Transpose]; +"456 /layers/layers.2/blocks.0/Transpose_1" [id=456, type=Transpose]; +"457 /layers/layers.3/blocks.0/Add" [id=457, type=Add]; +"458 /layers/layers.3/blocks.0/norm1/Div" [id=458, type=MVN]; +"459 /layers/layers.2/blocks.5/Reshape_3_0_0/nncf_smooth_quant" [id=459, type=Multiply]; +"460 /layers/layers.2/blocks.4/attn/Add" [id=460, type=Add]; +"461 /layers/layers.2/blocks.4/attn/Transpose_2" [id=461, type=Transpose]; +"462 /layers/layers.2/blocks.3/attn/Transpose" [id=462, type=Transpose]; +"463 /layers/layers.2/blocks.2/attn/proj/Add" [id=463, type=Add]; +"464 /layers/layers.2/blocks.1/attn/Reshape_1" [id=464, type=Reshape]; +"465 /layers/layers.2/blocks.1/attn/Reshape_3" [id=465, type=Reshape]; +"466 /layers/layers.2/blocks.0/Reshape_6" [id=466, type=Reshape]; +"467 /layers/layers.3/blocks.0/Add_1" [id=467, type=Add]; +"468 /layers/layers.3/blocks.0/norm2/Div" [id=468, type=MVN]; +"469 /layers/layers.3/blocks.0/norm1/Mul" [id=469, type=Multiply]; +"470 /layers/layers.2/blocks.5/attn/qkv/MatMul" [id=470, type=MatMul]; +"471 /layers/layers.2/blocks.4/attn/softmax/Softmax" [id=471, type=Softmax]; +"472 /layers/layers.2/blocks.4/attn/Reshape_1" [id=472, type=Reshape]; +"473 /layers/layers.2/blocks.3/attn/Gather" [id=473, type=Gather]; +"474 /layers/layers.2/blocks.3/attn/Gather_1" [id=474, type=Gather]; +"475 /layers/layers.2/blocks.3/attn/Gather_2" [id=475, type=Gather]; +"476 /layers/layers.2/blocks.2/Reshape_4" [id=476, type=Reshape]; +"477 /layers/layers.2/blocks.1/attn/Add_1" [id=477, type=Add]; +"478 /layers/layers.2/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [id=478, type=Multiply]; +"479 /layers/layers.2/blocks.0/Reshape_7" [id=479, type=Reshape]; +"480 /layers/layers.3/blocks.1/Add" [id=480, type=Add]; +"481 /layers/layers.3/blocks.1/norm1/Div" [id=481, type=MVN]; +"482 /layers/layers.3/blocks.0/norm2/Mul" [id=482, type=Multiply]; +"483 /layers/layers.3/blocks.0/norm1/Add_1" [id=483, type=Add]; +"484 /layers/layers.2/blocks.5/attn/qkv/Add" [id=484, type=Add]; +"485 /layers/layers.2/blocks.4/attn/Reshape_1_0_0/nncf_smooth_quant" [id=485, type=Multiply]; +"486 /layers/layers.2/blocks.3/attn/Mul" [id=486, type=Multiply]; +"487 /layers/layers.2/blocks.3/attn/MatMul" [id=487, type=MatMul]; +"488 /layers/layers.2/blocks.3/attn/MatMul_1" [id=488, type=MatMul]; +"489 /layers/layers.2/blocks.2/Reshape_5" [id=489, type=Reshape]; +"490 /layers/layers.2/blocks.1/attn/Reshape_2" [id=490, type=Reshape]; +"491 /layers/layers.2/blocks.1/attn/proj/MatMul" [id=491, type=MatMul]; +"492 /layers/layers.3/blocks.1/Add_1" [id=492, type=Add]; +"493 /layers/layers.3/blocks.1/norm2/Div" [id=493, type=MVN]; +"494 /layers/layers.3/blocks.1/norm1/Mul" [id=494, type=Multiply]; +"495 /layers/layers.3/blocks.0/norm2/Add_1" [id=495, type=Add]; +"496 /layers/layers.3/blocks.0/Reshape_1" [id=496, type=Reshape]; +"497 /layers/layers.2/blocks.5/attn/Reshape" [id=497, type=Reshape]; +"498 /layers/layers.2/blocks.4/attn/proj/MatMul" [id=498, type=MatMul]; +"499 /layers/layers.2/blocks.3/attn/Add" [id=499, type=Add]; +"500 /layers/layers.2/blocks.3/attn/Transpose_2" [id=500, type=Transpose]; +"501 /layers/layers.2/blocks.2/Transpose_1" [id=501, type=Transpose]; +"502 /layers/layers.2/blocks.1/attn/softmax/Softmax" [id=502, type=Softmax]; +"503 /layers/layers.2/blocks.1/attn/proj/Add" [id=503, type=Add]; +"504 /norm/Div" [id=504, type=MVN]; +"505 /layers/layers.3/blocks.1/norm2/Mul" [id=505, type=Multiply]; +"506 /layers/layers.3/blocks.1/norm1/Add_1" [id=506, type=Add]; +"507 /layers/layers.3/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [id=507, type=Multiply]; +"508 /layers/layers.3/blocks.0/Transpose" [id=508, type=Reshape]; +"509 /layers/layers.2/blocks.5/attn/Transpose" [id=509, type=Transpose]; +"510 /layers/layers.2/blocks.4/attn/proj/Add" [id=510, type=Add]; +"511 /layers/layers.2/blocks.3/attn/Reshape_1" [id=511, type=Reshape]; +"512 /layers/layers.2/blocks.3/attn/Reshape_3" [id=512, type=Reshape]; +"513 /layers/layers.2/blocks.2/Reshape_6" [id=513, type=Reshape]; +"514 /layers/layers.2/blocks.1/Reshape_4" [id=514, type=Reshape]; +"515 /norm/Mul" [id=515, type=Multiply]; +"516 /layers/layers.3/blocks.1/norm2/Add_1" [id=516, type=Add]; +"517 /layers/layers.3/blocks.1/Reshape_1" [id=517, type=Reshape]; +"518 /layers/layers.3/blocks.0/mlp/fc1/MatMul" [id=518, type=MatMul]; +"519 /layers/layers.3/blocks.0/Reshape_2" [id=519, type=Reshape]; +"520 /layers/layers.2/blocks.5/attn/Gather" [id=520, type=Gather]; +"521 /layers/layers.2/blocks.5/attn/Gather_1" [id=521, type=Gather]; +"522 /layers/layers.2/blocks.5/attn/Gather_2" [id=522, type=Gather]; +"523 /layers/layers.2/blocks.4/Reshape_4" [id=523, type=Reshape]; +"524 /layers/layers.2/blocks.3/attn/Add_1" [id=524, type=Add]; +"525 /layers/layers.2/blocks.3/attn/Reshape_3_0_0/nncf_smooth_quant" [id=525, type=Multiply]; +"526 /layers/layers.2/blocks.2/Reshape_7" [id=526, type=Reshape]; +"527 /layers/layers.2/blocks.1/Reshape_5" [id=527, type=Reshape]; +"528 /norm/Add_1" [id=528, type=Add]; +"529 /layers/layers.3/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [id=529, type=Multiply]; +"530 /layers/layers.3/blocks.1/Transpose" [id=530, type=Reshape]; +"531 /layers/layers.3/blocks.0/mlp/fc1/Add" [id=531, type=Add]; +"532 /layers/layers.3/blocks.0/Reshape_3" [id=532, type=Reshape]; +"533 /layers/layers.2/blocks.5/attn/Mul" [id=533, type=Multiply]; +"534 /layers/layers.2/blocks.5/attn/MatMul" [id=534, type=MatMul]; +"535 /layers/layers.2/blocks.5/attn/MatMul_1" [id=535, type=MatMul]; +"536 /layers/layers.2/blocks.4/Reshape_5" [id=536, type=Reshape]; +"537 /layers/layers.2/blocks.3/attn/Reshape_2" [id=537, type=Reshape]; +"538 /layers/layers.2/blocks.3/attn/proj/MatMul" [id=538, type=MatMul]; +"539 /layers/layers.2/blocks.1/Transpose_1" [id=539, type=Transpose]; +"540 ReduceMean_6037" [id=540, type=ReduceMean]; +"541 /layers/layers.3/blocks.1/mlp/fc1/MatMul" [id=541, type=MatMul]; +"542 /layers/layers.3/blocks.1/Reshape_2" [id=542, type=Reshape]; +"543 /layers/layers.3/blocks.0/mlp/act/Mul_1" [id=543, type=Gelu]; +"544 /layers/layers.3/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [id=544, type=Multiply]; +"545 /layers/layers.2/blocks.5/attn/Add" [id=545, type=Add]; +"546 /layers/layers.2/blocks.5/attn/Transpose_2" [id=546, type=Transpose]; +"547 /layers/layers.2/blocks.4/Transpose_1" [id=547, type=Transpose]; +"548 /layers/layers.2/blocks.3/attn/softmax/Softmax" [id=548, type=Softmax]; +"549 /layers/layers.2/blocks.3/attn/proj/Add" [id=549, type=Add]; +"550 /layers/layers.2/blocks.1/Reshape_6" [id=550, type=Reshape]; +"551 /avgpool/GlobalAveragePool" [id=551, type=Reshape]; +"552 /layers/layers.3/blocks.1/mlp/fc1/Add" [id=552, type=Add]; +"553 /layers/layers.3/blocks.1/Reshape_3" [id=553, type=Reshape]; +"554 /layers/layers.3/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=554, type=Multiply]; +"555 /layers/layers.3/blocks.0/attn/qkv/MatMul" [id=555, type=MatMul]; +"556 /layers/layers.2/blocks.5/attn/Reshape_1" [id=556, type=Reshape]; +"557 /layers/layers.2/blocks.5/attn/Reshape_3" [id=557, type=Reshape]; +"558 /layers/layers.2/blocks.4/Reshape_6" [id=558, type=Reshape]; +"559 /layers/layers.2/blocks.3/Reshape_4" [id=559, type=Reshape]; +"560 /layers/layers.2/blocks.1/Slice_4" [id=560, type=StridedSlice]; +"561 /layers/layers.2/blocks.1/Slice_5" [id=561, type=StridedSlice]; +"562 /Flatten" [id=562, type=Reshape]; +"563 /layers/layers.3/blocks.1/mlp/act/Mul_1" [id=563, type=Gelu]; +"564 /layers/layers.3/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [id=564, type=Multiply]; +"565 /layers/layers.3/blocks.0/mlp/fc2/MatMul" [id=565, type=MatMul]; +"566 /layers/layers.3/blocks.0/attn/qkv/Add" [id=566, type=Add]; +"567 /layers/layers.2/blocks.5/attn/Add_1" [id=567, type=Add]; +"568 /layers/layers.2/blocks.5/attn/Reshape_3_0_0/nncf_smooth_quant" [id=568, type=Multiply]; +"569 /layers/layers.2/blocks.4/Reshape_7" [id=569, type=Reshape]; +"570 /layers/layers.2/blocks.3/Reshape_5" [id=570, type=Reshape]; +"571 /layers/layers.2/blocks.1/Concat_2" [id=571, type=Concat]; +"572 /Flatten_0_0/nncf_smooth_quant" [id=572, type=Multiply]; +"573 /layers/layers.3/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [id=573, type=Multiply]; +"574 /layers/layers.3/blocks.1/attn/qkv/MatMul" [id=574, type=MatMul]; +"575 /layers/layers.3/blocks.0/mlp/fc2/Add" [id=575, type=Add]; +"576 /layers/layers.3/blocks.0/attn/Reshape" [id=576, type=Reshape]; +"577 /layers/layers.2/blocks.5/attn/Reshape_2" [id=577, type=Reshape]; +"578 /layers/layers.2/blocks.5/attn/proj/MatMul" [id=578, type=MatMul]; +"579 /layers/layers.2/blocks.3/Transpose_1" [id=579, type=Transpose]; +"580 /layers/layers.2/blocks.1/Slice_6" [id=580, type=StridedSlice]; +"581 /layers/layers.2/blocks.1/Slice_7" [id=581, type=StridedSlice]; +"582 /head/Gemm/WithoutBiases" [id=582, type=MatMul]; +"583 /layers/layers.3/blocks.1/mlp/fc2/MatMul" [id=583, type=MatMul]; +"584 /layers/layers.3/blocks.1/attn/qkv/Add" [id=584, type=Add]; +"585 /layers/layers.3/blocks.0/attn/Transpose" [id=585, type=Transpose]; +"586 /layers/layers.2/blocks.5/attn/softmax/Softmax" [id=586, type=Softmax]; +"587 /layers/layers.2/blocks.5/attn/proj/Add" [id=587, type=Add]; +"588 /layers/layers.2/blocks.3/Reshape_6" [id=588, type=Reshape]; +"589 /layers/layers.2/blocks.1/Concat_3" [id=589, type=Concat]; +"590 probs" [id=590, type=Add]; +"591 /layers/layers.3/blocks.1/mlp/fc2/Add" [id=591, type=Add]; +"592 /layers/layers.3/blocks.1/attn/Reshape" [id=592, type=Reshape]; +"593 /layers/layers.3/blocks.0/attn/Gather" [id=593, type=Gather]; +"594 /layers/layers.3/blocks.0/attn/Gather_1" [id=594, type=Gather]; +"595 /layers/layers.3/blocks.0/attn/Gather_2" [id=595, type=Gather]; +"596 /layers/layers.2/blocks.5/Reshape_4" [id=596, type=Reshape]; +"597 /layers/layers.2/blocks.3/Slice_4" [id=597, type=StridedSlice]; +"598 /layers/layers.2/blocks.3/Slice_5" [id=598, type=StridedSlice]; +"599 /layers/layers.2/blocks.1/Reshape_7" [id=599, type=Reshape]; +"600 probs/sink_port_0" [id=600, type=Result]; +"601 /layers/layers.3/blocks.1/attn/Transpose" [id=601, type=Transpose]; +"602 /layers/layers.3/blocks.0/attn/Mul" [id=602, type=Multiply]; +"603 /layers/layers.3/blocks.0/attn/MatMul" [id=603, type=MatMul]; +"604 /layers/layers.3/blocks.0/attn/MatMul_1" [id=604, type=MatMul]; +"605 /layers/layers.2/blocks.5/Reshape_5" [id=605, type=Reshape]; +"606 /layers/layers.2/blocks.3/Concat_2" [id=606, type=Concat]; +"607 /layers/layers.3/blocks.1/attn/Gather" [id=607, type=Gather]; +"608 /layers/layers.3/blocks.1/attn/Gather_1" [id=608, type=Gather]; +"609 /layers/layers.3/blocks.1/attn/Gather_2" [id=609, type=Gather]; +"610 /layers/layers.3/blocks.0/attn/Add" [id=610, type=Add]; +"611 /layers/layers.3/blocks.0/attn/Transpose_2" [id=611, type=Transpose]; +"612 /layers/layers.2/blocks.5/Transpose_1" [id=612, type=Transpose]; +"613 /layers/layers.2/blocks.3/Slice_6" [id=613, type=StridedSlice]; +"614 /layers/layers.2/blocks.3/Slice_7" [id=614, type=StridedSlice]; +"615 /layers/layers.3/blocks.1/attn/Mul" [id=615, type=Multiply]; +"616 /layers/layers.3/blocks.1/attn/MatMul" [id=616, type=MatMul]; +"617 /layers/layers.3/blocks.1/attn/MatMul_1" [id=617, type=MatMul]; +"618 /layers/layers.3/blocks.0/attn/softmax/Softmax" [id=618, type=Softmax]; +"619 /layers/layers.3/blocks.0/attn/Reshape_1" [id=619, type=Reshape]; +"620 /layers/layers.2/blocks.5/Reshape_6" [id=620, type=Reshape]; +"621 /layers/layers.2/blocks.3/Concat_3" [id=621, type=Concat]; +"622 /layers/layers.3/blocks.1/attn/Add" [id=622, type=Add]; +"623 /layers/layers.3/blocks.1/attn/Transpose_2" [id=623, type=Transpose]; +"624 /layers/layers.3/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [id=624, type=Multiply]; +"625 /layers/layers.2/blocks.5/Slice_4" [id=625, type=StridedSlice]; +"626 /layers/layers.2/blocks.5/Slice_5" [id=626, type=StridedSlice]; +"627 /layers/layers.2/blocks.3/Reshape_7" [id=627, type=Reshape]; +"628 /layers/layers.3/blocks.1/attn/softmax/Softmax" [id=628, type=Softmax]; +"629 /layers/layers.3/blocks.1/attn/Reshape_1" [id=629, type=Reshape]; +"630 /layers/layers.3/blocks.0/attn/proj/MatMul" [id=630, type=MatMul]; +"631 /layers/layers.2/blocks.5/Concat_2" [id=631, type=Concat]; +"632 /layers/layers.3/blocks.1/attn/Reshape_1_0_0/nncf_smooth_quant" [id=632, type=Multiply]; +"633 /layers/layers.3/blocks.0/attn/proj/Add" [id=633, type=Add]; +"634 /layers/layers.2/blocks.5/Slice_6" [id=634, type=StridedSlice]; +"635 /layers/layers.2/blocks.5/Slice_7" [id=635, type=StridedSlice]; +"636 /layers/layers.3/blocks.1/attn/proj/MatMul" [id=636, type=MatMul]; +"637 /layers/layers.3/blocks.0/Reshape_4" [id=637, type=Reshape]; +"638 /layers/layers.2/blocks.5/Concat_3" [id=638, type=Concat]; +"639 /layers/layers.3/blocks.1/attn/proj/Add" [id=639, type=Add]; +"640 /layers/layers.3/blocks.0/Reshape_5" [id=640, type=Reshape]; +"641 /layers/layers.2/blocks.5/Reshape_7" [id=641, type=Reshape]; +"642 /layers/layers.3/blocks.1/Reshape_4" [id=642, type=Reshape]; +"643 /layers/layers.3/blocks.0/Transpose_1" [id=643, type=Reshape]; +"644 /layers/layers.3/blocks.1/Reshape_5" [id=644, type=Reshape]; +"645 /layers/layers.3/blocks.0/Reshape_6" [id=645, type=Reshape]; +"646 /layers/layers.3/blocks.1/Transpose_1" [id=646, type=Reshape]; +"647 /layers/layers.3/blocks.0/Reshape_7" [id=647, type=Reshape]; +"648 /layers/layers.3/blocks.1/Reshape_6" [id=648, type=Reshape]; +"649 /layers/layers.3/blocks.1/Reshape_7" [id=649, type=Reshape]; +"650 Constant_7401" [id=650, type=Constant]; +"651 head.weight" [id=651, type=Constant]; +"652 Constant_26065" [id=652, type=Constant]; +"653 Constant_2148" [id=653, type=Constant]; +"654 Constant_6567" [id=654, type=Constant]; +"655 Constant_6036" [id=655, type=Constant]; +"656 Constant_7400" [id=656, type=Constant]; +"657 Constant_7399" [id=657, type=Constant]; +"658 Constant_2123" [id=658, type=Constant]; +"659 Transpose_6564" [id=659, type=Constant]; +"660 Constant_26059" [id=660, type=Constant]; +"661 Transpose_6560" [id=661, type=Constant]; +"662 Constant_26053" [id=662, type=Constant]; +"663 Constant_7396" [id=663, type=Constant]; +"664 Constant_7395" [id=664, type=Constant]; +"665 Constant_2097" [id=665, type=Constant]; +"666 /layers/layers.3/blocks.1/Constant_7" [id=666, type=Constant]; +"667 /layers/layers.3/blocks.1/Constant_6" [id=667, type=Constant]; +"668 Constant_6554" [id=668, type=Constant]; +"669 /layers/layers.3/blocks.1/Constant_5" [id=669, type=Constant]; +"670 /layers/layers.3/blocks.1/Constant_4" [id=670, type=Constant]; +"671 Transpose_6552" [id=671, type=Constant]; +"672 Constant_26069" [id=672, type=Constant]; +"673 /layers/layers.3/blocks.1/attn/Constant_2" [id=673, type=Constant]; +"674 Constant_2070" [id=674, type=Constant]; +"675 Constant_2060" [id=675, type=Constant]; +"676 /patch_embed/Constant" [id=676, type=Constant]; +"677 Constant_2054" [id=677, type=Constant]; +"678 /layers/layers.3/blocks.1/attn/Constant" [id=678, type=Constant]; +"679 Transpose_6549" [id=679, type=Constant]; +"680 Constant_26061" [id=680, type=Constant]; +"681 /layers/layers.3/blocks.1/Constant_3" [id=681, type=Constant]; +"682 /layers/layers.3/blocks.1/Constant_2" [id=682, type=Constant]; +"683 Constant_6544" [id=683, type=Constant]; +"684 /layers/layers.3/blocks.1/Constant_1" [id=684, type=Constant]; +"685 Constant_7391" [id=685, type=Constant]; +"686 Constant_7390" [id=686, type=Constant]; +"687 Constant_2017" [id=687, type=Constant]; +"688 Transpose_6541" [id=688, type=Constant]; +"689 Constant_26055" [id=689, type=Constant]; +"690 Transpose_6537" [id=690, type=Constant]; +"691 Constant_26049" [id=691, type=Constant]; +"692 Constant_7387" [id=692, type=Constant]; +"693 Constant_7386" [id=693, type=Constant]; +"694 Constant_1991" [id=694, type=Constant]; +"695 /layers/layers.3/blocks.0/Constant_7" [id=695, type=Constant]; +"696 /layers/layers.3/blocks.0/Constant_6" [id=696, type=Constant]; +"697 Constant_6531" [id=697, type=Constant]; +"698 /layers/layers.3/blocks.0/Constant_5" [id=698, type=Constant]; +"699 /layers/layers.3/blocks.0/Constant_4" [id=699, type=Constant]; +"700 Transpose_6529" [id=700, type=Constant]; +"701 Constant_26067" [id=701, type=Constant]; +"702 /layers/layers.3/blocks.0/attn/Constant_2" [id=702, type=Constant]; +"703 Constant_1964" [id=703, type=Constant]; +"704 Constant_1954" [id=704, type=Constant]; +"705 Constant_1948" [id=705, type=Constant]; +"706 /layers/layers.3/blocks.0/attn/Constant" [id=706, type=Constant]; +"707 Transpose_6526" [id=707, type=Constant]; +"708 Constant_26057" [id=708, type=Constant]; +"709 /layers/layers.3/blocks.0/Constant_3" [id=709, type=Constant]; +"710 /layers/layers.3/blocks.0/Constant_2" [id=710, type=Constant]; +"711 Constant_6521" [id=711, type=Constant]; +"712 /layers/layers.3/blocks.0/Constant_1" [id=712, type=Constant]; +"713 Constant_7382" [id=713, type=Constant]; +"714 Constant_7381" [id=714, type=Constant]; +"715 Constant_1911" [id=715, type=Constant]; +"716 Transpose_6518" [id=716, type=Constant]; +"717 Constant_26041" [id=717, type=Constant]; +"718 Constant_7380" [id=718, type=Constant]; +"719 Constant_7379" [id=719, type=Constant]; +"720 Constant_1897" [id=720, type=Constant]; +"721 /layers/layers.2/downsample/Constant_25" [id=721, type=Constant]; +"722 Constant_5751" [id=722, type=Constant]; +"723 Constant_5748" [id=723, type=Constant]; +"724 Constant_5745" [id=724, type=Constant]; +"725 Constant_5715" [id=725, type=Constant]; +"726 Constant_5712" [id=726, type=Constant]; +"727 Constant_5709" [id=727, type=Constant]; +"728 /layers/layers.2/downsample/Constant" [id=728, type=Constant]; +"729 Transpose_6514" [id=729, type=Constant]; +"730 Constant_26035" [id=730, type=Constant]; +"731 Transpose_6510" [id=731, type=Constant]; +"732 Constant_26025" [id=732, type=Constant]; +"733 Constant_7376" [id=733, type=Constant]; +"734 Constant_7375" [id=734, type=Constant]; +"735 Constant_1832" [id=735, type=Constant]; +"736 /layers/layers.2/blocks.5/Constant_31" [id=736, type=Constant]; +"737 Constant_5679" [id=737, type=Constant]; +"738 Constant_5676" [id=738, type=Constant]; +"739 Constant_5673" [id=739, type=Constant]; +"740 Constant_5655" [id=740, type=Constant]; +"741 Constant_5652" [id=741, type=Constant]; +"742 Constant_5649" [id=742, type=Constant]; +"743 /layers/layers.2/blocks.5/Constant_18" [id=743, type=Constant]; +"744 Constant_1779" [id=744, type=Constant]; +"745 /layers/layers.2/blocks.5/Constant_17" [id=745, type=Constant]; +"746 /layers/layers.2/blocks.5/Constant_16" [id=746, type=Constant]; +"747 Transpose_6506" [id=747, type=Constant]; +"748 Constant_26063" [id=748, type=Constant]; +"749 /layers/layers.2/blocks.5/attn/Constant_4" [id=749, type=Constant]; +"750 Constant_1763" [id=750, type=Constant]; +"751 Constant_1744" [id=751, type=Constant]; +"752 Constant_1738" [id=752, type=Constant]; +"753 /layers/layers.2/blocks.5/attn/Constant" [id=753, type=Constant]; +"754 Transpose_6503" [id=754, type=Constant]; +"755 Constant_26043" [id=755, type=Constant]; +"756 /layers/layers.2/blocks.5/Constant_15" [id=756, type=Constant]; +"757 /layers/layers.2/blocks.5/Constant_14" [id=757, type=Constant]; +"758 Constant_1722" [id=758, type=Constant]; +"759 /layers/layers.2/blocks.5/Constant_13" [id=759, type=Constant]; +"760 Constant_5631" [id=760, type=Constant]; +"761 Constant_5628" [id=761, type=Constant]; +"762 Constant_5625" [id=762, type=Constant]; +"763 Constant_5607" [id=763, type=Constant]; +"764 Constant_5604" [id=764, type=Constant]; +"765 Constant_5601" [id=765, type=Constant]; +"766 /layers/layers.2/blocks.5/Constant" [id=766, type=Constant]; +"767 Constant_7371" [id=767, type=Constant]; +"768 Constant_7370" [id=768, type=Constant]; +"769 Constant_1659" [id=769, type=Constant]; +"770 Transpose_6499" [id=770, type=Constant]; +"771 Constant_26029" [id=771, type=Constant]; +"772 Transpose_6495" [id=772, type=Constant]; +"773 Constant_26021" [id=773, type=Constant]; +"774 Constant_7367" [id=774, type=Constant]; +"775 Constant_7366" [id=775, type=Constant]; +"776 Constant_1633" [id=776, type=Constant]; +"777 /layers/layers.2/blocks.4/Constant_7" [id=777, type=Constant]; +"778 /layers/layers.2/blocks.4/Constant_6" [id=778, type=Constant]; +"779 Constant_1622" [id=779, type=Constant]; +"780 /layers/layers.2/blocks.4/Constant_5" [id=780, type=Constant]; +"781 /layers/layers.2/blocks.4/Constant_4" [id=781, type=Constant]; +"782 Transpose_6491" [id=782, type=Constant]; +"783 Constant_26047" [id=783, type=Constant]; +"784 /layers/layers.2/blocks.4/attn/Constant_2" [id=784, type=Constant]; +"785 Constant_1606" [id=785, type=Constant]; +"786 Constant_1596" [id=786, type=Constant]; +"787 Constant_1590" [id=787, type=Constant]; +"788 /layers/layers.2/blocks.4/attn/Constant" [id=788, type=Constant]; +"789 Transpose_6488" [id=789, type=Constant]; +"790 Constant_26031" [id=790, type=Constant]; +"791 /layers/layers.2/blocks.4/Constant_3" [id=791, type=Constant]; +"792 /layers/layers.2/blocks.4/Constant_2" [id=792, type=Constant]; +"793 Constant_1574" [id=793, type=Constant]; +"794 /layers/layers.2/blocks.4/Constant_1" [id=794, type=Constant]; +"795 Constant_7362" [id=795, type=Constant]; +"796 Constant_7361" [id=796, type=Constant]; +"797 Constant_1553" [id=797, type=Constant]; +"798 Transpose_6484" [id=798, type=Constant]; +"799 Constant_26023" [id=799, type=Constant]; +"800 Transpose_6480" [id=800, type=Constant]; +"801 Constant_26015" [id=801, type=Constant]; +"802 Constant_7358" [id=802, type=Constant]; +"803 Constant_7357" [id=803, type=Constant]; +"804 Constant_1527" [id=804, type=Constant]; +"805 /layers/layers.2/blocks.3/Constant_31" [id=805, type=Constant]; +"806 Constant_5583" [id=806, type=Constant]; +"807 Constant_5580" [id=807, type=Constant]; +"808 Constant_5577" [id=808, type=Constant]; +"809 Constant_5559" [id=809, type=Constant]; +"810 Constant_5556" [id=810, type=Constant]; +"811 Constant_5553" [id=811, type=Constant]; +"812 /layers/layers.2/blocks.3/Constant_18" [id=812, type=Constant]; +"813 Constant_1474" [id=813, type=Constant]; +"814 /layers/layers.2/blocks.3/Constant_17" [id=814, type=Constant]; +"815 /layers/layers.2/blocks.3/Constant_16" [id=815, type=Constant]; +"816 Transpose_6476" [id=816, type=Constant]; +"817 Constant_26051" [id=817, type=Constant]; +"818 /layers/layers.2/blocks.3/attn/Constant_4" [id=818, type=Constant]; +"819 Constant_1458" [id=819, type=Constant]; +"820 Constant_1439" [id=820, type=Constant]; +"821 Constant_1433" [id=821, type=Constant]; +"822 /layers/layers.2/blocks.3/attn/Constant" [id=822, type=Constant]; +"823 Transpose_6473" [id=823, type=Constant]; +"824 Constant_26037" [id=824, type=Constant]; +"825 /layers/layers.2/blocks.3/Constant_15" [id=825, type=Constant]; +"826 /layers/layers.2/blocks.3/Constant_14" [id=826, type=Constant]; +"827 Constant_1417" [id=827, type=Constant]; +"828 /layers/layers.2/blocks.3/Constant_13" [id=828, type=Constant]; +"829 Constant_5535" [id=829, type=Constant]; +"830 Constant_5532" [id=830, type=Constant]; +"831 Constant_5529" [id=831, type=Constant]; +"832 Constant_5511" [id=832, type=Constant]; +"833 Constant_5508" [id=833, type=Constant]; +"834 Constant_5505" [id=834, type=Constant]; +"835 /layers/layers.2/blocks.3/Constant" [id=835, type=Constant]; +"836 Constant_7353" [id=836, type=Constant]; +"837 Constant_7352" [id=837, type=Constant]; +"838 Constant_1354" [id=838, type=Constant]; +"839 Transpose_6469" [id=839, type=Constant]; +"840 Constant_26017" [id=840, type=Constant]; +"841 Transpose_6465" [id=841, type=Constant]; +"842 Constant_26009" [id=842, type=Constant]; +"843 Constant_7349" [id=843, type=Constant]; +"844 Constant_7348" [id=844, type=Constant]; +"845 Constant_1328" [id=845, type=Constant]; +"846 /layers/layers.2/blocks.2/Constant_7" [id=846, type=Constant]; +"847 /layers/layers.2/blocks.2/Constant_6" [id=847, type=Constant]; +"848 Constant_1317" [id=848, type=Constant]; +"849 /layers/layers.2/blocks.2/Constant_5" [id=849, type=Constant]; +"850 /layers/layers.2/blocks.2/Constant_4" [id=850, type=Constant]; +"851 Transpose_6461" [id=851, type=Constant]; +"852 Constant_26039" [id=852, type=Constant]; +"853 /layers/layers.2/blocks.2/attn/Constant_2" [id=853, type=Constant]; +"854 Constant_1301" [id=854, type=Constant]; +"855 Constant_1291" [id=855, type=Constant]; +"856 Constant_1285" [id=856, type=Constant]; +"857 /layers/layers.2/blocks.2/attn/Constant" [id=857, type=Constant]; +"858 Transpose_6458" [id=858, type=Constant]; +"859 Constant_26019" [id=859, type=Constant]; +"860 /layers/layers.2/blocks.2/Constant_3" [id=860, type=Constant]; +"861 /layers/layers.2/blocks.2/Constant_2" [id=861, type=Constant]; +"862 Constant_1269" [id=862, type=Constant]; +"863 /layers/layers.2/blocks.2/Constant_1" [id=863, type=Constant]; +"864 Constant_7344" [id=864, type=Constant]; +"865 Constant_7343" [id=865, type=Constant]; +"866 Constant_1248" [id=866, type=Constant]; +"867 Transpose_6454" [id=867, type=Constant]; +"868 Constant_26011" [id=868, type=Constant]; +"869 Transpose_6450" [id=869, type=Constant]; +"870 Constant_26003" [id=870, type=Constant]; +"871 Constant_7340" [id=871, type=Constant]; +"872 Constant_7339" [id=872, type=Constant]; +"873 Constant_1222" [id=873, type=Constant]; +"874 /layers/layers.2/blocks.1/Constant_31" [id=874, type=Constant]; +"875 Constant_5487" [id=875, type=Constant]; +"876 Constant_5484" [id=876, type=Constant]; +"877 Constant_5481" [id=877, type=Constant]; +"878 Constant_5463" [id=878, type=Constant]; +"879 Constant_5460" [id=879, type=Constant]; +"880 Constant_5457" [id=880, type=Constant]; +"881 /layers/layers.2/blocks.1/Constant_18" [id=881, type=Constant]; +"882 Constant_1169" [id=882, type=Constant]; +"883 /layers/layers.2/blocks.1/Constant_17" [id=883, type=Constant]; +"884 /layers/layers.2/blocks.1/Constant_16" [id=884, type=Constant]; +"885 Transpose_6446" [id=885, type=Constant]; +"886 Constant_26045" [id=886, type=Constant]; +"887 /layers/layers.2/blocks.1/attn/Constant_4" [id=887, type=Constant]; +"888 Constant_1153" [id=888, type=Constant]; +"889 Constant_1134" [id=889, type=Constant]; +"890 Constant_1128" [id=890, type=Constant]; +"891 /layers/layers.2/blocks.1/attn/Constant" [id=891, type=Constant]; +"892 Transpose_6443" [id=892, type=Constant]; +"893 Constant_26027" [id=893, type=Constant]; +"894 /layers/layers.2/blocks.1/Constant_15" [id=894, type=Constant]; +"895 /layers/layers.2/blocks.1/Constant_14" [id=895, type=Constant]; +"896 Constant_1112" [id=896, type=Constant]; +"897 /layers/layers.2/blocks.1/Constant_13" [id=897, type=Constant]; +"898 Constant_5439" [id=898, type=Constant]; +"899 Constant_5436" [id=899, type=Constant]; +"900 Constant_5433" [id=900, type=Constant]; +"901 Constant_5415" [id=901, type=Constant]; +"902 Constant_5412" [id=902, type=Constant]; +"903 Constant_5409" [id=903, type=Constant]; +"904 /layers/layers.2/blocks.1/Constant" [id=904, type=Constant]; +"905 Constant_7335" [id=905, type=Constant]; +"906 Constant_7334" [id=906, type=Constant]; +"907 Constant_1049" [id=907, type=Constant]; +"908 Transpose_6439" [id=908, type=Constant]; +"909 Constant_26005" [id=909, type=Constant]; +"910 Transpose_6435" [id=910, type=Constant]; +"911 Constant_26001" [id=911, type=Constant]; +"912 Constant_7331" [id=912, type=Constant]; +"913 Constant_7330" [id=913, type=Constant]; +"914 Constant_1023" [id=914, type=Constant]; +"915 /layers/layers.2/blocks.0/Constant_7" [id=915, type=Constant]; +"916 /layers/layers.2/blocks.0/Constant_6" [id=916, type=Constant]; +"917 Constant_1012" [id=917, type=Constant]; +"918 /layers/layers.2/blocks.0/Constant_5" [id=918, type=Constant]; +"919 /layers/layers.2/blocks.0/Constant_4" [id=919, type=Constant]; +"920 Transpose_6431" [id=920, type=Constant]; +"921 Constant_26033" [id=921, type=Constant]; +"922 /layers/layers.2/blocks.0/attn/Constant_2" [id=922, type=Constant]; +"923 Constant_996" [id=923, type=Constant]; +"924 Constant_986" [id=924, type=Constant]; +"925 Constant_980" [id=925, type=Constant]; +"926 /layers/layers.2/blocks.0/attn/Constant" [id=926, type=Constant]; +"927 Transpose_6428" [id=927, type=Constant]; +"928 Constant_26007" [id=928, type=Constant]; +"929 /layers/layers.2/blocks.0/Constant_3" [id=929, type=Constant]; +"930 /layers/layers.2/blocks.0/Constant_2" [id=930, type=Constant]; +"931 Constant_964" [id=931, type=Constant]; +"932 /layers/layers.2/blocks.0/Constant_1" [id=932, type=Constant]; +"933 Constant_7326" [id=933, type=Constant]; +"934 Constant_7325" [id=934, type=Constant]; +"935 Constant_943" [id=935, type=Constant]; +"936 Transpose_6424" [id=936, type=Constant]; +"937 Constant_25995" [id=937, type=Constant]; +"938 Constant_7324" [id=938, type=Constant]; +"939 Constant_7323" [id=939, type=Constant]; +"940 Constant_929" [id=940, type=Constant]; +"941 /layers/layers.1/downsample/Constant_25" [id=941, type=Constant]; +"942 Constant_5391" [id=942, type=Constant]; +"943 Constant_5388" [id=943, type=Constant]; +"944 Constant_5385" [id=944, type=Constant]; +"945 Constant_5355" [id=945, type=Constant]; +"946 Constant_5352" [id=946, type=Constant]; +"947 Constant_5349" [id=947, type=Constant]; +"948 /layers/layers.1/downsample/Constant" [id=948, type=Constant]; +"949 Transpose_6420" [id=949, type=Constant]; +"950 Constant_25991" [id=950, type=Constant]; +"951 Transpose_6416" [id=951, type=Constant]; +"952 Constant_25985" [id=952, type=Constant]; +"953 Constant_7320" [id=953, type=Constant]; +"954 Constant_7319" [id=954, type=Constant]; +"955 Constant_864" [id=955, type=Constant]; +"956 /layers/layers.1/blocks.1/Constant_31" [id=956, type=Constant]; +"957 Constant_5319" [id=957, type=Constant]; +"958 Constant_5316" [id=958, type=Constant]; +"959 Constant_5313" [id=959, type=Constant]; +"960 Constant_5295" [id=960, type=Constant]; +"961 Constant_5292" [id=961, type=Constant]; +"962 Constant_5289" [id=962, type=Constant]; +"963 /layers/layers.1/blocks.1/Constant_18" [id=963, type=Constant]; +"964 Constant_811" [id=964, type=Constant]; +"965 /layers/layers.1/blocks.1/Constant_17" [id=965, type=Constant]; +"966 /layers/layers.1/blocks.1/Constant_16" [id=966, type=Constant]; +"967 Transpose_6412" [id=967, type=Constant]; +"968 Constant_26013" [id=968, type=Constant]; +"969 /layers/layers.1/blocks.1/attn/Constant_4" [id=969, type=Constant]; +"970 Constant_795" [id=970, type=Constant]; +"971 Constant_776" [id=971, type=Constant]; +"972 Constant_770" [id=972, type=Constant]; +"973 /layers/layers.1/blocks.1/attn/Constant" [id=973, type=Constant]; +"974 Transpose_6409" [id=974, type=Constant]; +"975 Constant_25997" [id=975, type=Constant]; +"976 /layers/layers.1/blocks.1/Constant_15" [id=976, type=Constant]; +"977 /layers/layers.1/blocks.1/Constant_14" [id=977, type=Constant]; +"978 Constant_754" [id=978, type=Constant]; +"979 /layers/layers.1/blocks.1/Constant_13" [id=979, type=Constant]; +"980 Constant_5271" [id=980, type=Constant]; +"981 Constant_5268" [id=981, type=Constant]; +"982 Constant_5265" [id=982, type=Constant]; +"983 Constant_5247" [id=983, type=Constant]; +"984 Constant_5244" [id=984, type=Constant]; +"985 Constant_5241" [id=985, type=Constant]; +"986 /layers/layers.1/blocks.1/Constant" [id=986, type=Constant]; +"987 Constant_7315" [id=987, type=Constant]; +"988 Constant_7314" [id=988, type=Constant]; +"989 Constant_691" [id=989, type=Constant]; +"990 Transpose_6405" [id=990, type=Constant]; +"991 Constant_25987" [id=991, type=Constant]; +"992 Transpose_6401" [id=992, type=Constant]; +"993 Constant_25983" [id=993, type=Constant]; +"994 Constant_7311" [id=994, type=Constant]; +"995 Constant_7310" [id=995, type=Constant]; +"996 Constant_665" [id=996, type=Constant]; +"997 /layers/layers.1/blocks.0/Constant_7" [id=997, type=Constant]; +"998 /layers/layers.1/blocks.0/Constant_6" [id=998, type=Constant]; +"999 Constant_654" [id=999, type=Constant]; +"1000 /layers/layers.1/blocks.0/Constant_5" [id=1000, type=Constant]; +"1001 /layers/layers.1/blocks.0/Constant_4" [id=1001, type=Constant]; +"1002 Transpose_6397" [id=1002, type=Constant]; +"1003 Constant_25999" [id=1003, type=Constant]; +"1004 /layers/layers.1/blocks.0/attn/Constant_2" [id=1004, type=Constant]; +"1005 Constant_638" [id=1005, type=Constant]; +"1006 Constant_628" [id=1006, type=Constant]; +"1007 Constant_622" [id=1007, type=Constant]; +"1008 /layers/layers.1/blocks.0/attn/Constant" [id=1008, type=Constant]; +"1009 Transpose_6394" [id=1009, type=Constant]; +"1010 Constant_25989" [id=1010, type=Constant]; +"1011 /layers/layers.1/blocks.0/Constant_3" [id=1011, type=Constant]; +"1012 /layers/layers.1/blocks.0/Constant_2" [id=1012, type=Constant]; +"1013 Constant_606" [id=1013, type=Constant]; +"1014 /layers/layers.1/blocks.0/Constant_1" [id=1014, type=Constant]; +"1015 Constant_7306" [id=1015, type=Constant]; +"1016 Constant_7305" [id=1016, type=Constant]; +"1017 Constant_585" [id=1017, type=Constant]; +"1018 Transpose_6390" [id=1018, type=Constant]; +"1019 Constant_25977" [id=1019, type=Constant]; +"1020 Constant_7304" [id=1020, type=Constant]; +"1021 Constant_7303" [id=1021, type=Constant]; +"1022 Constant_571" [id=1022, type=Constant]; +"1023 /layers/layers.0/downsample/Constant_25" [id=1023, type=Constant]; +"1024 Constant_5223" [id=1024, type=Constant]; +"1025 Constant_5220" [id=1025, type=Constant]; +"1026 Constant_5217" [id=1026, type=Constant]; +"1027 Constant_5187" [id=1027, type=Constant]; +"1028 Constant_5184" [id=1028, type=Constant]; +"1029 Constant_5181" [id=1029, type=Constant]; +"1030 /layers/layers.0/downsample/Constant" [id=1030, type=Constant]; +"1031 Transpose_6386" [id=1031, type=Constant]; +"1032 Constant_25975" [id=1032, type=Constant]; +"1033 Transpose_6382" [id=1033, type=Constant]; +"1034 Constant_25969" [id=1034, type=Constant]; +"1035 Constant_7300" [id=1035, type=Constant]; +"1036 Constant_7299" [id=1036, type=Constant]; +"1037 Constant_506" [id=1037, type=Constant]; +"1038 /layers/layers.0/blocks.1/Constant_31" [id=1038, type=Constant]; +"1039 Constant_5151" [id=1039, type=Constant]; +"1040 Constant_5148" [id=1040, type=Constant]; +"1041 Constant_5145" [id=1041, type=Constant]; +"1042 Constant_5127" [id=1042, type=Constant]; +"1043 Constant_5124" [id=1043, type=Constant]; +"1044 Constant_5121" [id=1044, type=Constant]; +"1045 /layers/layers.0/blocks.1/Constant_18" [id=1045, type=Constant]; +"1046 Constant_453" [id=1046, type=Constant]; +"1047 /layers/layers.0/blocks.1/Constant_17" [id=1047, type=Constant]; +"1048 /layers/layers.0/blocks.1/Constant_16" [id=1048, type=Constant]; +"1049 Transpose_6378" [id=1049, type=Constant]; +"1050 Constant_25993" [id=1050, type=Constant]; +"1051 /layers/layers.0/blocks.1/attn/Constant_4" [id=1051, type=Constant]; +"1052 Constant_437" [id=1052, type=Constant]; +"1053 Constant_418" [id=1053, type=Constant]; +"1054 Constant_412" [id=1054, type=Constant]; +"1055 /layers/layers.0/blocks.1/attn/Constant" [id=1055, type=Constant]; +"1056 Transpose_6375" [id=1056, type=Constant]; +"1057 Constant_25979" [id=1057, type=Constant]; +"1058 /layers/layers.0/blocks.1/Constant_15" [id=1058, type=Constant]; +"1059 /layers/layers.0/blocks.1/Constant_14" [id=1059, type=Constant]; +"1060 Constant_396" [id=1060, type=Constant]; +"1061 /layers/layers.0/blocks.1/Constant_13" [id=1061, type=Constant]; +"1062 Constant_5103" [id=1062, type=Constant]; +"1063 Constant_5100" [id=1063, type=Constant]; +"1064 Constant_5097" [id=1064, type=Constant]; +"1065 Constant_5079" [id=1065, type=Constant]; +"1066 Constant_5076" [id=1066, type=Constant]; +"1067 Constant_5073" [id=1067, type=Constant]; +"1068 /layers/layers.0/blocks.1/Constant" [id=1068, type=Constant]; +"1069 Constant_7295" [id=1069, type=Constant]; +"1070 Constant_7294" [id=1070, type=Constant]; +"1071 Constant_333" [id=1071, type=Constant]; +"1072 Transpose_6371" [id=1072, type=Constant]; +"1073 Constant_25971" [id=1073, type=Constant]; +"1074 Transpose_6367" [id=1074, type=Constant]; +"1075 Constant_25967" [id=1075, type=Constant]; +"1076 Constant_7291" [id=1076, type=Constant]; +"1077 Constant_7290" [id=1077, type=Constant]; +"1078 Constant_307" [id=1078, type=Constant]; +"1079 /layers/layers.0/blocks.0/Constant_8" [id=1079, type=Constant]; +"1080 /layers/layers.0/blocks.0/Constant_7" [id=1080, type=Constant]; +"1081 Constant_296" [id=1081, type=Constant]; +"1082 /layers/layers.0/blocks.0/Constant_6" [id=1082, type=Constant]; +"1083 /layers/layers.0/blocks.0/Constant_5" [id=1083, type=Constant]; +"1084 Transpose_6363" [id=1084, type=Constant]; +"1085 Constant_25981" [id=1085, type=Constant]; +"1086 /layers/layers.0/blocks.0/attn/Constant_2" [id=1086, type=Constant]; +"1087 Constant_280" [id=1087, type=Constant]; +"1088 Constant_270" [id=1088, type=Constant]; +"1089 Constant_264" [id=1089, type=Constant]; +"1090 /layers/layers.0/blocks.0/attn/Constant" [id=1090, type=Constant]; +"1091 Transpose_6360" [id=1091, type=Constant]; +"1092 Constant_25973" [id=1092, type=Constant]; +"1093 /layers/layers.0/blocks.0/Constant_4" [id=1093, type=Constant]; +"1094 /layers/layers.0/blocks.0/Constant_3" [id=1094, type=Constant]; +"1095 Constant_248" [id=1095, type=Constant]; +"1096 /layers/layers.0/blocks.0/Constant_2" [id=1096, type=Constant]; +"1097 Constant_7286" [id=1097, type=Constant]; +"1098 Constant_7285" [id=1098, type=Constant]; +"1099 Constant_227" [id=1099, type=Constant]; +"1100 Constant_7284" [id=1100, type=Constant]; +"1101 Constant_7283" [id=1101, type=Constant]; +"1102 Constant_213" [id=1102, type=Constant]; +"1103 Constant_211" [id=1103, type=Constant]; +"1104 /patch_embed/Constant_4" [id=1104, type=Constant]; +"1105 Broadcast_201" [id=1105, type=Constant]; +"1106 /patch_embed/Constant_3" [id=1106, type=Constant]; +"1107 /patch_embed/Constant_2" [id=1107, type=Constant]; +"1108 Reshape_190" [id=1108, type=Constant]; +"1109 Gather_7282" [id=1109, type=Constant]; +"1110 Constant_25965" [id=1110, type=Constant]; +"1111 Gather_7279" [id=1111, type=Constant]; +"1112 Gather_7276" [id=1112, type=Constant]; +"1113 Constant_7287" [id=1113, type=Constant]; +"1114 onnx^^Add_2244" [id=1114, label="1114 onnx::Add_2244", type=Constant]; +"1115 Constant_268" [id=1115, type=Constant]; +"1116 /patch_embed/proj/Constant" [id=1116, type=Constant]; +"1117 Constant_7288" [id=1117, type=Constant]; +"1118 Constant_266" [id=1118, type=Constant]; +"1119 /layers/layers.0/blocks.0/Constant" [id=1119, type=Constant]; +"1120 Constant_7289" [id=1120, type=Constant]; +"1121 Constant_7292" [id=1121, type=Constant]; +"1122 Constant_7293" [id=1122, type=Constant]; +"1123 Constant_5067" [id=1123, type=Constant]; +"1124 Constant_5064" [id=1124, type=Constant]; +"1125 Constant_5061" [id=1125, type=Constant]; +"1126 Constant_5091" [id=1126, type=Constant]; +"1127 Constant_5088" [id=1127, type=Constant]; +"1128 Constant_5085" [id=1128, type=Constant]; +"1129 Constant_7296" [id=1129, type=Constant]; +"1130 /layers/layers.0/blocks.1/attn/Constant_3" [id=1130, type=Constant]; +"1131 onnx^^Add_2301" [id=1131, label="1131 onnx::Add_2301", type=Constant]; +"1132 /layers/layers.0/blocks.1/attn/Constant_2" [id=1132, type=Constant]; +"1133 onnx^^Add_2293" [id=1133, label="1133 onnx::Add_2293", type=Constant]; +"1134 Constant_416" [id=1134, type=Constant]; +"1135 Constant_7297" [id=1135, type=Constant]; +"1136 Constant_414" [id=1136, type=Constant]; +"1137 Constant_7298" [id=1137, type=Constant]; +"1138 Constant_5115" [id=1138, type=Constant]; +"1139 Constant_5112" [id=1139, type=Constant]; +"1140 Constant_5109" [id=1140, type=Constant]; +"1141 Constant_5139" [id=1141, type=Constant]; +"1142 Constant_5136" [id=1142, type=Constant]; +"1143 Constant_5133" [id=1143, type=Constant]; +"1144 Constant_7301" [id=1144, type=Constant]; +"1145 Constant_7302" [id=1145, type=Constant]; +"1146 Constant_5211" [id=1146, type=Constant]; +"1147 Constant_5208" [id=1147, type=Constant]; +"1148 Constant_5205" [id=1148, type=Constant]; +"1149 Constant_5163" [id=1149, type=Constant]; +"1150 Constant_5160" [id=1150, type=Constant]; +"1151 Constant_5157" [id=1151, type=Constant]; +"1152 Constant_5199" [id=1152, type=Constant]; +"1153 Constant_5196" [id=1153, type=Constant]; +"1154 Constant_5193" [id=1154, type=Constant]; +"1155 Constant_5175" [id=1155, type=Constant]; +"1156 Constant_5172" [id=1156, type=Constant]; +"1157 Constant_5169" [id=1157, type=Constant]; +"1158 Constant_7307" [id=1158, type=Constant]; +"1159 onnx^^Add_2389" [id=1159, label="1159 onnx::Add_2389", type=Constant]; +"1160 Constant_626" [id=1160, type=Constant]; +"1161 Constant_7308" [id=1161, type=Constant]; +"1162 Constant_624" [id=1162, type=Constant]; +"1163 Constant_7309" [id=1163, type=Constant]; +"1164 Constant_7312" [id=1164, type=Constant]; +"1165 Constant_7313" [id=1165, type=Constant]; +"1166 Constant_5235" [id=1166, type=Constant]; +"1167 Constant_5232" [id=1167, type=Constant]; +"1168 Constant_5229" [id=1168, type=Constant]; +"1169 Constant_5259" [id=1169, type=Constant]; +"1170 Constant_5256" [id=1170, type=Constant]; +"1171 Constant_5253" [id=1171, type=Constant]; +"1172 Constant_7316" [id=1172, type=Constant]; +"1173 /layers/layers.1/blocks.1/attn/Constant_3" [id=1173, type=Constant]; +"1174 onnx^^Add_2446" [id=1174, label="1174 onnx::Add_2446", type=Constant]; +"1175 /layers/layers.1/blocks.1/attn/Constant_2" [id=1175, type=Constant]; +"1176 onnx^^Add_2438" [id=1176, label="1176 onnx::Add_2438", type=Constant]; +"1177 Constant_774" [id=1177, type=Constant]; +"1178 Constant_7317" [id=1178, type=Constant]; +"1179 Constant_772" [id=1179, type=Constant]; +"1180 Constant_7318" [id=1180, type=Constant]; +"1181 Constant_5283" [id=1181, type=Constant]; +"1182 Constant_5280" [id=1182, type=Constant]; +"1183 Constant_5277" [id=1183, type=Constant]; +"1184 Constant_5307" [id=1184, type=Constant]; +"1185 Constant_5304" [id=1185, type=Constant]; +"1186 Constant_5301" [id=1186, type=Constant]; +"1187 Constant_7321" [id=1187, type=Constant]; +"1188 Constant_7322" [id=1188, type=Constant]; +"1189 Constant_5379" [id=1189, type=Constant]; +"1190 Constant_5376" [id=1190, type=Constant]; +"1191 Constant_5373" [id=1191, type=Constant]; +"1192 Constant_5331" [id=1192, type=Constant]; +"1193 Constant_5328" [id=1193, type=Constant]; +"1194 Constant_5325" [id=1194, type=Constant]; +"1195 Constant_5367" [id=1195, type=Constant]; +"1196 Constant_5364" [id=1196, type=Constant]; +"1197 Constant_5361" [id=1197, type=Constant]; +"1198 Constant_5343" [id=1198, type=Constant]; +"1199 Constant_5340" [id=1199, type=Constant]; +"1200 Constant_5337" [id=1200, type=Constant]; +"1201 Constant_7327" [id=1201, type=Constant]; +"1202 onnx^^Add_2534" [id=1202, label="1202 onnx::Add_2534", type=Constant]; +"1203 Constant_984" [id=1203, type=Constant]; +"1204 Constant_7328" [id=1204, type=Constant]; +"1205 Constant_982" [id=1205, type=Constant]; +"1206 Constant_7329" [id=1206, type=Constant]; +"1207 Constant_7332" [id=1207, type=Constant]; +"1208 Constant_7333" [id=1208, type=Constant]; +"1209 Constant_5403" [id=1209, type=Constant]; +"1210 Constant_5400" [id=1210, type=Constant]; +"1211 Constant_5397" [id=1211, type=Constant]; +"1212 Constant_5427" [id=1212, type=Constant]; +"1213 Constant_5424" [id=1213, type=Constant]; +"1214 Constant_5421" [id=1214, type=Constant]; +"1215 Constant_7336" [id=1215, type=Constant]; +"1216 /layers/layers.2/blocks.1/attn/Constant_3" [id=1216, type=Constant]; +"1217 onnx^^Add_2702" [id=1217, label="1217 onnx::Add_2702", type=Constant]; +"1218 /layers/layers.2/blocks.1/attn/Constant_2" [id=1218, type=Constant]; +"1219 onnx^^Add_2583" [id=1219, label="1219 onnx::Add_2583", type=Constant]; +"1220 Constant_1132" [id=1220, type=Constant]; +"1221 Constant_7337" [id=1221, type=Constant]; +"1222 Constant_1130" [id=1222, type=Constant]; +"1223 Constant_7338" [id=1223, type=Constant]; +"1224 Constant_5451" [id=1224, type=Constant]; +"1225 Constant_5448" [id=1225, type=Constant]; +"1226 Constant_5445" [id=1226, type=Constant]; +"1227 Constant_5475" [id=1227, type=Constant]; +"1228 Constant_5472" [id=1228, type=Constant]; +"1229 Constant_5469" [id=1229, type=Constant]; +"1230 Constant_7341" [id=1230, type=Constant]; +"1231 Constant_7342" [id=1231, type=Constant]; +"1232 Constant_7345" [id=1232, type=Constant]; +"1233 onnx^^Add_2645" [id=1233, label="1233 onnx::Add_2645", type=Constant]; +"1234 Constant_1289" [id=1234, type=Constant]; +"1235 Constant_7346" [id=1235, type=Constant]; +"1236 Constant_1287" [id=1236, type=Constant]; +"1237 Constant_7347" [id=1237, type=Constant]; +"1238 Constant_7350" [id=1238, type=Constant]; +"1239 Constant_7351" [id=1239, type=Constant]; +"1240 Constant_5499" [id=1240, type=Constant]; +"1241 Constant_5496" [id=1241, type=Constant]; +"1242 Constant_5493" [id=1242, type=Constant]; +"1243 Constant_5523" [id=1243, type=Constant]; +"1244 Constant_5520" [id=1244, type=Constant]; +"1245 Constant_5517" [id=1245, type=Constant]; +"1246 Constant_7354" [id=1246, type=Constant]; +"1247 /layers/layers.2/blocks.3/attn/Constant_3" [id=1247, type=Constant]; +"1248 /layers/layers.2/blocks.3/attn/Constant_2" [id=1248, type=Constant]; +"1249 onnx^^Add_2694" [id=1249, label="1249 onnx::Add_2694", type=Constant]; +"1250 Constant_1437" [id=1250, type=Constant]; +"1251 Constant_7355" [id=1251, type=Constant]; +"1252 Constant_1435" [id=1252, type=Constant]; +"1253 Constant_7356" [id=1253, type=Constant]; +"1254 Constant_5547" [id=1254, type=Constant]; +"1255 Constant_5544" [id=1255, type=Constant]; +"1256 Constant_5541" [id=1256, type=Constant]; +"1257 Constant_5571" [id=1257, type=Constant]; +"1258 Constant_5568" [id=1258, type=Constant]; +"1259 Constant_5565" [id=1259, type=Constant]; +"1260 Constant_7359" [id=1260, type=Constant]; +"1261 Constant_7360" [id=1261, type=Constant]; +"1262 Constant_7363" [id=1262, type=Constant]; +"1263 onnx^^Add_2756" [id=1263, label="1263 onnx::Add_2756", type=Constant]; +"1264 Constant_1594" [id=1264, type=Constant]; +"1265 Constant_7364" [id=1265, type=Constant]; +"1266 Constant_1592" [id=1266, type=Constant]; +"1267 Constant_7365" [id=1267, type=Constant]; +"1268 Constant_7368" [id=1268, type=Constant]; +"1269 Constant_7369" [id=1269, type=Constant]; +"1270 Constant_5595" [id=1270, type=Constant]; +"1271 Constant_5592" [id=1271, type=Constant]; +"1272 Constant_5589" [id=1272, type=Constant]; +"1273 Constant_5619" [id=1273, type=Constant]; +"1274 Constant_5616" [id=1274, type=Constant]; +"1275 Constant_5613" [id=1275, type=Constant]; +"1276 Constant_7372" [id=1276, type=Constant]; +"1277 /layers/layers.2/blocks.5/attn/Constant_3" [id=1277, type=Constant]; +"1278 /layers/layers.2/blocks.5/attn/Constant_2" [id=1278, type=Constant]; +"1279 onnx^^Add_2805" [id=1279, label="1279 onnx::Add_2805", type=Constant]; +"1280 Constant_1742" [id=1280, type=Constant]; +"1281 Constant_7373" [id=1281, type=Constant]; +"1282 Constant_1740" [id=1282, type=Constant]; +"1283 Constant_7374" [id=1283, type=Constant]; +"1284 Constant_5643" [id=1284, type=Constant]; +"1285 Constant_5640" [id=1285, type=Constant]; +"1286 Constant_5637" [id=1286, type=Constant]; +"1287 Constant_5667" [id=1287, type=Constant]; +"1288 Constant_5664" [id=1288, type=Constant]; +"1289 Constant_5661" [id=1289, type=Constant]; +"1290 Constant_7377" [id=1290, type=Constant]; +"1291 Constant_7378" [id=1291, type=Constant]; +"1292 Constant_5739" [id=1292, type=Constant]; +"1293 Constant_5736" [id=1293, type=Constant]; +"1294 Constant_5733" [id=1294, type=Constant]; +"1295 Constant_5691" [id=1295, type=Constant]; +"1296 Constant_5688" [id=1296, type=Constant]; +"1297 Constant_5685" [id=1297, type=Constant]; +"1298 Constant_5727" [id=1298, type=Constant]; +"1299 Constant_5724" [id=1299, type=Constant]; +"1300 Constant_5721" [id=1300, type=Constant]; +"1301 Constant_5703" [id=1301, type=Constant]; +"1302 Constant_5700" [id=1302, type=Constant]; +"1303 Constant_5697" [id=1303, type=Constant]; +"1304 Constant_7383" [id=1304, type=Constant]; +"1305 onnx^^Add_2901" [id=1305, label="1305 onnx::Add_2901", type=Constant]; +"1306 Constant_1952" [id=1306, type=Constant]; +"1307 Constant_7384" [id=1307, type=Constant]; +"1308 Constant_1950" [id=1308, type=Constant]; +"1309 Constant_7385" [id=1309, type=Constant]; +"1310 Constant_7388" [id=1310, type=Constant]; +"1311 Constant_7389" [id=1311, type=Constant]; +"1312 Constant_7392" [id=1312, type=Constant]; +"1313 onnx^^Add_2950" [id=1313, label="1313 onnx::Add_2950", type=Constant]; +"1314 Constant_2058" [id=1314, type=Constant]; +"1315 Constant_7393" [id=1315, type=Constant]; +"1316 Constant_2056" [id=1316, type=Constant]; +"1317 Constant_7394" [id=1317, type=Constant]; +"1318 Constant_7397" [id=1318, type=Constant]; +"1319 Constant_7398" [id=1319, type=Constant]; "0 input" -> "1 Multiply_6579" [label="[1, 3, 224, 224]", style=solid]; "1 Multiply_6579" -> "2 Divide_2169" [label="[1, 3, 224, 224]", style=solid]; -"2 Divide_2169" -> "3 /patch_embed/proj/Conv/WithoutBiases" [label="[1, 3, 224, 224]", style=solid]; -"3 /patch_embed/proj/Conv/WithoutBiases" -> "4 /patch_embed/proj/Conv" [label="[1, 96, 56, 56]", style=solid]; -"4 /patch_embed/proj/Conv" -> "5 /patch_embed/Reshape" [label="[1, 96, 56, 56]", style=solid]; -"4 /patch_embed/proj/Conv" -> "6 /patch_embed/Shape" [label="[1, 96, 56, 56]", style=solid]; -"5 /patch_embed/Reshape" -> "7 /patch_embed/Transpose" [label="[1, 96, 3136]", style=solid]; -"6 /patch_embed/Shape" -> "8 /patch_embed/Slice" [label="[4]", style=dashed]; -"7 /patch_embed/Transpose" -> "9 /patch_embed/norm/Div" [label="[1, 3136, 96]", style=solid]; -"8 /patch_embed/Slice" -> "10 /patch_embed/Concat" [label="[2]", style=dashed]; -"9 /patch_embed/norm/Div" -> "11 /patch_embed/norm/Mul" [label="[1, 3136, 96]", style=solid]; -"10 /patch_embed/Concat" -> "5 /patch_embed/Reshape" [label="[3]", style=dashed]; -"11 /patch_embed/norm/Mul" -> "12 /patch_embed/norm/Add_1" [label="[1, 3136, 96]", style=solid]; -"12 /patch_embed/norm/Add_1" -> "13 /layers/layers.0/blocks.0/Add" [label="[1, 3136, 96]", style=solid]; -"12 /patch_embed/norm/Add_1" -> "14 /layers/layers.0/blocks.0/norm1/Div" [label="[1, 3136, 96]", style=solid]; -"13 /layers/layers.0/blocks.0/Add" -> "15 /layers/layers.0/blocks.0/Add_1" [label="[1, 3136, 96]", style=solid]; -"13 /layers/layers.0/blocks.0/Add" -> "16 /layers/layers.0/blocks.0/norm2/Div" [label="[1, 3136, 96]", style=solid]; -"14 /layers/layers.0/blocks.0/norm1/Div" -> "17 /layers/layers.0/blocks.0/norm1/Mul" [label="[1, 3136, 96]", style=solid]; -"15 /layers/layers.0/blocks.0/Add_1" -> "18 /layers/layers.0/blocks.1/Add" [label="[1, 3136, 96]", style=solid]; -"15 /layers/layers.0/blocks.0/Add_1" -> "19 /layers/layers.0/blocks.1/norm1/Div" [label="[1, 3136, 96]", style=solid]; -"16 /layers/layers.0/blocks.0/norm2/Div" -> "20 /layers/layers.0/blocks.0/norm2/Mul" [label="[1, 3136, 96]", style=solid]; -"17 /layers/layers.0/blocks.0/norm1/Mul" -> "21 /layers/layers.0/blocks.0/norm1/Add_1" [label="[1, 3136, 96]", style=solid]; -"18 /layers/layers.0/blocks.1/Add" -> "22 /layers/layers.0/blocks.1/Add_1" [label="[1, 3136, 96]", style=solid]; -"18 /layers/layers.0/blocks.1/Add" -> "23 /layers/layers.0/blocks.1/norm2/Div" [label="[1, 3136, 96]", style=solid]; -"19 /layers/layers.0/blocks.1/norm1/Div" -> "24 /layers/layers.0/blocks.1/norm1/Mul" [label="[1, 3136, 96]", style=solid]; -"20 /layers/layers.0/blocks.0/norm2/Mul" -> "25 /layers/layers.0/blocks.0/norm2/Add_1" [label="[1, 3136, 96]", style=solid]; -"21 /layers/layers.0/blocks.0/norm1/Add_1" -> "26 /layers/layers.0/blocks.0/Reshape_1" [label="[1, 3136, 96]", style=solid]; -"22 /layers/layers.0/blocks.1/Add_1" -> "27 /layers/layers.0/downsample/Reshape" [label="[1, 3136, 96]", style=solid]; -"23 /layers/layers.0/blocks.1/norm2/Div" -> "28 /layers/layers.0/blocks.1/norm2/Mul" [label="[1, 3136, 96]", style=solid]; -"24 /layers/layers.0/blocks.1/norm1/Mul" -> "29 /layers/layers.0/blocks.1/norm1/Add_1" [label="[1, 3136, 96]", style=solid]; -"25 /layers/layers.0/blocks.0/norm2/Add_1" -> "30 /layers/layers.0/blocks.0/norm2/Add_1_0_0/sq_multiply" [label="[1, 3136, 96]", style=solid]; -"26 /layers/layers.0/blocks.0/Reshape_1" -> "31 /layers/layers.0/blocks.0/Transpose" [label="[1, 8, 7, 8, 7, 96]", style=solid]; -"27 /layers/layers.0/downsample/Reshape" -> "32 /layers/layers.0/downsample/Slice" [label="[1, 56, 56, 96]", style=solid]; -"27 /layers/layers.0/downsample/Reshape" -> "33 /layers/layers.0/downsample/Slice_2" [label="[1, 56, 56, 96]", style=solid]; -"28 /layers/layers.0/blocks.1/norm2/Mul" -> "34 /layers/layers.0/blocks.1/norm2/Add_1" [label="[1, 3136, 96]", style=solid]; -"29 /layers/layers.0/blocks.1/norm1/Add_1" -> "35 /layers/layers.0/blocks.1/Reshape" [label="[1, 3136, 96]", style=solid]; -"30 /layers/layers.0/blocks.0/norm2/Add_1_0_0/sq_multiply" -> "36 /layers/layers.0/blocks.0/mlp/fc1/MatMul" [label="[1, 3136, 96]", style=solid]; -"31 /layers/layers.0/blocks.0/Transpose" -> "37 /layers/layers.0/blocks.0/Reshape_2" [label="[1, 8, 8, 7, 7, 96]", style=solid]; -"32 /layers/layers.0/downsample/Slice" -> "38 /layers/layers.0/downsample/Slice_1" [label="[1, 28, 56, 96]", style=solid]; -"32 /layers/layers.0/downsample/Slice" -> "39 /layers/layers.0/downsample/Slice_4" [label="[1, 28, 56, 96]", style=solid]; -"33 /layers/layers.0/downsample/Slice_2" -> "40 /layers/layers.0/downsample/Slice_3" [label="[1, 28, 56, 96]", style=solid]; -"33 /layers/layers.0/downsample/Slice_2" -> "41 /layers/layers.0/downsample/Slice_5" [label="[1, 28, 56, 96]", style=solid]; -"34 /layers/layers.0/blocks.1/norm2/Add_1" -> "42 /layers/layers.0/blocks.1/norm2/Add_1_0_0/sq_multiply" [label="[1, 3136, 96]", style=solid]; -"35 /layers/layers.0/blocks.1/Reshape" -> "43 /layers/layers.0/blocks.1/Slice" [label="[1, 56, 56, 96]", style=solid]; -"35 /layers/layers.0/blocks.1/Reshape" -> "44 /layers/layers.0/blocks.1/Slice_1" [label="[1, 56, 56, 96]", style=solid]; -"36 /layers/layers.0/blocks.0/mlp/fc1/MatMul" -> "45 /layers/layers.0/blocks.0/mlp/fc1/Add" [label="[1, 3136, 384]", style=solid]; -"37 /layers/layers.0/blocks.0/Reshape_2" -> "46 /layers/layers.0/blocks.0/Reshape_3" [label="[64, 7, 7, 96]", style=solid]; -"38 /layers/layers.0/downsample/Slice_1" -> "47 /layers/layers.0/downsample/Concat" [label="[1, 28, 28, 96]", style=solid]; -"39 /layers/layers.0/downsample/Slice_4" -> "47 /layers/layers.0/downsample/Concat" [label="[1, 28, 28, 96]", style=solid]; -"40 /layers/layers.0/downsample/Slice_3" -> "47 /layers/layers.0/downsample/Concat" [label="[1, 28, 28, 96]", style=solid]; -"41 /layers/layers.0/downsample/Slice_5" -> "47 /layers/layers.0/downsample/Concat" [label="[1, 28, 28, 96]", style=solid]; -"42 /layers/layers.0/blocks.1/norm2/Add_1_0_0/sq_multiply" -> "48 /layers/layers.0/blocks.1/mlp/fc1/MatMul" [label="[1, 3136, 96]", style=solid]; -"43 /layers/layers.0/blocks.1/Slice" -> "49 /layers/layers.0/blocks.1/Concat" [label="[1, 53, 56, 96]", style=solid]; -"44 /layers/layers.0/blocks.1/Slice_1" -> "49 /layers/layers.0/blocks.1/Concat" [label="[1, 3, 56, 96]", style=solid]; -"45 /layers/layers.0/blocks.0/mlp/fc1/Add" -> "50 /layers/layers.0/blocks.0/mlp/act/Mul_1" [label="[1, 3136, 384]", style=solid]; -"46 /layers/layers.0/blocks.0/Reshape_3" -> "51 /layers/layers.0/blocks.0/Reshape_3_0_0/sq_multiply" [label="[64, 49, 96]", style=solid]; -"47 /layers/layers.0/downsample/Concat" -> "52 /layers/layers.0/downsample/Reshape_1" [label="[1, 28, 28, 384]", style=solid]; -"48 /layers/layers.0/blocks.1/mlp/fc1/MatMul" -> "53 /layers/layers.0/blocks.1/mlp/fc1/Add" [label="[1, 3136, 384]", style=solid]; -"49 /layers/layers.0/blocks.1/Concat" -> "54 /layers/layers.0/blocks.1/Slice_2" [label="[1, 56, 56, 96]", style=solid]; -"49 /layers/layers.0/blocks.1/Concat" -> "55 /layers/layers.0/blocks.1/Slice_3" [label="[1, 56, 56, 96]", style=solid]; -"50 /layers/layers.0/blocks.0/mlp/act/Mul_1" -> "56 /layers/layers.0/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 3136, 384]", style=solid]; -"51 /layers/layers.0/blocks.0/Reshape_3_0_0/sq_multiply" -> "57 /layers/layers.0/blocks.0/attn/qkv/MatMul" [label="[64, 49, 96]", style=solid]; -"52 /layers/layers.0/downsample/Reshape_1" -> "58 /layers/layers.0/downsample/norm/Div" [label="[1, 784, 384]", style=solid]; -"53 /layers/layers.0/blocks.1/mlp/fc1/Add" -> "59 /layers/layers.0/blocks.1/mlp/act/Mul_1" [label="[1, 3136, 384]", style=solid]; -"54 /layers/layers.0/blocks.1/Slice_2" -> "60 /layers/layers.0/blocks.1/Concat_1" [label="[1, 56, 53, 96]", style=solid]; -"55 /layers/layers.0/blocks.1/Slice_3" -> "60 /layers/layers.0/blocks.1/Concat_1" [label="[1, 56, 3, 96]", style=solid]; -"56 /layers/layers.0/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" -> "61 /layers/layers.0/blocks.0/mlp/fc2/MatMul" [label="[1, 3136, 384]", style=solid]; -"57 /layers/layers.0/blocks.0/attn/qkv/MatMul" -> "62 /layers/layers.0/blocks.0/attn/qkv/Add" [label="[64, 49, 288]", style=solid]; -"58 /layers/layers.0/downsample/norm/Div" -> "63 /layers/layers.0/downsample/norm/Mul" [label="[1, 784, 384]", style=solid]; -"59 /layers/layers.0/blocks.1/mlp/act/Mul_1" -> "64 /layers/layers.0/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 3136, 384]", style=solid]; -"60 /layers/layers.0/blocks.1/Concat_1" -> "65 /layers/layers.0/blocks.1/Reshape_1" [label="[1, 56, 56, 96]", style=solid]; -"61 /layers/layers.0/blocks.0/mlp/fc2/MatMul" -> "66 /layers/layers.0/blocks.0/mlp/fc2/Add" [label="[1, 3136, 96]", style=solid]; -"62 /layers/layers.0/blocks.0/attn/qkv/Add" -> "67 /layers/layers.0/blocks.0/attn/Reshape" [label="[64, 49, 288]", style=solid]; -"63 /layers/layers.0/downsample/norm/Mul" -> "68 /layers/layers.0/downsample/norm/Add_1" [label="[1, 784, 384]", style=solid]; -"64 /layers/layers.0/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" -> "69 /layers/layers.0/blocks.1/mlp/fc2/MatMul" [label="[1, 3136, 384]", style=solid]; -"65 /layers/layers.0/blocks.1/Reshape_1" -> "70 /layers/layers.0/blocks.1/Transpose" [label="[1, 8, 7, 8, 7, 96]", style=solid]; -"66 /layers/layers.0/blocks.0/mlp/fc2/Add" -> "15 /layers/layers.0/blocks.0/Add_1" [label="[1, 3136, 96]", style=solid]; -"67 /layers/layers.0/blocks.0/attn/Reshape" -> "71 /layers/layers.0/blocks.0/attn/Transpose" [label="[64, 49, 3, 3, 32]", style=solid]; -"68 /layers/layers.0/downsample/norm/Add_1" -> "72 /layers/layers.0/downsample/norm/Add_1_0_0/sq_multiply" [label="[1, 784, 384]", style=solid]; -"69 /layers/layers.0/blocks.1/mlp/fc2/MatMul" -> "73 /layers/layers.0/blocks.1/mlp/fc2/Add" [label="[1, 3136, 96]", style=solid]; -"70 /layers/layers.0/blocks.1/Transpose" -> "74 /layers/layers.0/blocks.1/Reshape_2" [label="[1, 8, 8, 7, 7, 96]", style=solid]; -"71 /layers/layers.0/blocks.0/attn/Transpose" -> "75 /layers/layers.0/blocks.0/attn/Gather" [label="[3, 64, 3, 49, 32]", style=solid]; -"71 /layers/layers.0/blocks.0/attn/Transpose" -> "76 /layers/layers.0/blocks.0/attn/Gather_1" [label="[3, 64, 3, 49, 32]", style=solid]; -"71 /layers/layers.0/blocks.0/attn/Transpose" -> "77 /layers/layers.0/blocks.0/attn/Gather_2" [label="[3, 64, 3, 49, 32]", style=solid]; -"72 /layers/layers.0/downsample/norm/Add_1_0_0/sq_multiply" -> "78 /layers/layers.0/downsample/reduction/MatMul" [label="[1, 784, 384]", style=solid]; -"73 /layers/layers.0/blocks.1/mlp/fc2/Add" -> "22 /layers/layers.0/blocks.1/Add_1" [label="[1, 3136, 96]", style=solid]; -"74 /layers/layers.0/blocks.1/Reshape_2" -> "79 /layers/layers.0/blocks.1/Reshape_3" [label="[64, 7, 7, 96]", style=solid]; -"75 /layers/layers.0/blocks.0/attn/Gather" -> "80 /layers/layers.0/blocks.0/attn/Mul" [label="[64, 3, 49, 32]", style=solid]; -"76 /layers/layers.0/blocks.0/attn/Gather_1" -> "81 /layers/layers.0/blocks.0/attn/MatMul" [label="[64, 3, 49, 32]", style=solid]; -"77 /layers/layers.0/blocks.0/attn/Gather_2" -> "82 /layers/layers.0/blocks.0/attn/MatMul_1" [label="[64, 3, 49, 32]", style=solid]; -"78 /layers/layers.0/downsample/reduction/MatMul" -> "83 /layers/layers.1/blocks.0/Add" [label="[1, 784, 192]", style=solid]; -"78 /layers/layers.0/downsample/reduction/MatMul" -> "84 /layers/layers.1/blocks.0/norm1/Div" [label="[1, 784, 192]", style=solid]; -"79 /layers/layers.0/blocks.1/Reshape_3" -> "85 /layers/layers.0/blocks.1/Reshape_3_0_0/sq_multiply" [label="[64, 49, 96]", style=solid]; -"80 /layers/layers.0/blocks.0/attn/Mul" -> "81 /layers/layers.0/blocks.0/attn/MatMul" [label="[64, 3, 49, 32]", style=solid]; -"81 /layers/layers.0/blocks.0/attn/MatMul" -> "86 /layers/layers.0/blocks.0/attn/Add" [label="[64, 3, 49, 49]", style=solid]; -"82 /layers/layers.0/blocks.0/attn/MatMul_1" -> "87 /layers/layers.0/blocks.0/attn/Transpose_2" [label="[64, 3, 49, 32]", style=solid]; -"83 /layers/layers.1/blocks.0/Add" -> "88 /layers/layers.1/blocks.0/Add_1" [label="[1, 784, 192]", style=solid]; -"83 /layers/layers.1/blocks.0/Add" -> "89 /layers/layers.1/blocks.0/norm2/Div" [label="[1, 784, 192]", style=solid]; -"84 /layers/layers.1/blocks.0/norm1/Div" -> "90 /layers/layers.1/blocks.0/norm1/Mul" [label="[1, 784, 192]", style=solid]; -"85 /layers/layers.0/blocks.1/Reshape_3_0_0/sq_multiply" -> "91 /layers/layers.0/blocks.1/attn/qkv/MatMul" [label="[64, 49, 96]", style=solid]; -"86 /layers/layers.0/blocks.0/attn/Add" -> "92 /layers/layers.0/blocks.0/attn/softmax/Softmax" [label="[64, 3, 49, 49]", style=solid]; -"87 /layers/layers.0/blocks.0/attn/Transpose_2" -> "93 /layers/layers.0/blocks.0/attn/Reshape_1" [label="[64, 49, 3, 32]", style=solid]; -"88 /layers/layers.1/blocks.0/Add_1" -> "94 /layers/layers.1/blocks.1/Add" [label="[1, 784, 192]", style=solid]; -"88 /layers/layers.1/blocks.0/Add_1" -> "95 /layers/layers.1/blocks.1/norm1/Div" [label="[1, 784, 192]", style=solid]; -"89 /layers/layers.1/blocks.0/norm2/Div" -> "96 /layers/layers.1/blocks.0/norm2/Mul" [label="[1, 784, 192]", style=solid]; -"90 /layers/layers.1/blocks.0/norm1/Mul" -> "97 /layers/layers.1/blocks.0/norm1/Add_1" [label="[1, 784, 192]", style=solid]; -"91 /layers/layers.0/blocks.1/attn/qkv/MatMul" -> "98 /layers/layers.0/blocks.1/attn/qkv/Add" [label="[64, 49, 288]", style=solid]; -"92 /layers/layers.0/blocks.0/attn/softmax/Softmax" -> "82 /layers/layers.0/blocks.0/attn/MatMul_1" [label="[64, 3, 49, 49]", style=solid]; -"93 /layers/layers.0/blocks.0/attn/Reshape_1" -> "99 /layers/layers.0/blocks.0/attn/Reshape_1_0_0/sq_multiply" [label="[64, 49, 96]", style=solid]; -"94 /layers/layers.1/blocks.1/Add" -> "100 /layers/layers.1/blocks.1/Add_1" [label="[1, 784, 192]", style=solid]; -"94 /layers/layers.1/blocks.1/Add" -> "101 /layers/layers.1/blocks.1/norm2/Div" [label="[1, 784, 192]", style=solid]; -"95 /layers/layers.1/blocks.1/norm1/Div" -> "102 /layers/layers.1/blocks.1/norm1/Mul" [label="[1, 784, 192]", style=solid]; -"96 /layers/layers.1/blocks.0/norm2/Mul" -> "103 /layers/layers.1/blocks.0/norm2/Add_1" [label="[1, 784, 192]", style=solid]; -"97 /layers/layers.1/blocks.0/norm1/Add_1" -> "104 /layers/layers.1/blocks.0/Reshape_1" [label="[1, 784, 192]", style=solid]; -"98 /layers/layers.0/blocks.1/attn/qkv/Add" -> "105 /layers/layers.0/blocks.1/attn/Reshape" [label="[64, 49, 288]", style=solid]; -"99 /layers/layers.0/blocks.0/attn/Reshape_1_0_0/sq_multiply" -> "106 /layers/layers.0/blocks.0/attn/proj/MatMul" [label="[64, 49, 96]", style=solid]; -"100 /layers/layers.1/blocks.1/Add_1" -> "107 /layers/layers.1/downsample/Reshape" [label="[1, 784, 192]", style=solid]; -"101 /layers/layers.1/blocks.1/norm2/Div" -> "108 /layers/layers.1/blocks.1/norm2/Mul" [label="[1, 784, 192]", style=solid]; -"102 /layers/layers.1/blocks.1/norm1/Mul" -> "109 /layers/layers.1/blocks.1/norm1/Add_1" [label="[1, 784, 192]", style=solid]; -"103 /layers/layers.1/blocks.0/norm2/Add_1" -> "110 /layers/layers.1/blocks.0/norm2/Add_1_0_0/sq_multiply" [label="[1, 784, 192]", style=solid]; -"104 /layers/layers.1/blocks.0/Reshape_1" -> "111 /layers/layers.1/blocks.0/Transpose" [label="[1, 4, 7, 4, 7, 192]", style=solid]; -"105 /layers/layers.0/blocks.1/attn/Reshape" -> "112 /layers/layers.0/blocks.1/attn/Transpose" [label="[64, 49, 3, 3, 32]", style=solid]; -"106 /layers/layers.0/blocks.0/attn/proj/MatMul" -> "113 /layers/layers.0/blocks.0/attn/proj/Add" [label="[64, 49, 96]", style=solid]; -"107 /layers/layers.1/downsample/Reshape" -> "114 /layers/layers.1/downsample/Slice" [label="[1, 28, 28, 192]", style=solid]; -"107 /layers/layers.1/downsample/Reshape" -> "115 /layers/layers.1/downsample/Slice_2" [label="[1, 28, 28, 192]", style=solid]; -"108 /layers/layers.1/blocks.1/norm2/Mul" -> "116 /layers/layers.1/blocks.1/norm2/Add_1" [label="[1, 784, 192]", style=solid]; -"109 /layers/layers.1/blocks.1/norm1/Add_1" -> "117 /layers/layers.1/blocks.1/Reshape" [label="[1, 784, 192]", style=solid]; -"110 /layers/layers.1/blocks.0/norm2/Add_1_0_0/sq_multiply" -> "118 /layers/layers.1/blocks.0/mlp/fc1/MatMul" [label="[1, 784, 192]", style=solid]; -"111 /layers/layers.1/blocks.0/Transpose" -> "119 /layers/layers.1/blocks.0/Reshape_2" [label="[1, 4, 4, 7, 7, 192]", style=solid]; -"112 /layers/layers.0/blocks.1/attn/Transpose" -> "120 /layers/layers.0/blocks.1/attn/Gather" [label="[3, 64, 3, 49, 32]", style=solid]; -"112 /layers/layers.0/blocks.1/attn/Transpose" -> "121 /layers/layers.0/blocks.1/attn/Gather_1" [label="[3, 64, 3, 49, 32]", style=solid]; -"112 /layers/layers.0/blocks.1/attn/Transpose" -> "122 /layers/layers.0/blocks.1/attn/Gather_2" [label="[3, 64, 3, 49, 32]", style=solid]; -"113 /layers/layers.0/blocks.0/attn/proj/Add" -> "123 /layers/layers.0/blocks.0/Reshape_4" [label="[64, 49, 96]", style=solid]; -"114 /layers/layers.1/downsample/Slice" -> "124 /layers/layers.1/downsample/Slice_1" [label="[1, 14, 28, 192]", style=solid]; -"114 /layers/layers.1/downsample/Slice" -> "125 /layers/layers.1/downsample/Slice_4" [label="[1, 14, 28, 192]", style=solid]; -"115 /layers/layers.1/downsample/Slice_2" -> "126 /layers/layers.1/downsample/Slice_3" [label="[1, 14, 28, 192]", style=solid]; -"115 /layers/layers.1/downsample/Slice_2" -> "127 /layers/layers.1/downsample/Slice_5" [label="[1, 14, 28, 192]", style=solid]; -"116 /layers/layers.1/blocks.1/norm2/Add_1" -> "128 /layers/layers.1/blocks.1/norm2/Add_1_0_0/sq_multiply" [label="[1, 784, 192]", style=solid]; -"117 /layers/layers.1/blocks.1/Reshape" -> "129 /layers/layers.1/blocks.1/Slice" [label="[1, 28, 28, 192]", style=solid]; -"117 /layers/layers.1/blocks.1/Reshape" -> "130 /layers/layers.1/blocks.1/Slice_1" [label="[1, 28, 28, 192]", style=solid]; -"118 /layers/layers.1/blocks.0/mlp/fc1/MatMul" -> "131 /layers/layers.1/blocks.0/mlp/fc1/Add" [label="[1, 784, 768]", style=solid]; -"119 /layers/layers.1/blocks.0/Reshape_2" -> "132 /layers/layers.1/blocks.0/Reshape_3" [label="[16, 7, 7, 192]", style=solid]; -"120 /layers/layers.0/blocks.1/attn/Gather" -> "133 /layers/layers.0/blocks.1/attn/Mul" [label="[64, 3, 49, 32]", style=solid]; -"121 /layers/layers.0/blocks.1/attn/Gather_1" -> "134 /layers/layers.0/blocks.1/attn/MatMul" [label="[64, 3, 49, 32]", style=solid]; -"122 /layers/layers.0/blocks.1/attn/Gather_2" -> "135 /layers/layers.0/blocks.1/attn/MatMul_1" [label="[64, 3, 49, 32]", style=solid]; -"123 /layers/layers.0/blocks.0/Reshape_4" -> "136 /layers/layers.0/blocks.0/Reshape_5" [label="[64, 7, 7, 96]", style=solid]; -"124 /layers/layers.1/downsample/Slice_1" -> "137 /layers/layers.1/downsample/Concat" [label="[1, 14, 14, 192]", style=solid]; -"125 /layers/layers.1/downsample/Slice_4" -> "137 /layers/layers.1/downsample/Concat" [label="[1, 14, 14, 192]", style=solid]; -"126 /layers/layers.1/downsample/Slice_3" -> "137 /layers/layers.1/downsample/Concat" [label="[1, 14, 14, 192]", style=solid]; -"127 /layers/layers.1/downsample/Slice_5" -> "137 /layers/layers.1/downsample/Concat" [label="[1, 14, 14, 192]", style=solid]; -"128 /layers/layers.1/blocks.1/norm2/Add_1_0_0/sq_multiply" -> "138 /layers/layers.1/blocks.1/mlp/fc1/MatMul" [label="[1, 784, 192]", style=solid]; -"129 /layers/layers.1/blocks.1/Slice" -> "139 /layers/layers.1/blocks.1/Concat" [label="[1, 25, 28, 192]", style=solid]; -"130 /layers/layers.1/blocks.1/Slice_1" -> "139 /layers/layers.1/blocks.1/Concat" [label="[1, 3, 28, 192]", style=solid]; -"131 /layers/layers.1/blocks.0/mlp/fc1/Add" -> "140 /layers/layers.1/blocks.0/mlp/act/Mul_1" [label="[1, 784, 768]", style=solid]; -"132 /layers/layers.1/blocks.0/Reshape_3" -> "141 /layers/layers.1/blocks.0/Reshape_3_0_0/sq_multiply" [label="[16, 49, 192]", style=solid]; -"133 /layers/layers.0/blocks.1/attn/Mul" -> "134 /layers/layers.0/blocks.1/attn/MatMul" [label="[64, 3, 49, 32]", style=solid]; -"134 /layers/layers.0/blocks.1/attn/MatMul" -> "142 /layers/layers.0/blocks.1/attn/Add" [label="[64, 3, 49, 49]", style=solid]; -"135 /layers/layers.0/blocks.1/attn/MatMul_1" -> "143 /layers/layers.0/blocks.1/attn/Transpose_2" [label="[64, 3, 49, 32]", style=solid]; -"136 /layers/layers.0/blocks.0/Reshape_5" -> "144 /layers/layers.0/blocks.0/Transpose_1" [label="[1, 8, 8, 7, 7, 96]", style=solid]; -"137 /layers/layers.1/downsample/Concat" -> "145 /layers/layers.1/downsample/Reshape_1" [label="[1, 14, 14, 768]", style=solid]; -"138 /layers/layers.1/blocks.1/mlp/fc1/MatMul" -> "146 /layers/layers.1/blocks.1/mlp/fc1/Add" [label="[1, 784, 768]", style=solid]; -"139 /layers/layers.1/blocks.1/Concat" -> "147 /layers/layers.1/blocks.1/Slice_2" [label="[1, 28, 28, 192]", style=solid]; -"139 /layers/layers.1/blocks.1/Concat" -> "148 /layers/layers.1/blocks.1/Slice_3" [label="[1, 28, 28, 192]", style=solid]; -"140 /layers/layers.1/blocks.0/mlp/act/Mul_1" -> "149 /layers/layers.1/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 784, 768]", style=solid]; -"141 /layers/layers.1/blocks.0/Reshape_3_0_0/sq_multiply" -> "150 /layers/layers.1/blocks.0/attn/qkv/MatMul" [label="[16, 49, 192]", style=solid]; -"142 /layers/layers.0/blocks.1/attn/Add" -> "151 /layers/layers.0/blocks.1/attn/Reshape_1" [label="[64, 3, 49, 49]", style=solid]; -"143 /layers/layers.0/blocks.1/attn/Transpose_2" -> "152 /layers/layers.0/blocks.1/attn/Reshape_3" [label="[64, 49, 3, 32]", style=solid]; -"144 /layers/layers.0/blocks.0/Transpose_1" -> "153 /layers/layers.0/blocks.0/Reshape_6" [label="[1, 8, 7, 8, 7, 96]", style=solid]; -"145 /layers/layers.1/downsample/Reshape_1" -> "154 /layers/layers.1/downsample/norm/Div" [label="[1, 196, 768]", style=solid]; -"146 /layers/layers.1/blocks.1/mlp/fc1/Add" -> "155 /layers/layers.1/blocks.1/mlp/act/Mul_1" [label="[1, 784, 768]", style=solid]; -"147 /layers/layers.1/blocks.1/Slice_2" -> "156 /layers/layers.1/blocks.1/Concat_1" [label="[1, 28, 25, 192]", style=solid]; -"148 /layers/layers.1/blocks.1/Slice_3" -> "156 /layers/layers.1/blocks.1/Concat_1" [label="[1, 28, 3, 192]", style=solid]; -"149 /layers/layers.1/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" -> "157 /layers/layers.1/blocks.0/mlp/fc2/MatMul" [label="[1, 784, 768]", style=solid]; -"150 /layers/layers.1/blocks.0/attn/qkv/MatMul" -> "158 /layers/layers.1/blocks.0/attn/qkv/Add" [label="[16, 49, 576]", style=solid]; -"151 /layers/layers.0/blocks.1/attn/Reshape_1" -> "159 /layers/layers.0/blocks.1/attn/Add_1" [label="[1, 64, 3, 49, 49]", style=solid]; -"152 /layers/layers.0/blocks.1/attn/Reshape_3" -> "160 /layers/layers.0/blocks.1/attn/Reshape_3_0_0/sq_multiply" [label="[64, 49, 96]", style=solid]; -"153 /layers/layers.0/blocks.0/Reshape_6" -> "161 /layers/layers.0/blocks.0/Reshape_7" [label="[1, 56, 56, 96]", style=solid]; -"154 /layers/layers.1/downsample/norm/Div" -> "162 /layers/layers.1/downsample/norm/Mul" [label="[1, 196, 768]", style=solid]; -"155 /layers/layers.1/blocks.1/mlp/act/Mul_1" -> "163 /layers/layers.1/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 784, 768]", style=solid]; -"156 /layers/layers.1/blocks.1/Concat_1" -> "164 /layers/layers.1/blocks.1/Reshape_1" [label="[1, 28, 28, 192]", style=solid]; -"157 /layers/layers.1/blocks.0/mlp/fc2/MatMul" -> "165 /layers/layers.1/blocks.0/mlp/fc2/Add" [label="[1, 784, 192]", style=solid]; -"158 /layers/layers.1/blocks.0/attn/qkv/Add" -> "166 /layers/layers.1/blocks.0/attn/Reshape" [label="[16, 49, 576]", style=solid]; -"159 /layers/layers.0/blocks.1/attn/Add_1" -> "167 /layers/layers.0/blocks.1/attn/Reshape_2" [label="[1, 64, 3, 49, 49]", style=solid]; -"160 /layers/layers.0/blocks.1/attn/Reshape_3_0_0/sq_multiply" -> "168 /layers/layers.0/blocks.1/attn/proj/MatMul" [label="[64, 49, 96]", style=solid]; -"161 /layers/layers.0/blocks.0/Reshape_7" -> "13 /layers/layers.0/blocks.0/Add" [label="[1, 3136, 96]", style=solid]; -"162 /layers/layers.1/downsample/norm/Mul" -> "169 /layers/layers.1/downsample/norm/Add_1" [label="[1, 196, 768]", style=solid]; -"163 /layers/layers.1/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" -> "170 /layers/layers.1/blocks.1/mlp/fc2/MatMul" [label="[1, 784, 768]", style=solid]; -"164 /layers/layers.1/blocks.1/Reshape_1" -> "171 /layers/layers.1/blocks.1/Transpose" [label="[1, 4, 7, 4, 7, 192]", style=solid]; -"165 /layers/layers.1/blocks.0/mlp/fc2/Add" -> "88 /layers/layers.1/blocks.0/Add_1" [label="[1, 784, 192]", style=solid]; -"166 /layers/layers.1/blocks.0/attn/Reshape" -> "172 /layers/layers.1/blocks.0/attn/Transpose" [label="[16, 49, 3, 6, 32]", style=solid]; -"167 /layers/layers.0/blocks.1/attn/Reshape_2" -> "173 /layers/layers.0/blocks.1/attn/softmax/Softmax" [label="[64, 3, 49, 49]", style=solid]; -"168 /layers/layers.0/blocks.1/attn/proj/MatMul" -> "174 /layers/layers.0/blocks.1/attn/proj/Add" [label="[64, 49, 96]", style=solid]; -"169 /layers/layers.1/downsample/norm/Add_1" -> "175 /layers/layers.1/downsample/norm/Add_1_0_0/sq_multiply" [label="[1, 196, 768]", style=solid]; -"170 /layers/layers.1/blocks.1/mlp/fc2/MatMul" -> "176 /layers/layers.1/blocks.1/mlp/fc2/Add" [label="[1, 784, 192]", style=solid]; -"171 /layers/layers.1/blocks.1/Transpose" -> "177 /layers/layers.1/blocks.1/Reshape_2" [label="[1, 4, 4, 7, 7, 192]", style=solid]; -"172 /layers/layers.1/blocks.0/attn/Transpose" -> "178 /layers/layers.1/blocks.0/attn/Gather" [label="[3, 16, 6, 49, 32]", style=solid]; -"172 /layers/layers.1/blocks.0/attn/Transpose" -> "179 /layers/layers.1/blocks.0/attn/Gather_1" [label="[3, 16, 6, 49, 32]", style=solid]; -"172 /layers/layers.1/blocks.0/attn/Transpose" -> "180 /layers/layers.1/blocks.0/attn/Gather_2" [label="[3, 16, 6, 49, 32]", style=solid]; -"173 /layers/layers.0/blocks.1/attn/softmax/Softmax" -> "135 /layers/layers.0/blocks.1/attn/MatMul_1" [label="[64, 3, 49, 49]", style=solid]; -"174 /layers/layers.0/blocks.1/attn/proj/Add" -> "181 /layers/layers.0/blocks.1/Reshape_4" [label="[64, 49, 96]", style=solid]; -"175 /layers/layers.1/downsample/norm/Add_1_0_0/sq_multiply" -> "182 /layers/layers.1/downsample/reduction/MatMul" [label="[1, 196, 768]", style=solid]; -"176 /layers/layers.1/blocks.1/mlp/fc2/Add" -> "100 /layers/layers.1/blocks.1/Add_1" [label="[1, 784, 192]", style=solid]; -"177 /layers/layers.1/blocks.1/Reshape_2" -> "183 /layers/layers.1/blocks.1/Reshape_3" [label="[16, 7, 7, 192]", style=solid]; -"178 /layers/layers.1/blocks.0/attn/Gather" -> "184 /layers/layers.1/blocks.0/attn/Mul" [label="[16, 6, 49, 32]", style=solid]; -"179 /layers/layers.1/blocks.0/attn/Gather_1" -> "185 /layers/layers.1/blocks.0/attn/MatMul" [label="[16, 6, 49, 32]", style=solid]; -"180 /layers/layers.1/blocks.0/attn/Gather_2" -> "186 /layers/layers.1/blocks.0/attn/MatMul_1" [label="[16, 6, 49, 32]", style=solid]; -"181 /layers/layers.0/blocks.1/Reshape_4" -> "187 /layers/layers.0/blocks.1/Reshape_5" [label="[64, 7, 7, 96]", style=solid]; -"182 /layers/layers.1/downsample/reduction/MatMul" -> "188 /layers/layers.2/blocks.0/Add" [label="[1, 196, 384]", style=solid]; -"182 /layers/layers.1/downsample/reduction/MatMul" -> "189 /layers/layers.2/blocks.0/norm1/Div" [label="[1, 196, 384]", style=solid]; -"183 /layers/layers.1/blocks.1/Reshape_3" -> "190 /layers/layers.1/blocks.1/Reshape_3_0_0/sq_multiply" [label="[16, 49, 192]", style=solid]; -"184 /layers/layers.1/blocks.0/attn/Mul" -> "185 /layers/layers.1/blocks.0/attn/MatMul" [label="[16, 6, 49, 32]", style=solid]; -"185 /layers/layers.1/blocks.0/attn/MatMul" -> "191 /layers/layers.1/blocks.0/attn/Add" [label="[16, 6, 49, 49]", style=solid]; -"186 /layers/layers.1/blocks.0/attn/MatMul_1" -> "192 /layers/layers.1/blocks.0/attn/Transpose_2" [label="[16, 6, 49, 32]", style=solid]; -"187 /layers/layers.0/blocks.1/Reshape_5" -> "193 /layers/layers.0/blocks.1/Transpose_1" [label="[1, 8, 8, 7, 7, 96]", style=solid]; -"188 /layers/layers.2/blocks.0/Add" -> "194 /layers/layers.2/blocks.0/Add_1" [label="[1, 196, 384]", style=solid]; -"188 /layers/layers.2/blocks.0/Add" -> "195 /layers/layers.2/blocks.0/norm2/Div" [label="[1, 196, 384]", style=solid]; -"189 /layers/layers.2/blocks.0/norm1/Div" -> "196 /layers/layers.2/blocks.0/norm1/Mul" [label="[1, 196, 384]", style=solid]; -"190 /layers/layers.1/blocks.1/Reshape_3_0_0/sq_multiply" -> "197 /layers/layers.1/blocks.1/attn/qkv/MatMul" [label="[16, 49, 192]", style=solid]; -"191 /layers/layers.1/blocks.0/attn/Add" -> "198 /layers/layers.1/blocks.0/attn/softmax/Softmax" [label="[16, 6, 49, 49]", style=solid]; -"192 /layers/layers.1/blocks.0/attn/Transpose_2" -> "199 /layers/layers.1/blocks.0/attn/Reshape_1" [label="[16, 49, 6, 32]", style=solid]; -"193 /layers/layers.0/blocks.1/Transpose_1" -> "200 /layers/layers.0/blocks.1/Reshape_6" [label="[1, 8, 7, 8, 7, 96]", style=solid]; -"194 /layers/layers.2/blocks.0/Add_1" -> "201 /layers/layers.2/blocks.1/Add" [label="[1, 196, 384]", style=solid]; -"194 /layers/layers.2/blocks.0/Add_1" -> "202 /layers/layers.2/blocks.1/norm1/Div" [label="[1, 196, 384]", style=solid]; -"195 /layers/layers.2/blocks.0/norm2/Div" -> "203 /layers/layers.2/blocks.0/norm2/Mul" [label="[1, 196, 384]", style=solid]; -"196 /layers/layers.2/blocks.0/norm1/Mul" -> "204 /layers/layers.2/blocks.0/norm1/Add_1" [label="[1, 196, 384]", style=solid]; -"197 /layers/layers.1/blocks.1/attn/qkv/MatMul" -> "205 /layers/layers.1/blocks.1/attn/qkv/Add" [label="[16, 49, 576]", style=solid]; -"198 /layers/layers.1/blocks.0/attn/softmax/Softmax" -> "186 /layers/layers.1/blocks.0/attn/MatMul_1" [label="[16, 6, 49, 49]", style=solid]; -"199 /layers/layers.1/blocks.0/attn/Reshape_1" -> "206 /layers/layers.1/blocks.0/attn/Reshape_1_0_0/sq_multiply" [label="[16, 49, 192]", style=solid]; -"200 /layers/layers.0/blocks.1/Reshape_6" -> "207 /layers/layers.0/blocks.1/Slice_4" [label="[1, 56, 56, 96]", style=solid]; -"200 /layers/layers.0/blocks.1/Reshape_6" -> "208 /layers/layers.0/blocks.1/Slice_5" [label="[1, 56, 56, 96]", style=solid]; -"201 /layers/layers.2/blocks.1/Add" -> "209 /layers/layers.2/blocks.1/Add_1" [label="[1, 196, 384]", style=solid]; -"201 /layers/layers.2/blocks.1/Add" -> "210 /layers/layers.2/blocks.1/norm2/Div" [label="[1, 196, 384]", style=solid]; -"202 /layers/layers.2/blocks.1/norm1/Div" -> "211 /layers/layers.2/blocks.1/norm1/Mul" [label="[1, 196, 384]", style=solid]; -"203 /layers/layers.2/blocks.0/norm2/Mul" -> "212 /layers/layers.2/blocks.0/norm2/Add_1" [label="[1, 196, 384]", style=solid]; -"204 /layers/layers.2/blocks.0/norm1/Add_1" -> "213 /layers/layers.2/blocks.0/Reshape_1" [label="[1, 196, 384]", style=solid]; -"205 /layers/layers.1/blocks.1/attn/qkv/Add" -> "214 /layers/layers.1/blocks.1/attn/Reshape" [label="[16, 49, 576]", style=solid]; -"206 /layers/layers.1/blocks.0/attn/Reshape_1_0_0/sq_multiply" -> "215 /layers/layers.1/blocks.0/attn/proj/MatMul" [label="[16, 49, 192]", style=solid]; -"207 /layers/layers.0/blocks.1/Slice_4" -> "216 /layers/layers.0/blocks.1/Concat_2" [label="[1, 3, 56, 96]", style=solid]; -"208 /layers/layers.0/blocks.1/Slice_5" -> "216 /layers/layers.0/blocks.1/Concat_2" [label="[1, 53, 56, 96]", style=solid]; -"209 /layers/layers.2/blocks.1/Add_1" -> "217 /layers/layers.2/blocks.2/Add" [label="[1, 196, 384]", style=solid]; -"209 /layers/layers.2/blocks.1/Add_1" -> "218 /layers/layers.2/blocks.2/norm1/Div" [label="[1, 196, 384]", style=solid]; -"210 /layers/layers.2/blocks.1/norm2/Div" -> "219 /layers/layers.2/blocks.1/norm2/Mul" [label="[1, 196, 384]", style=solid]; -"211 /layers/layers.2/blocks.1/norm1/Mul" -> "220 /layers/layers.2/blocks.1/norm1/Add_1" [label="[1, 196, 384]", style=solid]; -"212 /layers/layers.2/blocks.0/norm2/Add_1" -> "221 /layers/layers.2/blocks.0/norm2/Add_1_0_0/sq_multiply" [label="[1, 196, 384]", style=solid]; -"213 /layers/layers.2/blocks.0/Reshape_1" -> "222 /layers/layers.2/blocks.0/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"214 /layers/layers.1/blocks.1/attn/Reshape" -> "223 /layers/layers.1/blocks.1/attn/Transpose" [label="[16, 49, 3, 6, 32]", style=solid]; -"215 /layers/layers.1/blocks.0/attn/proj/MatMul" -> "224 /layers/layers.1/blocks.0/attn/proj/Add" [label="[16, 49, 192]", style=solid]; -"216 /layers/layers.0/blocks.1/Concat_2" -> "225 /layers/layers.0/blocks.1/Slice_6" [label="[1, 56, 56, 96]", style=solid]; -"216 /layers/layers.0/blocks.1/Concat_2" -> "226 /layers/layers.0/blocks.1/Slice_7" [label="[1, 56, 56, 96]", style=solid]; -"217 /layers/layers.2/blocks.2/Add" -> "227 /layers/layers.2/blocks.2/Add_1" [label="[1, 196, 384]", style=solid]; -"217 /layers/layers.2/blocks.2/Add" -> "228 /layers/layers.2/blocks.2/norm2/Div" [label="[1, 196, 384]", style=solid]; -"218 /layers/layers.2/blocks.2/norm1/Div" -> "229 /layers/layers.2/blocks.2/norm1/Mul" [label="[1, 196, 384]", style=solid]; -"219 /layers/layers.2/blocks.1/norm2/Mul" -> "230 /layers/layers.2/blocks.1/norm2/Add_1" [label="[1, 196, 384]", style=solid]; -"220 /layers/layers.2/blocks.1/norm1/Add_1" -> "231 /layers/layers.2/blocks.1/Reshape" [label="[1, 196, 384]", style=solid]; -"221 /layers/layers.2/blocks.0/norm2/Add_1_0_0/sq_multiply" -> "232 /layers/layers.2/blocks.0/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; -"222 /layers/layers.2/blocks.0/Transpose" -> "233 /layers/layers.2/blocks.0/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"223 /layers/layers.1/blocks.1/attn/Transpose" -> "234 /layers/layers.1/blocks.1/attn/Gather" [label="[3, 16, 6, 49, 32]", style=solid]; -"223 /layers/layers.1/blocks.1/attn/Transpose" -> "235 /layers/layers.1/blocks.1/attn/Gather_1" [label="[3, 16, 6, 49, 32]", style=solid]; -"223 /layers/layers.1/blocks.1/attn/Transpose" -> "236 /layers/layers.1/blocks.1/attn/Gather_2" [label="[3, 16, 6, 49, 32]", style=solid]; -"224 /layers/layers.1/blocks.0/attn/proj/Add" -> "237 /layers/layers.1/blocks.0/Reshape_4" [label="[16, 49, 192]", style=solid]; -"225 /layers/layers.0/blocks.1/Slice_6" -> "238 /layers/layers.0/blocks.1/Concat_3" [label="[1, 56, 3, 96]", style=solid]; -"226 /layers/layers.0/blocks.1/Slice_7" -> "238 /layers/layers.0/blocks.1/Concat_3" [label="[1, 56, 53, 96]", style=solid]; -"227 /layers/layers.2/blocks.2/Add_1" -> "239 /layers/layers.2/blocks.3/Add" [label="[1, 196, 384]", style=solid]; -"227 /layers/layers.2/blocks.2/Add_1" -> "240 /layers/layers.2/blocks.3/norm1/Div" [label="[1, 196, 384]", style=solid]; -"228 /layers/layers.2/blocks.2/norm2/Div" -> "241 /layers/layers.2/blocks.2/norm2/Mul" [label="[1, 196, 384]", style=solid]; -"229 /layers/layers.2/blocks.2/norm1/Mul" -> "242 /layers/layers.2/blocks.2/norm1/Add_1" [label="[1, 196, 384]", style=solid]; -"230 /layers/layers.2/blocks.1/norm2/Add_1" -> "243 /layers/layers.2/blocks.1/norm2/Add_1_0_0/sq_multiply" [label="[1, 196, 384]", style=solid]; -"231 /layers/layers.2/blocks.1/Reshape" -> "244 /layers/layers.2/blocks.1/Slice" [label="[1, 14, 14, 384]", style=solid]; -"231 /layers/layers.2/blocks.1/Reshape" -> "245 /layers/layers.2/blocks.1/Slice_1" [label="[1, 14, 14, 384]", style=solid]; -"232 /layers/layers.2/blocks.0/mlp/fc1/MatMul" -> "246 /layers/layers.2/blocks.0/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; -"233 /layers/layers.2/blocks.0/Reshape_2" -> "247 /layers/layers.2/blocks.0/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; -"234 /layers/layers.1/blocks.1/attn/Gather" -> "248 /layers/layers.1/blocks.1/attn/Mul" [label="[16, 6, 49, 32]", style=solid]; -"235 /layers/layers.1/blocks.1/attn/Gather_1" -> "249 /layers/layers.1/blocks.1/attn/MatMul" [label="[16, 6, 49, 32]", style=solid]; -"236 /layers/layers.1/blocks.1/attn/Gather_2" -> "250 /layers/layers.1/blocks.1/attn/MatMul_1" [label="[16, 6, 49, 32]", style=solid]; -"237 /layers/layers.1/blocks.0/Reshape_4" -> "251 /layers/layers.1/blocks.0/Reshape_5" [label="[16, 7, 7, 192]", style=solid]; -"238 /layers/layers.0/blocks.1/Concat_3" -> "252 /layers/layers.0/blocks.1/Reshape_7" [label="[1, 56, 56, 96]", style=solid]; -"239 /layers/layers.2/blocks.3/Add" -> "253 /layers/layers.2/blocks.3/Add_1" [label="[1, 196, 384]", style=solid]; -"239 /layers/layers.2/blocks.3/Add" -> "254 /layers/layers.2/blocks.3/norm2/Div" [label="[1, 196, 384]", style=solid]; -"240 /layers/layers.2/blocks.3/norm1/Div" -> "255 /layers/layers.2/blocks.3/norm1/Mul" [label="[1, 196, 384]", style=solid]; -"241 /layers/layers.2/blocks.2/norm2/Mul" -> "256 /layers/layers.2/blocks.2/norm2/Add_1" [label="[1, 196, 384]", style=solid]; -"242 /layers/layers.2/blocks.2/norm1/Add_1" -> "257 /layers/layers.2/blocks.2/Reshape_1" [label="[1, 196, 384]", style=solid]; -"243 /layers/layers.2/blocks.1/norm2/Add_1_0_0/sq_multiply" -> "258 /layers/layers.2/blocks.1/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; -"244 /layers/layers.2/blocks.1/Slice" -> "259 /layers/layers.2/blocks.1/Concat" [label="[1, 11, 14, 384]", style=solid]; -"245 /layers/layers.2/blocks.1/Slice_1" -> "259 /layers/layers.2/blocks.1/Concat" [label="[1, 3, 14, 384]", style=solid]; -"246 /layers/layers.2/blocks.0/mlp/fc1/Add" -> "260 /layers/layers.2/blocks.0/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; -"247 /layers/layers.2/blocks.0/Reshape_3" -> "261 /layers/layers.2/blocks.0/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"248 /layers/layers.1/blocks.1/attn/Mul" -> "249 /layers/layers.1/blocks.1/attn/MatMul" [label="[16, 6, 49, 32]", style=solid]; -"249 /layers/layers.1/blocks.1/attn/MatMul" -> "262 /layers/layers.1/blocks.1/attn/Add" [label="[16, 6, 49, 49]", style=solid]; -"250 /layers/layers.1/blocks.1/attn/MatMul_1" -> "263 /layers/layers.1/blocks.1/attn/Transpose_2" [label="[16, 6, 49, 32]", style=solid]; -"251 /layers/layers.1/blocks.0/Reshape_5" -> "264 /layers/layers.1/blocks.0/Transpose_1" [label="[1, 4, 4, 7, 7, 192]", style=solid]; -"252 /layers/layers.0/blocks.1/Reshape_7" -> "18 /layers/layers.0/blocks.1/Add" [label="[1, 3136, 96]", style=solid]; -"253 /layers/layers.2/blocks.3/Add_1" -> "265 /layers/layers.2/blocks.4/Add" [label="[1, 196, 384]", style=solid]; -"253 /layers/layers.2/blocks.3/Add_1" -> "266 /layers/layers.2/blocks.4/norm1/Div" [label="[1, 196, 384]", style=solid]; -"254 /layers/layers.2/blocks.3/norm2/Div" -> "267 /layers/layers.2/blocks.3/norm2/Mul" [label="[1, 196, 384]", style=solid]; -"255 /layers/layers.2/blocks.3/norm1/Mul" -> "268 /layers/layers.2/blocks.3/norm1/Add_1" [label="[1, 196, 384]", style=solid]; -"256 /layers/layers.2/blocks.2/norm2/Add_1" -> "269 /layers/layers.2/blocks.2/norm2/Add_1_0_0/sq_multiply" [label="[1, 196, 384]", style=solid]; -"257 /layers/layers.2/blocks.2/Reshape_1" -> "270 /layers/layers.2/blocks.2/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"258 /layers/layers.2/blocks.1/mlp/fc1/MatMul" -> "271 /layers/layers.2/blocks.1/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; -"259 /layers/layers.2/blocks.1/Concat" -> "272 /layers/layers.2/blocks.1/Slice_2" [label="[1, 14, 14, 384]", style=solid]; -"259 /layers/layers.2/blocks.1/Concat" -> "273 /layers/layers.2/blocks.1/Slice_3" [label="[1, 14, 14, 384]", style=solid]; -"260 /layers/layers.2/blocks.0/mlp/act/Mul_1" -> "274 /layers/layers.2/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 196, 1536]", style=solid]; -"261 /layers/layers.2/blocks.0/Reshape_3_0_0/sq_multiply" -> "275 /layers/layers.2/blocks.0/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; -"262 /layers/layers.1/blocks.1/attn/Add" -> "276 /layers/layers.1/blocks.1/attn/Reshape_1" [label="[16, 6, 49, 49]", style=solid]; -"263 /layers/layers.1/blocks.1/attn/Transpose_2" -> "277 /layers/layers.1/blocks.1/attn/Reshape_3" [label="[16, 49, 6, 32]", style=solid]; -"264 /layers/layers.1/blocks.0/Transpose_1" -> "278 /layers/layers.1/blocks.0/Reshape_6" [label="[1, 4, 7, 4, 7, 192]", style=solid]; -"265 /layers/layers.2/blocks.4/Add" -> "279 /layers/layers.2/blocks.4/Add_1" [label="[1, 196, 384]", style=solid]; -"265 /layers/layers.2/blocks.4/Add" -> "280 /layers/layers.2/blocks.4/norm2/Div" [label="[1, 196, 384]", style=solid]; -"266 /layers/layers.2/blocks.4/norm1/Div" -> "281 /layers/layers.2/blocks.4/norm1/Mul" [label="[1, 196, 384]", style=solid]; -"267 /layers/layers.2/blocks.3/norm2/Mul" -> "282 /layers/layers.2/blocks.3/norm2/Add_1" [label="[1, 196, 384]", style=solid]; -"268 /layers/layers.2/blocks.3/norm1/Add_1" -> "283 /layers/layers.2/blocks.3/Reshape" [label="[1, 196, 384]", style=solid]; -"269 /layers/layers.2/blocks.2/norm2/Add_1_0_0/sq_multiply" -> "284 /layers/layers.2/blocks.2/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; -"270 /layers/layers.2/blocks.2/Transpose" -> "285 /layers/layers.2/blocks.2/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"271 /layers/layers.2/blocks.1/mlp/fc1/Add" -> "286 /layers/layers.2/blocks.1/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; -"272 /layers/layers.2/blocks.1/Slice_2" -> "287 /layers/layers.2/blocks.1/Concat_1" [label="[1, 14, 11, 384]", style=solid]; -"273 /layers/layers.2/blocks.1/Slice_3" -> "287 /layers/layers.2/blocks.1/Concat_1" [label="[1, 14, 3, 384]", style=solid]; -"274 /layers/layers.2/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" -> "288 /layers/layers.2/blocks.0/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; -"275 /layers/layers.2/blocks.0/attn/qkv/MatMul" -> "289 /layers/layers.2/blocks.0/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; -"276 /layers/layers.1/blocks.1/attn/Reshape_1" -> "290 /layers/layers.1/blocks.1/attn/Add_1" [label="[1, 16, 6, 49, 49]", style=solid]; -"277 /layers/layers.1/blocks.1/attn/Reshape_3" -> "291 /layers/layers.1/blocks.1/attn/Reshape_3_0_0/sq_multiply" [label="[16, 49, 192]", style=solid]; -"278 /layers/layers.1/blocks.0/Reshape_6" -> "292 /layers/layers.1/blocks.0/Reshape_7" [label="[1, 28, 28, 192]", style=solid]; -"279 /layers/layers.2/blocks.4/Add_1" -> "293 /layers/layers.2/blocks.5/Add" [label="[1, 196, 384]", style=solid]; -"279 /layers/layers.2/blocks.4/Add_1" -> "294 /layers/layers.2/blocks.5/norm1/Div" [label="[1, 196, 384]", style=solid]; -"280 /layers/layers.2/blocks.4/norm2/Div" -> "295 /layers/layers.2/blocks.4/norm2/Mul" [label="[1, 196, 384]", style=solid]; -"281 /layers/layers.2/blocks.4/norm1/Mul" -> "296 /layers/layers.2/blocks.4/norm1/Add_1" [label="[1, 196, 384]", style=solid]; -"282 /layers/layers.2/blocks.3/norm2/Add_1" -> "297 /layers/layers.2/blocks.3/norm2/Add_1_0_0/sq_multiply" [label="[1, 196, 384]", style=solid]; -"283 /layers/layers.2/blocks.3/Reshape" -> "298 /layers/layers.2/blocks.3/Slice" [label="[1, 14, 14, 384]", style=solid]; -"283 /layers/layers.2/blocks.3/Reshape" -> "299 /layers/layers.2/blocks.3/Slice_1" [label="[1, 14, 14, 384]", style=solid]; -"284 /layers/layers.2/blocks.2/mlp/fc1/MatMul" -> "300 /layers/layers.2/blocks.2/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; -"285 /layers/layers.2/blocks.2/Reshape_2" -> "301 /layers/layers.2/blocks.2/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; -"286 /layers/layers.2/blocks.1/mlp/act/Mul_1" -> "302 /layers/layers.2/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 196, 1536]", style=solid]; -"287 /layers/layers.2/blocks.1/Concat_1" -> "303 /layers/layers.2/blocks.1/Reshape_1" [label="[1, 14, 14, 384]", style=solid]; -"288 /layers/layers.2/blocks.0/mlp/fc2/MatMul" -> "304 /layers/layers.2/blocks.0/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; -"289 /layers/layers.2/blocks.0/attn/qkv/Add" -> "305 /layers/layers.2/blocks.0/attn/Reshape" [label="[4, 49, 1152]", style=solid]; -"290 /layers/layers.1/blocks.1/attn/Add_1" -> "306 /layers/layers.1/blocks.1/attn/Reshape_2" [label="[1, 16, 6, 49, 49]", style=solid]; -"291 /layers/layers.1/blocks.1/attn/Reshape_3_0_0/sq_multiply" -> "307 /layers/layers.1/blocks.1/attn/proj/MatMul" [label="[16, 49, 192]", style=solid]; -"292 /layers/layers.1/blocks.0/Reshape_7" -> "83 /layers/layers.1/blocks.0/Add" [label="[1, 784, 192]", style=solid]; -"293 /layers/layers.2/blocks.5/Add" -> "308 /layers/layers.2/blocks.5/Add_1" [label="[1, 196, 384]", style=solid]; -"293 /layers/layers.2/blocks.5/Add" -> "309 /layers/layers.2/blocks.5/norm2/Div" [label="[1, 196, 384]", style=solid]; -"294 /layers/layers.2/blocks.5/norm1/Div" -> "310 /layers/layers.2/blocks.5/norm1/Mul" [label="[1, 196, 384]", style=solid]; -"295 /layers/layers.2/blocks.4/norm2/Mul" -> "311 /layers/layers.2/blocks.4/norm2/Add_1" [label="[1, 196, 384]", style=solid]; -"296 /layers/layers.2/blocks.4/norm1/Add_1" -> "312 /layers/layers.2/blocks.4/Reshape_1" [label="[1, 196, 384]", style=solid]; -"297 /layers/layers.2/blocks.3/norm2/Add_1_0_0/sq_multiply" -> "313 /layers/layers.2/blocks.3/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; -"298 /layers/layers.2/blocks.3/Slice" -> "314 /layers/layers.2/blocks.3/Concat" [label="[1, 11, 14, 384]", style=solid]; -"299 /layers/layers.2/blocks.3/Slice_1" -> "314 /layers/layers.2/blocks.3/Concat" [label="[1, 3, 14, 384]", style=solid]; -"300 /layers/layers.2/blocks.2/mlp/fc1/Add" -> "315 /layers/layers.2/blocks.2/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; -"301 /layers/layers.2/blocks.2/Reshape_3" -> "316 /layers/layers.2/blocks.2/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"302 /layers/layers.2/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" -> "317 /layers/layers.2/blocks.1/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; -"303 /layers/layers.2/blocks.1/Reshape_1" -> "318 /layers/layers.2/blocks.1/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"304 /layers/layers.2/blocks.0/mlp/fc2/Add" -> "194 /layers/layers.2/blocks.0/Add_1" [label="[1, 196, 384]", style=solid]; -"305 /layers/layers.2/blocks.0/attn/Reshape" -> "319 /layers/layers.2/blocks.0/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; -"306 /layers/layers.1/blocks.1/attn/Reshape_2" -> "320 /layers/layers.1/blocks.1/attn/softmax/Softmax" [label="[16, 6, 49, 49]", style=solid]; -"307 /layers/layers.1/blocks.1/attn/proj/MatMul" -> "321 /layers/layers.1/blocks.1/attn/proj/Add" [label="[16, 49, 192]", style=solid]; -"308 /layers/layers.2/blocks.5/Add_1" -> "322 /layers/layers.2/downsample/Reshape" [label="[1, 196, 384]", style=solid]; -"309 /layers/layers.2/blocks.5/norm2/Div" -> "323 /layers/layers.2/blocks.5/norm2/Mul" [label="[1, 196, 384]", style=solid]; -"310 /layers/layers.2/blocks.5/norm1/Mul" -> "324 /layers/layers.2/blocks.5/norm1/Add_1" [label="[1, 196, 384]", style=solid]; -"311 /layers/layers.2/blocks.4/norm2/Add_1" -> "325 /layers/layers.2/blocks.4/norm2/Add_1_0_0/sq_multiply" [label="[1, 196, 384]", style=solid]; -"312 /layers/layers.2/blocks.4/Reshape_1" -> "326 /layers/layers.2/blocks.4/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"313 /layers/layers.2/blocks.3/mlp/fc1/MatMul" -> "327 /layers/layers.2/blocks.3/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; -"314 /layers/layers.2/blocks.3/Concat" -> "328 /layers/layers.2/blocks.3/Slice_2" [label="[1, 14, 14, 384]", style=solid]; -"314 /layers/layers.2/blocks.3/Concat" -> "329 /layers/layers.2/blocks.3/Slice_3" [label="[1, 14, 14, 384]", style=solid]; -"315 /layers/layers.2/blocks.2/mlp/act/Mul_1" -> "330 /layers/layers.2/blocks.2/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 196, 1536]", style=solid]; -"316 /layers/layers.2/blocks.2/Reshape_3_0_0/sq_multiply" -> "331 /layers/layers.2/blocks.2/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; -"317 /layers/layers.2/blocks.1/mlp/fc2/MatMul" -> "332 /layers/layers.2/blocks.1/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; -"318 /layers/layers.2/blocks.1/Transpose" -> "333 /layers/layers.2/blocks.1/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"319 /layers/layers.2/blocks.0/attn/Transpose" -> "334 /layers/layers.2/blocks.0/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; -"319 /layers/layers.2/blocks.0/attn/Transpose" -> "335 /layers/layers.2/blocks.0/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; -"319 /layers/layers.2/blocks.0/attn/Transpose" -> "336 /layers/layers.2/blocks.0/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; -"320 /layers/layers.1/blocks.1/attn/softmax/Softmax" -> "250 /layers/layers.1/blocks.1/attn/MatMul_1" [label="[16, 6, 49, 49]", style=solid]; -"321 /layers/layers.1/blocks.1/attn/proj/Add" -> "337 /layers/layers.1/blocks.1/Reshape_4" [label="[16, 49, 192]", style=solid]; -"322 /layers/layers.2/downsample/Reshape" -> "338 /layers/layers.2/downsample/Slice" [label="[1, 14, 14, 384]", style=solid]; -"322 /layers/layers.2/downsample/Reshape" -> "339 /layers/layers.2/downsample/Slice_2" [label="[1, 14, 14, 384]", style=solid]; -"323 /layers/layers.2/blocks.5/norm2/Mul" -> "340 /layers/layers.2/blocks.5/norm2/Add_1" [label="[1, 196, 384]", style=solid]; -"324 /layers/layers.2/blocks.5/norm1/Add_1" -> "341 /layers/layers.2/blocks.5/Reshape" [label="[1, 196, 384]", style=solid]; -"325 /layers/layers.2/blocks.4/norm2/Add_1_0_0/sq_multiply" -> "342 /layers/layers.2/blocks.4/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; -"326 /layers/layers.2/blocks.4/Transpose" -> "343 /layers/layers.2/blocks.4/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"327 /layers/layers.2/blocks.3/mlp/fc1/Add" -> "344 /layers/layers.2/blocks.3/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; -"328 /layers/layers.2/blocks.3/Slice_2" -> "345 /layers/layers.2/blocks.3/Concat_1" [label="[1, 14, 11, 384]", style=solid]; -"329 /layers/layers.2/blocks.3/Slice_3" -> "345 /layers/layers.2/blocks.3/Concat_1" [label="[1, 14, 3, 384]", style=solid]; -"330 /layers/layers.2/blocks.2/mlp/act/Mul_1_0_0/sq_multiply" -> "346 /layers/layers.2/blocks.2/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; -"331 /layers/layers.2/blocks.2/attn/qkv/MatMul" -> "347 /layers/layers.2/blocks.2/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; -"332 /layers/layers.2/blocks.1/mlp/fc2/Add" -> "209 /layers/layers.2/blocks.1/Add_1" [label="[1, 196, 384]", style=solid]; -"333 /layers/layers.2/blocks.1/Reshape_2" -> "348 /layers/layers.2/blocks.1/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; -"334 /layers/layers.2/blocks.0/attn/Gather" -> "349 /layers/layers.2/blocks.0/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; -"335 /layers/layers.2/blocks.0/attn/Gather_1" -> "350 /layers/layers.2/blocks.0/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"336 /layers/layers.2/blocks.0/attn/Gather_2" -> "351 /layers/layers.2/blocks.0/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; -"337 /layers/layers.1/blocks.1/Reshape_4" -> "352 /layers/layers.1/blocks.1/Reshape_5" [label="[16, 7, 7, 192]", style=solid]; -"338 /layers/layers.2/downsample/Slice" -> "353 /layers/layers.2/downsample/Slice_1" [label="[1, 7, 14, 384]", style=solid]; -"338 /layers/layers.2/downsample/Slice" -> "354 /layers/layers.2/downsample/Slice_4" [label="[1, 7, 14, 384]", style=solid]; -"339 /layers/layers.2/downsample/Slice_2" -> "355 /layers/layers.2/downsample/Slice_3" [label="[1, 7, 14, 384]", style=solid]; -"339 /layers/layers.2/downsample/Slice_2" -> "356 /layers/layers.2/downsample/Slice_5" [label="[1, 7, 14, 384]", style=solid]; -"340 /layers/layers.2/blocks.5/norm2/Add_1" -> "357 /layers/layers.2/blocks.5/norm2/Add_1_0_0/sq_multiply" [label="[1, 196, 384]", style=solid]; -"341 /layers/layers.2/blocks.5/Reshape" -> "358 /layers/layers.2/blocks.5/Slice" [label="[1, 14, 14, 384]", style=solid]; -"341 /layers/layers.2/blocks.5/Reshape" -> "359 /layers/layers.2/blocks.5/Slice_1" [label="[1, 14, 14, 384]", style=solid]; -"342 /layers/layers.2/blocks.4/mlp/fc1/MatMul" -> "360 /layers/layers.2/blocks.4/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; -"343 /layers/layers.2/blocks.4/Reshape_2" -> "361 /layers/layers.2/blocks.4/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; -"344 /layers/layers.2/blocks.3/mlp/act/Mul_1" -> "362 /layers/layers.2/blocks.3/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 196, 1536]", style=solid]; -"345 /layers/layers.2/blocks.3/Concat_1" -> "363 /layers/layers.2/blocks.3/Reshape_1" [label="[1, 14, 14, 384]", style=solid]; -"346 /layers/layers.2/blocks.2/mlp/fc2/MatMul" -> "364 /layers/layers.2/blocks.2/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; -"347 /layers/layers.2/blocks.2/attn/qkv/Add" -> "365 /layers/layers.2/blocks.2/attn/Reshape" [label="[4, 49, 1152]", style=solid]; -"348 /layers/layers.2/blocks.1/Reshape_3" -> "366 /layers/layers.2/blocks.1/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"349 /layers/layers.2/blocks.0/attn/Mul" -> "350 /layers/layers.2/blocks.0/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"350 /layers/layers.2/blocks.0/attn/MatMul" -> "367 /layers/layers.2/blocks.0/attn/Add" [label="[4, 12, 49, 49]", style=solid]; -"351 /layers/layers.2/blocks.0/attn/MatMul_1" -> "368 /layers/layers.2/blocks.0/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; -"352 /layers/layers.1/blocks.1/Reshape_5" -> "369 /layers/layers.1/blocks.1/Transpose_1" [label="[1, 4, 4, 7, 7, 192]", style=solid]; -"353 /layers/layers.2/downsample/Slice_1" -> "370 /layers/layers.2/downsample/Concat" [label="[1, 7, 7, 384]", style=solid]; -"354 /layers/layers.2/downsample/Slice_4" -> "370 /layers/layers.2/downsample/Concat" [label="[1, 7, 7, 384]", style=solid]; -"355 /layers/layers.2/downsample/Slice_3" -> "370 /layers/layers.2/downsample/Concat" [label="[1, 7, 7, 384]", style=solid]; -"356 /layers/layers.2/downsample/Slice_5" -> "370 /layers/layers.2/downsample/Concat" [label="[1, 7, 7, 384]", style=solid]; -"357 /layers/layers.2/blocks.5/norm2/Add_1_0_0/sq_multiply" -> "371 /layers/layers.2/blocks.5/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; -"358 /layers/layers.2/blocks.5/Slice" -> "372 /layers/layers.2/blocks.5/Concat" [label="[1, 11, 14, 384]", style=solid]; -"359 /layers/layers.2/blocks.5/Slice_1" -> "372 /layers/layers.2/blocks.5/Concat" [label="[1, 3, 14, 384]", style=solid]; -"360 /layers/layers.2/blocks.4/mlp/fc1/Add" -> "373 /layers/layers.2/blocks.4/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; -"361 /layers/layers.2/blocks.4/Reshape_3" -> "374 /layers/layers.2/blocks.4/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"362 /layers/layers.2/blocks.3/mlp/act/Mul_1_0_0/sq_multiply" -> "375 /layers/layers.2/blocks.3/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; -"363 /layers/layers.2/blocks.3/Reshape_1" -> "376 /layers/layers.2/blocks.3/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"364 /layers/layers.2/blocks.2/mlp/fc2/Add" -> "227 /layers/layers.2/blocks.2/Add_1" [label="[1, 196, 384]", style=solid]; -"365 /layers/layers.2/blocks.2/attn/Reshape" -> "377 /layers/layers.2/blocks.2/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; -"366 /layers/layers.2/blocks.1/Reshape_3_0_0/sq_multiply" -> "378 /layers/layers.2/blocks.1/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; -"367 /layers/layers.2/blocks.0/attn/Add" -> "379 /layers/layers.2/blocks.0/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; -"368 /layers/layers.2/blocks.0/attn/Transpose_2" -> "380 /layers/layers.2/blocks.0/attn/Reshape_1" [label="[4, 49, 12, 32]", style=solid]; -"369 /layers/layers.1/blocks.1/Transpose_1" -> "381 /layers/layers.1/blocks.1/Reshape_6" [label="[1, 4, 7, 4, 7, 192]", style=solid]; -"370 /layers/layers.2/downsample/Concat" -> "382 /layers/layers.2/downsample/Reshape_1" [label="[1, 7, 7, 1536]", style=solid]; -"371 /layers/layers.2/blocks.5/mlp/fc1/MatMul" -> "383 /layers/layers.2/blocks.5/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; -"372 /layers/layers.2/blocks.5/Concat" -> "384 /layers/layers.2/blocks.5/Slice_2" [label="[1, 14, 14, 384]", style=solid]; -"372 /layers/layers.2/blocks.5/Concat" -> "385 /layers/layers.2/blocks.5/Slice_3" [label="[1, 14, 14, 384]", style=solid]; -"373 /layers/layers.2/blocks.4/mlp/act/Mul_1" -> "386 /layers/layers.2/blocks.4/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 196, 1536]", style=solid]; -"374 /layers/layers.2/blocks.4/Reshape_3_0_0/sq_multiply" -> "387 /layers/layers.2/blocks.4/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; -"375 /layers/layers.2/blocks.3/mlp/fc2/MatMul" -> "388 /layers/layers.2/blocks.3/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; -"376 /layers/layers.2/blocks.3/Transpose" -> "389 /layers/layers.2/blocks.3/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"377 /layers/layers.2/blocks.2/attn/Transpose" -> "390 /layers/layers.2/blocks.2/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; -"377 /layers/layers.2/blocks.2/attn/Transpose" -> "391 /layers/layers.2/blocks.2/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; -"377 /layers/layers.2/blocks.2/attn/Transpose" -> "392 /layers/layers.2/blocks.2/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; -"378 /layers/layers.2/blocks.1/attn/qkv/MatMul" -> "393 /layers/layers.2/blocks.1/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; -"379 /layers/layers.2/blocks.0/attn/softmax/Softmax" -> "351 /layers/layers.2/blocks.0/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; -"380 /layers/layers.2/blocks.0/attn/Reshape_1" -> "394 /layers/layers.2/blocks.0/attn/Reshape_1_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"381 /layers/layers.1/blocks.1/Reshape_6" -> "395 /layers/layers.1/blocks.1/Slice_4" [label="[1, 28, 28, 192]", style=solid]; -"381 /layers/layers.1/blocks.1/Reshape_6" -> "396 /layers/layers.1/blocks.1/Slice_5" [label="[1, 28, 28, 192]", style=solid]; -"382 /layers/layers.2/downsample/Reshape_1" -> "397 /layers/layers.2/downsample/norm/Div" [label="[1, 49, 1536]", style=solid]; -"383 /layers/layers.2/blocks.5/mlp/fc1/Add" -> "398 /layers/layers.2/blocks.5/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; -"384 /layers/layers.2/blocks.5/Slice_2" -> "399 /layers/layers.2/blocks.5/Concat_1" [label="[1, 14, 11, 384]", style=solid]; -"385 /layers/layers.2/blocks.5/Slice_3" -> "399 /layers/layers.2/blocks.5/Concat_1" [label="[1, 14, 3, 384]", style=solid]; -"386 /layers/layers.2/blocks.4/mlp/act/Mul_1_0_0/sq_multiply" -> "400 /layers/layers.2/blocks.4/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; -"387 /layers/layers.2/blocks.4/attn/qkv/MatMul" -> "401 /layers/layers.2/blocks.4/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; -"388 /layers/layers.2/blocks.3/mlp/fc2/Add" -> "253 /layers/layers.2/blocks.3/Add_1" [label="[1, 196, 384]", style=solid]; -"389 /layers/layers.2/blocks.3/Reshape_2" -> "402 /layers/layers.2/blocks.3/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; -"390 /layers/layers.2/blocks.2/attn/Gather" -> "403 /layers/layers.2/blocks.2/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; -"391 /layers/layers.2/blocks.2/attn/Gather_1" -> "404 /layers/layers.2/blocks.2/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"392 /layers/layers.2/blocks.2/attn/Gather_2" -> "405 /layers/layers.2/blocks.2/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; -"393 /layers/layers.2/blocks.1/attn/qkv/Add" -> "406 /layers/layers.2/blocks.1/attn/Reshape" [label="[4, 49, 1152]", style=solid]; -"394 /layers/layers.2/blocks.0/attn/Reshape_1_0_0/sq_multiply" -> "407 /layers/layers.2/blocks.0/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; -"395 /layers/layers.1/blocks.1/Slice_4" -> "408 /layers/layers.1/blocks.1/Concat_2" [label="[1, 3, 28, 192]", style=solid]; -"396 /layers/layers.1/blocks.1/Slice_5" -> "408 /layers/layers.1/blocks.1/Concat_2" [label="[1, 25, 28, 192]", style=solid]; -"397 /layers/layers.2/downsample/norm/Div" -> "409 /layers/layers.2/downsample/norm/Mul" [label="[1, 49, 1536]", style=solid]; -"398 /layers/layers.2/blocks.5/mlp/act/Mul_1" -> "410 /layers/layers.2/blocks.5/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 196, 1536]", style=solid]; -"399 /layers/layers.2/blocks.5/Concat_1" -> "411 /layers/layers.2/blocks.5/Reshape_1" [label="[1, 14, 14, 384]", style=solid]; -"400 /layers/layers.2/blocks.4/mlp/fc2/MatMul" -> "412 /layers/layers.2/blocks.4/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; -"401 /layers/layers.2/blocks.4/attn/qkv/Add" -> "413 /layers/layers.2/blocks.4/attn/Reshape" [label="[4, 49, 1152]", style=solid]; -"402 /layers/layers.2/blocks.3/Reshape_3" -> "414 /layers/layers.2/blocks.3/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"403 /layers/layers.2/blocks.2/attn/Mul" -> "404 /layers/layers.2/blocks.2/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"404 /layers/layers.2/blocks.2/attn/MatMul" -> "415 /layers/layers.2/blocks.2/attn/Add" [label="[4, 12, 49, 49]", style=solid]; -"405 /layers/layers.2/blocks.2/attn/MatMul_1" -> "416 /layers/layers.2/blocks.2/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; -"406 /layers/layers.2/blocks.1/attn/Reshape" -> "417 /layers/layers.2/blocks.1/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; -"407 /layers/layers.2/blocks.0/attn/proj/MatMul" -> "418 /layers/layers.2/blocks.0/attn/proj/Add" [label="[4, 49, 384]", style=solid]; -"408 /layers/layers.1/blocks.1/Concat_2" -> "419 /layers/layers.1/blocks.1/Slice_6" [label="[1, 28, 28, 192]", style=solid]; -"408 /layers/layers.1/blocks.1/Concat_2" -> "420 /layers/layers.1/blocks.1/Slice_7" [label="[1, 28, 28, 192]", style=solid]; -"409 /layers/layers.2/downsample/norm/Mul" -> "421 /layers/layers.2/downsample/norm/Add_1" [label="[1, 49, 1536]", style=solid]; -"410 /layers/layers.2/blocks.5/mlp/act/Mul_1_0_0/sq_multiply" -> "422 /layers/layers.2/blocks.5/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; -"411 /layers/layers.2/blocks.5/Reshape_1" -> "423 /layers/layers.2/blocks.5/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"412 /layers/layers.2/blocks.4/mlp/fc2/Add" -> "279 /layers/layers.2/blocks.4/Add_1" [label="[1, 196, 384]", style=solid]; -"413 /layers/layers.2/blocks.4/attn/Reshape" -> "424 /layers/layers.2/blocks.4/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; -"414 /layers/layers.2/blocks.3/Reshape_3_0_0/sq_multiply" -> "425 /layers/layers.2/blocks.3/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; -"415 /layers/layers.2/blocks.2/attn/Add" -> "426 /layers/layers.2/blocks.2/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; -"416 /layers/layers.2/blocks.2/attn/Transpose_2" -> "427 /layers/layers.2/blocks.2/attn/Reshape_1" [label="[4, 49, 12, 32]", style=solid]; -"417 /layers/layers.2/blocks.1/attn/Transpose" -> "428 /layers/layers.2/blocks.1/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; -"417 /layers/layers.2/blocks.1/attn/Transpose" -> "429 /layers/layers.2/blocks.1/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; -"417 /layers/layers.2/blocks.1/attn/Transpose" -> "430 /layers/layers.2/blocks.1/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; -"418 /layers/layers.2/blocks.0/attn/proj/Add" -> "431 /layers/layers.2/blocks.0/Reshape_4" [label="[4, 49, 384]", style=solid]; -"419 /layers/layers.1/blocks.1/Slice_6" -> "432 /layers/layers.1/blocks.1/Concat_3" [label="[1, 28, 3, 192]", style=solid]; -"420 /layers/layers.1/blocks.1/Slice_7" -> "432 /layers/layers.1/blocks.1/Concat_3" [label="[1, 28, 25, 192]", style=solid]; -"421 /layers/layers.2/downsample/norm/Add_1" -> "433 /layers/layers.2/downsample/norm/Add_1_0_0/sq_multiply" [label="[1, 49, 1536]", style=solid]; -"422 /layers/layers.2/blocks.5/mlp/fc2/MatMul" -> "434 /layers/layers.2/blocks.5/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; -"423 /layers/layers.2/blocks.5/Transpose" -> "435 /layers/layers.2/blocks.5/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"424 /layers/layers.2/blocks.4/attn/Transpose" -> "436 /layers/layers.2/blocks.4/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; -"424 /layers/layers.2/blocks.4/attn/Transpose" -> "437 /layers/layers.2/blocks.4/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; -"424 /layers/layers.2/blocks.4/attn/Transpose" -> "438 /layers/layers.2/blocks.4/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; -"425 /layers/layers.2/blocks.3/attn/qkv/MatMul" -> "439 /layers/layers.2/blocks.3/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; -"426 /layers/layers.2/blocks.2/attn/softmax/Softmax" -> "405 /layers/layers.2/blocks.2/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; -"427 /layers/layers.2/blocks.2/attn/Reshape_1" -> "440 /layers/layers.2/blocks.2/attn/Reshape_1_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"428 /layers/layers.2/blocks.1/attn/Gather" -> "441 /layers/layers.2/blocks.1/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; -"429 /layers/layers.2/blocks.1/attn/Gather_1" -> "442 /layers/layers.2/blocks.1/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"430 /layers/layers.2/blocks.1/attn/Gather_2" -> "443 /layers/layers.2/blocks.1/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; -"431 /layers/layers.2/blocks.0/Reshape_4" -> "444 /layers/layers.2/blocks.0/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; -"432 /layers/layers.1/blocks.1/Concat_3" -> "445 /layers/layers.1/blocks.1/Reshape_7" [label="[1, 28, 28, 192]", style=solid]; -"433 /layers/layers.2/downsample/norm/Add_1_0_0/sq_multiply" -> "446 /layers/layers.2/downsample/reduction/MatMul" [label="[1, 49, 1536]", style=solid]; -"434 /layers/layers.2/blocks.5/mlp/fc2/Add" -> "308 /layers/layers.2/blocks.5/Add_1" [label="[1, 196, 384]", style=solid]; -"435 /layers/layers.2/blocks.5/Reshape_2" -> "447 /layers/layers.2/blocks.5/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; -"436 /layers/layers.2/blocks.4/attn/Gather" -> "448 /layers/layers.2/blocks.4/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; -"437 /layers/layers.2/blocks.4/attn/Gather_1" -> "449 /layers/layers.2/blocks.4/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"438 /layers/layers.2/blocks.4/attn/Gather_2" -> "450 /layers/layers.2/blocks.4/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; -"439 /layers/layers.2/blocks.3/attn/qkv/Add" -> "451 /layers/layers.2/blocks.3/attn/Reshape" [label="[4, 49, 1152]", style=solid]; -"440 /layers/layers.2/blocks.2/attn/Reshape_1_0_0/sq_multiply" -> "452 /layers/layers.2/blocks.2/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; -"441 /layers/layers.2/blocks.1/attn/Mul" -> "442 /layers/layers.2/blocks.1/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"442 /layers/layers.2/blocks.1/attn/MatMul" -> "453 /layers/layers.2/blocks.1/attn/Add" [label="[4, 12, 49, 49]", style=solid]; -"443 /layers/layers.2/blocks.1/attn/MatMul_1" -> "454 /layers/layers.2/blocks.1/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; -"444 /layers/layers.2/blocks.0/Reshape_5" -> "455 /layers/layers.2/blocks.0/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"445 /layers/layers.1/blocks.1/Reshape_7" -> "94 /layers/layers.1/blocks.1/Add" [label="[1, 784, 192]", style=solid]; -"446 /layers/layers.2/downsample/reduction/MatMul" -> "456 /layers/layers.3/blocks.0/Add" [label="[1, 49, 768]", style=solid]; -"446 /layers/layers.2/downsample/reduction/MatMul" -> "457 /layers/layers.3/blocks.0/norm1/Div" [label="[1, 49, 768]", style=solid]; -"447 /layers/layers.2/blocks.5/Reshape_3" -> "458 /layers/layers.2/blocks.5/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"448 /layers/layers.2/blocks.4/attn/Mul" -> "449 /layers/layers.2/blocks.4/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"449 /layers/layers.2/blocks.4/attn/MatMul" -> "459 /layers/layers.2/blocks.4/attn/Add" [label="[4, 12, 49, 49]", style=solid]; -"450 /layers/layers.2/blocks.4/attn/MatMul_1" -> "460 /layers/layers.2/blocks.4/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; -"451 /layers/layers.2/blocks.3/attn/Reshape" -> "461 /layers/layers.2/blocks.3/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; -"452 /layers/layers.2/blocks.2/attn/proj/MatMul" -> "462 /layers/layers.2/blocks.2/attn/proj/Add" [label="[4, 49, 384]", style=solid]; -"453 /layers/layers.2/blocks.1/attn/Add" -> "463 /layers/layers.2/blocks.1/attn/Reshape_1" [label="[4, 12, 49, 49]", style=solid]; -"454 /layers/layers.2/blocks.1/attn/Transpose_2" -> "464 /layers/layers.2/blocks.1/attn/Reshape_3" [label="[4, 49, 12, 32]", style=solid]; -"455 /layers/layers.2/blocks.0/Transpose_1" -> "465 /layers/layers.2/blocks.0/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"456 /layers/layers.3/blocks.0/Add" -> "466 /layers/layers.3/blocks.0/Add_1" [label="[1, 49, 768]", style=solid]; -"456 /layers/layers.3/blocks.0/Add" -> "467 /layers/layers.3/blocks.0/norm2/Div" [label="[1, 49, 768]", style=solid]; -"457 /layers/layers.3/blocks.0/norm1/Div" -> "468 /layers/layers.3/blocks.0/norm1/Mul" [label="[1, 49, 768]", style=solid]; -"458 /layers/layers.2/blocks.5/Reshape_3_0_0/sq_multiply" -> "469 /layers/layers.2/blocks.5/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; -"459 /layers/layers.2/blocks.4/attn/Add" -> "470 /layers/layers.2/blocks.4/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; -"460 /layers/layers.2/blocks.4/attn/Transpose_2" -> "471 /layers/layers.2/blocks.4/attn/Reshape_1" [label="[4, 49, 12, 32]", style=solid]; -"461 /layers/layers.2/blocks.3/attn/Transpose" -> "472 /layers/layers.2/blocks.3/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; -"461 /layers/layers.2/blocks.3/attn/Transpose" -> "473 /layers/layers.2/blocks.3/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; -"461 /layers/layers.2/blocks.3/attn/Transpose" -> "474 /layers/layers.2/blocks.3/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; -"462 /layers/layers.2/blocks.2/attn/proj/Add" -> "475 /layers/layers.2/blocks.2/Reshape_4" [label="[4, 49, 384]", style=solid]; -"463 /layers/layers.2/blocks.1/attn/Reshape_1" -> "476 /layers/layers.2/blocks.1/attn/Add_1" [label="[1, 4, 12, 49, 49]", style=solid]; -"464 /layers/layers.2/blocks.1/attn/Reshape_3" -> "477 /layers/layers.2/blocks.1/attn/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"465 /layers/layers.2/blocks.0/Reshape_6" -> "478 /layers/layers.2/blocks.0/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; -"466 /layers/layers.3/blocks.0/Add_1" -> "479 /layers/layers.3/blocks.1/Add" [label="[1, 49, 768]", style=solid]; -"466 /layers/layers.3/blocks.0/Add_1" -> "480 /layers/layers.3/blocks.1/norm1/Div" [label="[1, 49, 768]", style=solid]; -"467 /layers/layers.3/blocks.0/norm2/Div" -> "481 /layers/layers.3/blocks.0/norm2/Mul" [label="[1, 49, 768]", style=solid]; -"468 /layers/layers.3/blocks.0/norm1/Mul" -> "482 /layers/layers.3/blocks.0/norm1/Add_1" [label="[1, 49, 768]", style=solid]; -"469 /layers/layers.2/blocks.5/attn/qkv/MatMul" -> "483 /layers/layers.2/blocks.5/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; -"470 /layers/layers.2/blocks.4/attn/softmax/Softmax" -> "450 /layers/layers.2/blocks.4/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; -"471 /layers/layers.2/blocks.4/attn/Reshape_1" -> "484 /layers/layers.2/blocks.4/attn/Reshape_1_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"472 /layers/layers.2/blocks.3/attn/Gather" -> "485 /layers/layers.2/blocks.3/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; -"473 /layers/layers.2/blocks.3/attn/Gather_1" -> "486 /layers/layers.2/blocks.3/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"474 /layers/layers.2/blocks.3/attn/Gather_2" -> "487 /layers/layers.2/blocks.3/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; -"475 /layers/layers.2/blocks.2/Reshape_4" -> "488 /layers/layers.2/blocks.2/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; -"476 /layers/layers.2/blocks.1/attn/Add_1" -> "489 /layers/layers.2/blocks.1/attn/Reshape_2" [label="[1, 4, 12, 49, 49]", style=solid]; -"477 /layers/layers.2/blocks.1/attn/Reshape_3_0_0/sq_multiply" -> "490 /layers/layers.2/blocks.1/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; -"478 /layers/layers.2/blocks.0/Reshape_7" -> "188 /layers/layers.2/blocks.0/Add" [label="[1, 196, 384]", style=solid]; -"479 /layers/layers.3/blocks.1/Add" -> "491 /layers/layers.3/blocks.1/Add_1" [label="[1, 49, 768]", style=solid]; -"479 /layers/layers.3/blocks.1/Add" -> "492 /layers/layers.3/blocks.1/norm2/Div" [label="[1, 49, 768]", style=solid]; -"480 /layers/layers.3/blocks.1/norm1/Div" -> "493 /layers/layers.3/blocks.1/norm1/Mul" [label="[1, 49, 768]", style=solid]; -"481 /layers/layers.3/blocks.0/norm2/Mul" -> "494 /layers/layers.3/blocks.0/norm2/Add_1" [label="[1, 49, 768]", style=solid]; -"482 /layers/layers.3/blocks.0/norm1/Add_1" -> "495 /layers/layers.3/blocks.0/Reshape_1" [label="[1, 49, 768]", style=solid]; -"483 /layers/layers.2/blocks.5/attn/qkv/Add" -> "496 /layers/layers.2/blocks.5/attn/Reshape" [label="[4, 49, 1152]", style=solid]; -"484 /layers/layers.2/blocks.4/attn/Reshape_1_0_0/sq_multiply" -> "497 /layers/layers.2/blocks.4/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; -"485 /layers/layers.2/blocks.3/attn/Mul" -> "486 /layers/layers.2/blocks.3/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"486 /layers/layers.2/blocks.3/attn/MatMul" -> "498 /layers/layers.2/blocks.3/attn/Add" [label="[4, 12, 49, 49]", style=solid]; -"487 /layers/layers.2/blocks.3/attn/MatMul_1" -> "499 /layers/layers.2/blocks.3/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; -"488 /layers/layers.2/blocks.2/Reshape_5" -> "500 /layers/layers.2/blocks.2/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"489 /layers/layers.2/blocks.1/attn/Reshape_2" -> "501 /layers/layers.2/blocks.1/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; -"490 /layers/layers.2/blocks.1/attn/proj/MatMul" -> "502 /layers/layers.2/blocks.1/attn/proj/Add" [label="[4, 49, 384]", style=solid]; -"491 /layers/layers.3/blocks.1/Add_1" -> "503 /norm/Div" [label="[1, 49, 768]", style=solid]; -"492 /layers/layers.3/blocks.1/norm2/Div" -> "504 /layers/layers.3/blocks.1/norm2/Mul" [label="[1, 49, 768]", style=solid]; -"493 /layers/layers.3/blocks.1/norm1/Mul" -> "505 /layers/layers.3/blocks.1/norm1/Add_1" [label="[1, 49, 768]", style=solid]; -"494 /layers/layers.3/blocks.0/norm2/Add_1" -> "506 /layers/layers.3/blocks.0/norm2/Add_1_0_0/sq_multiply" [label="[1, 49, 768]", style=solid]; -"495 /layers/layers.3/blocks.0/Reshape_1" -> "507 /layers/layers.3/blocks.0/Transpose" [label="[1, 1, 7, 1, 7, 768]", style=solid]; -"496 /layers/layers.2/blocks.5/attn/Reshape" -> "508 /layers/layers.2/blocks.5/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; -"497 /layers/layers.2/blocks.4/attn/proj/MatMul" -> "509 /layers/layers.2/blocks.4/attn/proj/Add" [label="[4, 49, 384]", style=solid]; -"498 /layers/layers.2/blocks.3/attn/Add" -> "510 /layers/layers.2/blocks.3/attn/Reshape_1" [label="[4, 12, 49, 49]", style=solid]; -"499 /layers/layers.2/blocks.3/attn/Transpose_2" -> "511 /layers/layers.2/blocks.3/attn/Reshape_3" [label="[4, 49, 12, 32]", style=solid]; -"500 /layers/layers.2/blocks.2/Transpose_1" -> "512 /layers/layers.2/blocks.2/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"501 /layers/layers.2/blocks.1/attn/softmax/Softmax" -> "443 /layers/layers.2/blocks.1/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; -"502 /layers/layers.2/blocks.1/attn/proj/Add" -> "513 /layers/layers.2/blocks.1/Reshape_4" [label="[4, 49, 384]", style=solid]; -"503 /norm/Div" -> "514 /norm/Mul" [label="[1, 49, 768]", style=solid]; -"504 /layers/layers.3/blocks.1/norm2/Mul" -> "515 /layers/layers.3/blocks.1/norm2/Add_1" [label="[1, 49, 768]", style=solid]; -"505 /layers/layers.3/blocks.1/norm1/Add_1" -> "516 /layers/layers.3/blocks.1/Reshape_1" [label="[1, 49, 768]", style=solid]; -"506 /layers/layers.3/blocks.0/norm2/Add_1_0_0/sq_multiply" -> "517 /layers/layers.3/blocks.0/mlp/fc1/MatMul" [label="[1, 49, 768]", style=solid]; -"507 /layers/layers.3/blocks.0/Transpose" -> "518 /layers/layers.3/blocks.0/Reshape_2" [label="[1, 1, 1, 7, 7, 768]", style=solid]; -"508 /layers/layers.2/blocks.5/attn/Transpose" -> "519 /layers/layers.2/blocks.5/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; -"508 /layers/layers.2/blocks.5/attn/Transpose" -> "520 /layers/layers.2/blocks.5/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; -"508 /layers/layers.2/blocks.5/attn/Transpose" -> "521 /layers/layers.2/blocks.5/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; -"509 /layers/layers.2/blocks.4/attn/proj/Add" -> "522 /layers/layers.2/blocks.4/Reshape_4" [label="[4, 49, 384]", style=solid]; -"510 /layers/layers.2/blocks.3/attn/Reshape_1" -> "523 /layers/layers.2/blocks.3/attn/Add_1" [label="[1, 4, 12, 49, 49]", style=solid]; -"511 /layers/layers.2/blocks.3/attn/Reshape_3" -> "524 /layers/layers.2/blocks.3/attn/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"512 /layers/layers.2/blocks.2/Reshape_6" -> "525 /layers/layers.2/blocks.2/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; -"513 /layers/layers.2/blocks.1/Reshape_4" -> "526 /layers/layers.2/blocks.1/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; -"514 /norm/Mul" -> "527 /norm/Add_1" [label="[1, 49, 768]", style=solid]; -"515 /layers/layers.3/blocks.1/norm2/Add_1" -> "528 /layers/layers.3/blocks.1/norm2/Add_1_0_0/sq_multiply" [label="[1, 49, 768]", style=solid]; -"516 /layers/layers.3/blocks.1/Reshape_1" -> "529 /layers/layers.3/blocks.1/Transpose" [label="[1, 1, 7, 1, 7, 768]", style=solid]; -"517 /layers/layers.3/blocks.0/mlp/fc1/MatMul" -> "530 /layers/layers.3/blocks.0/mlp/fc1/Add" [label="[1, 49, 3072]", style=solid]; -"518 /layers/layers.3/blocks.0/Reshape_2" -> "531 /layers/layers.3/blocks.0/Reshape_3" [label="[1, 7, 7, 768]", style=solid]; -"519 /layers/layers.2/blocks.5/attn/Gather" -> "532 /layers/layers.2/blocks.5/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; -"520 /layers/layers.2/blocks.5/attn/Gather_1" -> "533 /layers/layers.2/blocks.5/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"521 /layers/layers.2/blocks.5/attn/Gather_2" -> "534 /layers/layers.2/blocks.5/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; -"522 /layers/layers.2/blocks.4/Reshape_4" -> "535 /layers/layers.2/blocks.4/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; -"523 /layers/layers.2/blocks.3/attn/Add_1" -> "536 /layers/layers.2/blocks.3/attn/Reshape_2" [label="[1, 4, 12, 49, 49]", style=solid]; -"524 /layers/layers.2/blocks.3/attn/Reshape_3_0_0/sq_multiply" -> "537 /layers/layers.2/blocks.3/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; -"525 /layers/layers.2/blocks.2/Reshape_7" -> "217 /layers/layers.2/blocks.2/Add" [label="[1, 196, 384]", style=solid]; -"526 /layers/layers.2/blocks.1/Reshape_5" -> "538 /layers/layers.2/blocks.1/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"527 /norm/Add_1" -> "539 ReduceMean_6037" [label="[1, 49, 768]", style=solid]; -"528 /layers/layers.3/blocks.1/norm2/Add_1_0_0/sq_multiply" -> "540 /layers/layers.3/blocks.1/mlp/fc1/MatMul" [label="[1, 49, 768]", style=solid]; -"529 /layers/layers.3/blocks.1/Transpose" -> "541 /layers/layers.3/blocks.1/Reshape_2" [label="[1, 1, 1, 7, 7, 768]", style=solid]; -"530 /layers/layers.3/blocks.0/mlp/fc1/Add" -> "542 /layers/layers.3/blocks.0/mlp/act/Mul_1" [label="[1, 49, 3072]", style=solid]; -"531 /layers/layers.3/blocks.0/Reshape_3" -> "543 /layers/layers.3/blocks.0/Reshape_3_0_0/sq_multiply" [label="[1, 49, 768]", style=solid]; -"532 /layers/layers.2/blocks.5/attn/Mul" -> "533 /layers/layers.2/blocks.5/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; -"533 /layers/layers.2/blocks.5/attn/MatMul" -> "544 /layers/layers.2/blocks.5/attn/Add" [label="[4, 12, 49, 49]", style=solid]; -"534 /layers/layers.2/blocks.5/attn/MatMul_1" -> "545 /layers/layers.2/blocks.5/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; -"535 /layers/layers.2/blocks.4/Reshape_5" -> "546 /layers/layers.2/blocks.4/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"536 /layers/layers.2/blocks.3/attn/Reshape_2" -> "547 /layers/layers.2/blocks.3/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; -"537 /layers/layers.2/blocks.3/attn/proj/MatMul" -> "548 /layers/layers.2/blocks.3/attn/proj/Add" [label="[4, 49, 384]", style=solid]; -"538 /layers/layers.2/blocks.1/Transpose_1" -> "549 /layers/layers.2/blocks.1/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"539 ReduceMean_6037" -> "550 /avgpool/GlobalAveragePool" [label="[1, 1, 768]", style=solid]; -"540 /layers/layers.3/blocks.1/mlp/fc1/MatMul" -> "551 /layers/layers.3/blocks.1/mlp/fc1/Add" [label="[1, 49, 3072]", style=solid]; -"541 /layers/layers.3/blocks.1/Reshape_2" -> "552 /layers/layers.3/blocks.1/Reshape_3" [label="[1, 7, 7, 768]", style=solid]; -"542 /layers/layers.3/blocks.0/mlp/act/Mul_1" -> "553 /layers/layers.3/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 49, 3072]", style=solid]; -"543 /layers/layers.3/blocks.0/Reshape_3_0_0/sq_multiply" -> "554 /layers/layers.3/blocks.0/attn/qkv/MatMul" [label="[1, 49, 768]", style=solid]; -"544 /layers/layers.2/blocks.5/attn/Add" -> "555 /layers/layers.2/blocks.5/attn/Reshape_1" [label="[4, 12, 49, 49]", style=solid]; -"545 /layers/layers.2/blocks.5/attn/Transpose_2" -> "556 /layers/layers.2/blocks.5/attn/Reshape_3" [label="[4, 49, 12, 32]", style=solid]; -"546 /layers/layers.2/blocks.4/Transpose_1" -> "557 /layers/layers.2/blocks.4/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"547 /layers/layers.2/blocks.3/attn/softmax/Softmax" -> "487 /layers/layers.2/blocks.3/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; -"548 /layers/layers.2/blocks.3/attn/proj/Add" -> "558 /layers/layers.2/blocks.3/Reshape_4" [label="[4, 49, 384]", style=solid]; -"549 /layers/layers.2/blocks.1/Reshape_6" -> "559 /layers/layers.2/blocks.1/Slice_4" [label="[1, 14, 14, 384]", style=solid]; -"549 /layers/layers.2/blocks.1/Reshape_6" -> "560 /layers/layers.2/blocks.1/Slice_5" [label="[1, 14, 14, 384]", style=solid]; -"550 /avgpool/GlobalAveragePool" -> "561 /Flatten" [label="[1, 768, 1]", style=solid]; -"551 /layers/layers.3/blocks.1/mlp/fc1/Add" -> "562 /layers/layers.3/blocks.1/mlp/act/Mul_1" [label="[1, 49, 3072]", style=solid]; -"552 /layers/layers.3/blocks.1/Reshape_3" -> "563 /layers/layers.3/blocks.1/Reshape_3_0_0/sq_multiply" [label="[1, 49, 768]", style=solid]; -"553 /layers/layers.3/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" -> "564 /layers/layers.3/blocks.0/mlp/fc2/MatMul" [label="[1, 49, 3072]", style=solid]; -"554 /layers/layers.3/blocks.0/attn/qkv/MatMul" -> "565 /layers/layers.3/blocks.0/attn/qkv/Add" [label="[1, 49, 2304]", style=solid]; -"555 /layers/layers.2/blocks.5/attn/Reshape_1" -> "566 /layers/layers.2/blocks.5/attn/Add_1" [label="[1, 4, 12, 49, 49]", style=solid]; -"556 /layers/layers.2/blocks.5/attn/Reshape_3" -> "567 /layers/layers.2/blocks.5/attn/Reshape_3_0_0/sq_multiply" [label="[4, 49, 384]", style=solid]; -"557 /layers/layers.2/blocks.4/Reshape_6" -> "568 /layers/layers.2/blocks.4/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; -"558 /layers/layers.2/blocks.3/Reshape_4" -> "569 /layers/layers.2/blocks.3/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; -"559 /layers/layers.2/blocks.1/Slice_4" -> "570 /layers/layers.2/blocks.1/Concat_2" [label="[1, 3, 14, 384]", style=solid]; -"560 /layers/layers.2/blocks.1/Slice_5" -> "570 /layers/layers.2/blocks.1/Concat_2" [label="[1, 11, 14, 384]", style=solid]; -"561 /Flatten" -> "571 /Flatten_0_0/sq_multiply" [label="[1, 768]", style=solid]; -"562 /layers/layers.3/blocks.1/mlp/act/Mul_1" -> "572 /layers/layers.3/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 49, 3072]", style=solid]; -"563 /layers/layers.3/blocks.1/Reshape_3_0_0/sq_multiply" -> "573 /layers/layers.3/blocks.1/attn/qkv/MatMul" [label="[1, 49, 768]", style=solid]; -"564 /layers/layers.3/blocks.0/mlp/fc2/MatMul" -> "574 /layers/layers.3/blocks.0/mlp/fc2/Add" [label="[1, 49, 768]", style=solid]; -"565 /layers/layers.3/blocks.0/attn/qkv/Add" -> "575 /layers/layers.3/blocks.0/attn/Reshape" [label="[1, 49, 2304]", style=solid]; -"566 /layers/layers.2/blocks.5/attn/Add_1" -> "576 /layers/layers.2/blocks.5/attn/Reshape_2" [label="[1, 4, 12, 49, 49]", style=solid]; -"567 /layers/layers.2/blocks.5/attn/Reshape_3_0_0/sq_multiply" -> "577 /layers/layers.2/blocks.5/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; -"568 /layers/layers.2/blocks.4/Reshape_7" -> "265 /layers/layers.2/blocks.4/Add" [label="[1, 196, 384]", style=solid]; -"569 /layers/layers.2/blocks.3/Reshape_5" -> "578 /layers/layers.2/blocks.3/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"570 /layers/layers.2/blocks.1/Concat_2" -> "579 /layers/layers.2/blocks.1/Slice_6" [label="[1, 14, 14, 384]", style=solid]; -"570 /layers/layers.2/blocks.1/Concat_2" -> "580 /layers/layers.2/blocks.1/Slice_7" [label="[1, 14, 14, 384]", style=solid]; -"571 /Flatten_0_0/sq_multiply" -> "581 /head/Gemm/WithoutBiases" [label="[1, 768]", style=solid]; -"572 /layers/layers.3/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" -> "582 /layers/layers.3/blocks.1/mlp/fc2/MatMul" [label="[1, 49, 3072]", style=solid]; -"573 /layers/layers.3/blocks.1/attn/qkv/MatMul" -> "583 /layers/layers.3/blocks.1/attn/qkv/Add" [label="[1, 49, 2304]", style=solid]; -"574 /layers/layers.3/blocks.0/mlp/fc2/Add" -> "466 /layers/layers.3/blocks.0/Add_1" [label="[1, 49, 768]", style=solid]; -"575 /layers/layers.3/blocks.0/attn/Reshape" -> "584 /layers/layers.3/blocks.0/attn/Transpose" [label="[1, 49, 3, 24, 32]", style=solid]; -"576 /layers/layers.2/blocks.5/attn/Reshape_2" -> "585 /layers/layers.2/blocks.5/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; -"577 /layers/layers.2/blocks.5/attn/proj/MatMul" -> "586 /layers/layers.2/blocks.5/attn/proj/Add" [label="[4, 49, 384]", style=solid]; -"578 /layers/layers.2/blocks.3/Transpose_1" -> "587 /layers/layers.2/blocks.3/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"579 /layers/layers.2/blocks.1/Slice_6" -> "588 /layers/layers.2/blocks.1/Concat_3" [label="[1, 14, 3, 384]", style=solid]; -"580 /layers/layers.2/blocks.1/Slice_7" -> "588 /layers/layers.2/blocks.1/Concat_3" [label="[1, 14, 11, 384]", style=solid]; -"581 /head/Gemm/WithoutBiases" -> "589 probs" [label="[1, 1000]", style=solid]; -"582 /layers/layers.3/blocks.1/mlp/fc2/MatMul" -> "590 /layers/layers.3/blocks.1/mlp/fc2/Add" [label="[1, 49, 768]", style=solid]; -"583 /layers/layers.3/blocks.1/attn/qkv/Add" -> "591 /layers/layers.3/blocks.1/attn/Reshape" [label="[1, 49, 2304]", style=solid]; -"584 /layers/layers.3/blocks.0/attn/Transpose" -> "592 /layers/layers.3/blocks.0/attn/Gather" [label="[3, 1, 24, 49, 32]", style=solid]; -"584 /layers/layers.3/blocks.0/attn/Transpose" -> "593 /layers/layers.3/blocks.0/attn/Gather_1" [label="[3, 1, 24, 49, 32]", style=solid]; -"584 /layers/layers.3/blocks.0/attn/Transpose" -> "594 /layers/layers.3/blocks.0/attn/Gather_2" [label="[3, 1, 24, 49, 32]", style=solid]; -"585 /layers/layers.2/blocks.5/attn/softmax/Softmax" -> "534 /layers/layers.2/blocks.5/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; -"586 /layers/layers.2/blocks.5/attn/proj/Add" -> "595 /layers/layers.2/blocks.5/Reshape_4" [label="[4, 49, 384]", style=solid]; -"587 /layers/layers.2/blocks.3/Reshape_6" -> "596 /layers/layers.2/blocks.3/Slice_4" [label="[1, 14, 14, 384]", style=solid]; -"587 /layers/layers.2/blocks.3/Reshape_6" -> "597 /layers/layers.2/blocks.3/Slice_5" [label="[1, 14, 14, 384]", style=solid]; -"588 /layers/layers.2/blocks.1/Concat_3" -> "598 /layers/layers.2/blocks.1/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; -"589 probs" -> "599 probs/sink_port_0" [label="[1, 1000]", style=solid]; -"590 /layers/layers.3/blocks.1/mlp/fc2/Add" -> "491 /layers/layers.3/blocks.1/Add_1" [label="[1, 49, 768]", style=solid]; -"591 /layers/layers.3/blocks.1/attn/Reshape" -> "600 /layers/layers.3/blocks.1/attn/Transpose" [label="[1, 49, 3, 24, 32]", style=solid]; -"592 /layers/layers.3/blocks.0/attn/Gather" -> "601 /layers/layers.3/blocks.0/attn/Mul" [label="[1, 24, 49, 32]", style=solid]; -"593 /layers/layers.3/blocks.0/attn/Gather_1" -> "602 /layers/layers.3/blocks.0/attn/MatMul" [label="[1, 24, 49, 32]", style=solid]; -"594 /layers/layers.3/blocks.0/attn/Gather_2" -> "603 /layers/layers.3/blocks.0/attn/MatMul_1" [label="[1, 24, 49, 32]", style=solid]; -"595 /layers/layers.2/blocks.5/Reshape_4" -> "604 /layers/layers.2/blocks.5/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; -"596 /layers/layers.2/blocks.3/Slice_4" -> "605 /layers/layers.2/blocks.3/Concat_2" [label="[1, 3, 14, 384]", style=solid]; -"597 /layers/layers.2/blocks.3/Slice_5" -> "605 /layers/layers.2/blocks.3/Concat_2" [label="[1, 11, 14, 384]", style=solid]; -"598 /layers/layers.2/blocks.1/Reshape_7" -> "201 /layers/layers.2/blocks.1/Add" [label="[1, 196, 384]", style=solid]; -"600 /layers/layers.3/blocks.1/attn/Transpose" -> "606 /layers/layers.3/blocks.1/attn/Gather" [label="[3, 1, 24, 49, 32]", style=solid]; -"600 /layers/layers.3/blocks.1/attn/Transpose" -> "607 /layers/layers.3/blocks.1/attn/Gather_1" [label="[3, 1, 24, 49, 32]", style=solid]; -"600 /layers/layers.3/blocks.1/attn/Transpose" -> "608 /layers/layers.3/blocks.1/attn/Gather_2" [label="[3, 1, 24, 49, 32]", style=solid]; -"601 /layers/layers.3/blocks.0/attn/Mul" -> "602 /layers/layers.3/blocks.0/attn/MatMul" [label="[1, 24, 49, 32]", style=solid]; -"602 /layers/layers.3/blocks.0/attn/MatMul" -> "609 /layers/layers.3/blocks.0/attn/Add" [label="[1, 24, 49, 49]", style=solid]; -"603 /layers/layers.3/blocks.0/attn/MatMul_1" -> "610 /layers/layers.3/blocks.0/attn/Transpose_2" [label="[1, 24, 49, 32]", style=solid]; -"604 /layers/layers.2/blocks.5/Reshape_5" -> "611 /layers/layers.2/blocks.5/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; -"605 /layers/layers.2/blocks.3/Concat_2" -> "612 /layers/layers.2/blocks.3/Slice_6" [label="[1, 14, 14, 384]", style=solid]; -"605 /layers/layers.2/blocks.3/Concat_2" -> "613 /layers/layers.2/blocks.3/Slice_7" [label="[1, 14, 14, 384]", style=solid]; -"606 /layers/layers.3/blocks.1/attn/Gather" -> "614 /layers/layers.3/blocks.1/attn/Mul" [label="[1, 24, 49, 32]", style=solid]; -"607 /layers/layers.3/blocks.1/attn/Gather_1" -> "615 /layers/layers.3/blocks.1/attn/MatMul" [label="[1, 24, 49, 32]", style=solid]; -"608 /layers/layers.3/blocks.1/attn/Gather_2" -> "616 /layers/layers.3/blocks.1/attn/MatMul_1" [label="[1, 24, 49, 32]", style=solid]; -"609 /layers/layers.3/blocks.0/attn/Add" -> "617 /layers/layers.3/blocks.0/attn/softmax/Softmax" [label="[1, 24, 49, 49]", style=solid]; -"610 /layers/layers.3/blocks.0/attn/Transpose_2" -> "618 /layers/layers.3/blocks.0/attn/Reshape_1" [label="[1, 49, 24, 32]", style=solid]; -"611 /layers/layers.2/blocks.5/Transpose_1" -> "619 /layers/layers.2/blocks.5/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; -"612 /layers/layers.2/blocks.3/Slice_6" -> "620 /layers/layers.2/blocks.3/Concat_3" [label="[1, 14, 3, 384]", style=solid]; -"613 /layers/layers.2/blocks.3/Slice_7" -> "620 /layers/layers.2/blocks.3/Concat_3" [label="[1, 14, 11, 384]", style=solid]; -"614 /layers/layers.3/blocks.1/attn/Mul" -> "615 /layers/layers.3/blocks.1/attn/MatMul" [label="[1, 24, 49, 32]", style=solid]; -"615 /layers/layers.3/blocks.1/attn/MatMul" -> "621 /layers/layers.3/blocks.1/attn/Add" [label="[1, 24, 49, 49]", style=solid]; -"616 /layers/layers.3/blocks.1/attn/MatMul_1" -> "622 /layers/layers.3/blocks.1/attn/Transpose_2" [label="[1, 24, 49, 32]", style=solid]; -"617 /layers/layers.3/blocks.0/attn/softmax/Softmax" -> "603 /layers/layers.3/blocks.0/attn/MatMul_1" [label="[1, 24, 49, 49]", style=solid]; -"618 /layers/layers.3/blocks.0/attn/Reshape_1" -> "623 /layers/layers.3/blocks.0/attn/Reshape_1_0_0/sq_multiply" [label="[1, 49, 768]", style=solid]; -"619 /layers/layers.2/blocks.5/Reshape_6" -> "624 /layers/layers.2/blocks.5/Slice_4" [label="[1, 14, 14, 384]", style=solid]; -"619 /layers/layers.2/blocks.5/Reshape_6" -> "625 /layers/layers.2/blocks.5/Slice_5" [label="[1, 14, 14, 384]", style=solid]; -"620 /layers/layers.2/blocks.3/Concat_3" -> "626 /layers/layers.2/blocks.3/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; -"621 /layers/layers.3/blocks.1/attn/Add" -> "627 /layers/layers.3/blocks.1/attn/softmax/Softmax" [label="[1, 24, 49, 49]", style=solid]; -"622 /layers/layers.3/blocks.1/attn/Transpose_2" -> "628 /layers/layers.3/blocks.1/attn/Reshape_1" [label="[1, 49, 24, 32]", style=solid]; -"623 /layers/layers.3/blocks.0/attn/Reshape_1_0_0/sq_multiply" -> "629 /layers/layers.3/blocks.0/attn/proj/MatMul" [label="[1, 49, 768]", style=solid]; -"624 /layers/layers.2/blocks.5/Slice_4" -> "630 /layers/layers.2/blocks.5/Concat_2" [label="[1, 3, 14, 384]", style=solid]; -"625 /layers/layers.2/blocks.5/Slice_5" -> "630 /layers/layers.2/blocks.5/Concat_2" [label="[1, 11, 14, 384]", style=solid]; -"626 /layers/layers.2/blocks.3/Reshape_7" -> "239 /layers/layers.2/blocks.3/Add" [label="[1, 196, 384]", style=solid]; -"627 /layers/layers.3/blocks.1/attn/softmax/Softmax" -> "616 /layers/layers.3/blocks.1/attn/MatMul_1" [label="[1, 24, 49, 49]", style=solid]; -"628 /layers/layers.3/blocks.1/attn/Reshape_1" -> "631 /layers/layers.3/blocks.1/attn/Reshape_1_0_0/sq_multiply" [label="[1, 49, 768]", style=solid]; -"629 /layers/layers.3/blocks.0/attn/proj/MatMul" -> "632 /layers/layers.3/blocks.0/attn/proj/Add" [label="[1, 49, 768]", style=solid]; -"630 /layers/layers.2/blocks.5/Concat_2" -> "633 /layers/layers.2/blocks.5/Slice_6" [label="[1, 14, 14, 384]", style=solid]; -"630 /layers/layers.2/blocks.5/Concat_2" -> "634 /layers/layers.2/blocks.5/Slice_7" [label="[1, 14, 14, 384]", style=solid]; -"631 /layers/layers.3/blocks.1/attn/Reshape_1_0_0/sq_multiply" -> "635 /layers/layers.3/blocks.1/attn/proj/MatMul" [label="[1, 49, 768]", style=solid]; -"632 /layers/layers.3/blocks.0/attn/proj/Add" -> "636 /layers/layers.3/blocks.0/Reshape_4" [label="[1, 49, 768]", style=solid]; -"633 /layers/layers.2/blocks.5/Slice_6" -> "637 /layers/layers.2/blocks.5/Concat_3" [label="[1, 14, 3, 384]", style=solid]; -"634 /layers/layers.2/blocks.5/Slice_7" -> "637 /layers/layers.2/blocks.5/Concat_3" [label="[1, 14, 11, 384]", style=solid]; -"635 /layers/layers.3/blocks.1/attn/proj/MatMul" -> "638 /layers/layers.3/blocks.1/attn/proj/Add" [label="[1, 49, 768]", style=solid]; -"636 /layers/layers.3/blocks.0/Reshape_4" -> "639 /layers/layers.3/blocks.0/Reshape_5" [label="[1, 7, 7, 768]", style=solid]; -"637 /layers/layers.2/blocks.5/Concat_3" -> "640 /layers/layers.2/blocks.5/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; -"638 /layers/layers.3/blocks.1/attn/proj/Add" -> "641 /layers/layers.3/blocks.1/Reshape_4" [label="[1, 49, 768]", style=solid]; -"639 /layers/layers.3/blocks.0/Reshape_5" -> "642 /layers/layers.3/blocks.0/Transpose_1" [label="[1, 1, 1, 7, 7, 768]", style=solid]; -"640 /layers/layers.2/blocks.5/Reshape_7" -> "293 /layers/layers.2/blocks.5/Add" [label="[1, 196, 384]", style=solid]; -"641 /layers/layers.3/blocks.1/Reshape_4" -> "643 /layers/layers.3/blocks.1/Reshape_5" [label="[1, 7, 7, 768]", style=solid]; -"642 /layers/layers.3/blocks.0/Transpose_1" -> "644 /layers/layers.3/blocks.0/Reshape_6" [label="[1, 1, 7, 1, 7, 768]", style=solid]; -"643 /layers/layers.3/blocks.1/Reshape_5" -> "645 /layers/layers.3/blocks.1/Transpose_1" [label="[1, 1, 1, 7, 7, 768]", style=solid]; -"644 /layers/layers.3/blocks.0/Reshape_6" -> "646 /layers/layers.3/blocks.0/Reshape_7" [label="[1, 7, 7, 768]", style=solid]; -"645 /layers/layers.3/blocks.1/Transpose_1" -> "647 /layers/layers.3/blocks.1/Reshape_6" [label="[1, 1, 7, 1, 7, 768]", style=solid]; -"646 /layers/layers.3/blocks.0/Reshape_7" -> "456 /layers/layers.3/blocks.0/Add" [label="[1, 49, 768]", style=solid]; -"647 /layers/layers.3/blocks.1/Reshape_6" -> "648 /layers/layers.3/blocks.1/Reshape_7" [label="[1, 7, 7, 768]", style=solid]; -"648 /layers/layers.3/blocks.1/Reshape_7" -> "479 /layers/layers.3/blocks.1/Add" [label="[1, 49, 768]", style=solid]; -"649 Constant_7401" -> "589 probs" [label="[1, 1000]", style=solid]; -"650 head.weight" -> "581 /head/Gemm/WithoutBiases" [label="[1000, 768]", style=solid]; -"651 Constant_54138" -> "571 /Flatten_0_0/sq_multiply" [label="[1, 768]", style=solid]; -"652 Constant_2148" -> "561 /Flatten" [label="[2]", style=dashed]; -"653 Constant_6567" -> "550 /avgpool/GlobalAveragePool" [label="[3]", style=dashed]; -"654 Constant_6036" -> "539 ReduceMean_6037" [label="[1]", style=dashed]; -"655 Constant_7400" -> "527 /norm/Add_1" [label="[1, 1, 768]", style=solid]; -"656 Constant_7399" -> "514 /norm/Mul" [label="[1, 1, 768]", style=solid]; -"657 Constant_2123" -> "503 /norm/Div" [label="[1]", style=dashed]; -"658 Transpose_6564" -> "582 /layers/layers.3/blocks.1/mlp/fc2/MatMul" [label="[768, 3072]", style=solid]; -"659 Constant_54132" -> "572 /layers/layers.3/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 3072]", style=solid]; -"660 Transpose_6560" -> "540 /layers/layers.3/blocks.1/mlp/fc1/MatMul" [label="[3072, 768]", style=solid]; -"661 Constant_54126" -> "528 /layers/layers.3/blocks.1/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"662 Constant_7396" -> "515 /layers/layers.3/blocks.1/norm2/Add_1" [label="[1, 1, 768]", style=solid]; -"663 Constant_7395" -> "504 /layers/layers.3/blocks.1/norm2/Mul" [label="[1, 1, 768]", style=solid]; -"664 Constant_2097" -> "492 /layers/layers.3/blocks.1/norm2/Div" [label="[1]", style=dashed]; -"665 /layers/layers.3/blocks.1/Constant_7" -> "648 /layers/layers.3/blocks.1/Reshape_7" [label="[3]", style=dashed]; -"666 /layers/layers.3/blocks.1/Constant_6" -> "647 /layers/layers.3/blocks.1/Reshape_6" [label="[4]", style=dashed]; -"667 Constant_6554" -> "645 /layers/layers.3/blocks.1/Transpose_1" [label="[6]", style=dashed]; -"668 /layers/layers.3/blocks.1/Constant_5" -> "643 /layers/layers.3/blocks.1/Reshape_5" [label="[6]", style=dashed]; -"669 /layers/layers.3/blocks.1/Constant_4" -> "641 /layers/layers.3/blocks.1/Reshape_4" [label="[4]", style=dashed]; -"670 Transpose_6552" -> "635 /layers/layers.3/blocks.1/attn/proj/MatMul" [label="[768, 768]", style=solid]; -"671 Constant_54142" -> "631 /layers/layers.3/blocks.1/attn/Reshape_1_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"672 /layers/layers.3/blocks.1/attn/Constant_2" -> "628 /layers/layers.3/blocks.1/attn/Reshape_1" [label="[3]", style=dashed]; -"673 Constant_2070" -> "622 /layers/layers.3/blocks.1/attn/Transpose_2" [label="[4]", style=dashed]; -"674 Constant_2060" -> "608 /layers/layers.3/blocks.1/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "77 /layers/layers.0/blocks.0/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "122 /layers/layers.0/blocks.1/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "180 /layers/layers.1/blocks.0/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "236 /layers/layers.1/blocks.1/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "336 /layers/layers.2/blocks.0/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "392 /layers/layers.2/blocks.2/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "430 /layers/layers.2/blocks.1/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "438 /layers/layers.2/blocks.4/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "474 /layers/layers.2/blocks.3/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "521 /layers/layers.2/blocks.5/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "594 /layers/layers.3/blocks.0/attn/Gather_2" [label="[]", style=dashed]; -"675 /patch_embed/Constant" -> "608 /layers/layers.3/blocks.1/attn/Gather_2" [label="[]", style=dashed]; -"676 Constant_2054" -> "600 /layers/layers.3/blocks.1/attn/Transpose" [label="[5]", style=dashed]; -"677 /layers/layers.3/blocks.1/attn/Constant" -> "591 /layers/layers.3/blocks.1/attn/Reshape" [label="[5]", style=dashed]; -"678 Transpose_6549" -> "573 /layers/layers.3/blocks.1/attn/qkv/MatMul" [label="[2304, 768]", style=solid]; -"679 Constant_54134" -> "563 /layers/layers.3/blocks.1/Reshape_3_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"680 /layers/layers.3/blocks.1/Constant_3" -> "552 /layers/layers.3/blocks.1/Reshape_3" [label="[3]", style=dashed]; -"681 /layers/layers.3/blocks.1/Constant_2" -> "541 /layers/layers.3/blocks.1/Reshape_2" [label="[4]", style=dashed]; -"682 Constant_6544" -> "529 /layers/layers.3/blocks.1/Transpose" [label="[6]", style=dashed]; -"683 /layers/layers.3/blocks.1/Constant_1" -> "516 /layers/layers.3/blocks.1/Reshape_1" [label="[6]", style=dashed]; -"684 Constant_7391" -> "505 /layers/layers.3/blocks.1/norm1/Add_1" [label="[1, 1, 768]", style=solid]; -"685 Constant_7390" -> "493 /layers/layers.3/blocks.1/norm1/Mul" [label="[1, 1, 768]", style=solid]; -"686 Constant_2017" -> "480 /layers/layers.3/blocks.1/norm1/Div" [label="[1]", style=dashed]; -"687 Transpose_6541" -> "564 /layers/layers.3/blocks.0/mlp/fc2/MatMul" [label="[768, 3072]", style=solid]; -"688 Constant_54128" -> "553 /layers/layers.3/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 3072]", style=solid]; -"689 Transpose_6537" -> "517 /layers/layers.3/blocks.0/mlp/fc1/MatMul" [label="[3072, 768]", style=solid]; -"690 Constant_54122" -> "506 /layers/layers.3/blocks.0/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"691 Constant_7387" -> "494 /layers/layers.3/blocks.0/norm2/Add_1" [label="[1, 1, 768]", style=solid]; -"692 Constant_7386" -> "481 /layers/layers.3/blocks.0/norm2/Mul" [label="[1, 1, 768]", style=solid]; -"693 Constant_1991" -> "467 /layers/layers.3/blocks.0/norm2/Div" [label="[1]", style=dashed]; -"694 /layers/layers.3/blocks.0/Constant_7" -> "646 /layers/layers.3/blocks.0/Reshape_7" [label="[3]", style=dashed]; -"695 /layers/layers.3/blocks.0/Constant_6" -> "644 /layers/layers.3/blocks.0/Reshape_6" [label="[4]", style=dashed]; -"696 Constant_6531" -> "642 /layers/layers.3/blocks.0/Transpose_1" [label="[6]", style=dashed]; -"697 /layers/layers.3/blocks.0/Constant_5" -> "639 /layers/layers.3/blocks.0/Reshape_5" [label="[6]", style=dashed]; -"698 /layers/layers.3/blocks.0/Constant_4" -> "636 /layers/layers.3/blocks.0/Reshape_4" [label="[4]", style=dashed]; -"699 Transpose_6529" -> "629 /layers/layers.3/blocks.0/attn/proj/MatMul" [label="[768, 768]", style=solid]; -"700 Constant_54140" -> "623 /layers/layers.3/blocks.0/attn/Reshape_1_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"701 /layers/layers.3/blocks.0/attn/Constant_2" -> "618 /layers/layers.3/blocks.0/attn/Reshape_1" [label="[3]", style=dashed]; -"702 Constant_1964" -> "610 /layers/layers.3/blocks.0/attn/Transpose_2" [label="[4]", style=dashed]; -"703 Constant_1954" -> "594 /layers/layers.3/blocks.0/attn/Gather_2" [label="[]", style=dashed]; -"704 Constant_1948" -> "584 /layers/layers.3/blocks.0/attn/Transpose" [label="[5]", style=dashed]; -"705 /layers/layers.3/blocks.0/attn/Constant" -> "575 /layers/layers.3/blocks.0/attn/Reshape" [label="[5]", style=dashed]; -"706 Transpose_6526" -> "554 /layers/layers.3/blocks.0/attn/qkv/MatMul" [label="[2304, 768]", style=solid]; -"707 Constant_54130" -> "543 /layers/layers.3/blocks.0/Reshape_3_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"708 /layers/layers.3/blocks.0/Constant_3" -> "531 /layers/layers.3/blocks.0/Reshape_3" [label="[3]", style=dashed]; -"709 /layers/layers.3/blocks.0/Constant_2" -> "518 /layers/layers.3/blocks.0/Reshape_2" [label="[4]", style=dashed]; -"710 Constant_6521" -> "507 /layers/layers.3/blocks.0/Transpose" [label="[6]", style=dashed]; -"711 /layers/layers.3/blocks.0/Constant_1" -> "495 /layers/layers.3/blocks.0/Reshape_1" [label="[6]", style=dashed]; -"712 Constant_7382" -> "482 /layers/layers.3/blocks.0/norm1/Add_1" [label="[1, 1, 768]", style=solid]; -"713 Constant_7381" -> "468 /layers/layers.3/blocks.0/norm1/Mul" [label="[1, 1, 768]", style=solid]; -"714 Constant_1911" -> "457 /layers/layers.3/blocks.0/norm1/Div" [label="[1]", style=dashed]; -"715 Transpose_6518" -> "446 /layers/layers.2/downsample/reduction/MatMul" [label="[768, 1536]", style=solid]; -"716 Constant_54114" -> "433 /layers/layers.2/downsample/norm/Add_1_0_0/sq_multiply" [label="[1, 1, 1536]", style=solid]; -"717 Constant_7380" -> "421 /layers/layers.2/downsample/norm/Add_1" [label="[1, 1, 1536]", style=solid]; -"718 Constant_7379" -> "409 /layers/layers.2/downsample/norm/Mul" [label="[1, 1, 1536]", style=solid]; -"719 Constant_1897" -> "397 /layers/layers.2/downsample/norm/Div" [label="[1]", style=dashed]; -"720 /layers/layers.2/downsample/Constant_25" -> "382 /layers/layers.2/downsample/Reshape_1" [label="[3]", style=dashed]; -"721 Constant_5751" -> "356 /layers/layers.2/downsample/Slice_5" [label="[3]", style=dashed]; -"722 Constant_5748" -> "356 /layers/layers.2/downsample/Slice_5" [label="[3]", style=dashed]; -"723 Constant_5745" -> "356 /layers/layers.2/downsample/Slice_5" [label="[3]", style=dashed]; -"724 Constant_5715" -> "339 /layers/layers.2/downsample/Slice_2" [label="[2]", style=dashed]; -"725 Constant_5712" -> "339 /layers/layers.2/downsample/Slice_2" [label="[2]", style=dashed]; -"726 Constant_5709" -> "339 /layers/layers.2/downsample/Slice_2" [label="[2]", style=dashed]; -"727 /layers/layers.2/downsample/Constant" -> "322 /layers/layers.2/downsample/Reshape" [label="[4]", style=dashed]; -"728 Transpose_6514" -> "422 /layers/layers.2/blocks.5/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; -"729 Constant_54108" -> "410 /layers/layers.2/blocks.5/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 1536]", style=solid]; -"730 Transpose_6510" -> "371 /layers/layers.2/blocks.5/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; -"731 Constant_54098" -> "357 /layers/layers.2/blocks.5/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"732 Constant_7376" -> "340 /layers/layers.2/blocks.5/norm2/Add_1" [label="[1, 1, 384]", style=solid]; -"733 Constant_7375" -> "323 /layers/layers.2/blocks.5/norm2/Mul" [label="[1, 1, 384]", style=solid]; -"734 Constant_1832" -> "309 /layers/layers.2/blocks.5/norm2/Div" [label="[1]", style=dashed]; -"735 /layers/layers.2/blocks.5/Constant_31" -> "640 /layers/layers.2/blocks.5/Reshape_7" [label="[3]", style=dashed]; -"736 Constant_5679" -> "634 /layers/layers.2/blocks.5/Slice_7" [label="[3]", style=dashed]; -"737 Constant_5676" -> "634 /layers/layers.2/blocks.5/Slice_7" [label="[3]", style=dashed]; -"738 Constant_5673" -> "634 /layers/layers.2/blocks.5/Slice_7" [label="[3]", style=dashed]; -"739 Constant_5655" -> "625 /layers/layers.2/blocks.5/Slice_5" [label="[2]", style=dashed]; -"740 Constant_5652" -> "625 /layers/layers.2/blocks.5/Slice_5" [label="[2]", style=dashed]; -"741 Constant_5649" -> "625 /layers/layers.2/blocks.5/Slice_5" [label="[2]", style=dashed]; -"742 /layers/layers.2/blocks.5/Constant_18" -> "619 /layers/layers.2/blocks.5/Reshape_6" [label="[4]", style=dashed]; -"743 Constant_1779" -> "611 /layers/layers.2/blocks.5/Transpose_1" [label="[6]", style=dashed]; -"744 /layers/layers.2/blocks.5/Constant_17" -> "604 /layers/layers.2/blocks.5/Reshape_5" [label="[6]", style=dashed]; -"745 /layers/layers.2/blocks.5/Constant_16" -> "595 /layers/layers.2/blocks.5/Reshape_4" [label="[4]", style=dashed]; -"746 Transpose_6506" -> "577 /layers/layers.2/blocks.5/attn/proj/MatMul" [label="[384, 384]", style=solid]; -"747 Constant_54136" -> "567 /layers/layers.2/blocks.5/attn/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"748 /layers/layers.2/blocks.5/attn/Constant_4" -> "556 /layers/layers.2/blocks.5/attn/Reshape_3" [label="[3]", style=dashed]; -"749 Constant_1763" -> "545 /layers/layers.2/blocks.5/attn/Transpose_2" [label="[4]", style=dashed]; -"750 Constant_1744" -> "521 /layers/layers.2/blocks.5/attn/Gather_2" [label="[]", style=dashed]; -"751 Constant_1738" -> "508 /layers/layers.2/blocks.5/attn/Transpose" [label="[5]", style=dashed]; -"752 /layers/layers.2/blocks.5/attn/Constant" -> "496 /layers/layers.2/blocks.5/attn/Reshape" [label="[5]", style=dashed]; -"753 Transpose_6503" -> "469 /layers/layers.2/blocks.5/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; -"754 Constant_54116" -> "458 /layers/layers.2/blocks.5/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"755 /layers/layers.2/blocks.5/Constant_15" -> "447 /layers/layers.2/blocks.5/Reshape_3" [label="[3]", style=dashed]; -"756 /layers/layers.2/blocks.5/Constant_14" -> "435 /layers/layers.2/blocks.5/Reshape_2" [label="[4]", style=dashed]; -"757 Constant_1722" -> "423 /layers/layers.2/blocks.5/Transpose" [label="[6]", style=dashed]; -"758 /layers/layers.2/blocks.5/Constant_13" -> "411 /layers/layers.2/blocks.5/Reshape_1" [label="[6]", style=dashed]; -"759 Constant_5631" -> "385 /layers/layers.2/blocks.5/Slice_3" [label="[3]", style=dashed]; -"760 Constant_5628" -> "385 /layers/layers.2/blocks.5/Slice_3" [label="[3]", style=dashed]; -"761 Constant_5625" -> "385 /layers/layers.2/blocks.5/Slice_3" [label="[3]", style=dashed]; -"762 Constant_5607" -> "359 /layers/layers.2/blocks.5/Slice_1" [label="[2]", style=dashed]; -"763 Constant_5604" -> "359 /layers/layers.2/blocks.5/Slice_1" [label="[2]", style=dashed]; -"764 Constant_5601" -> "359 /layers/layers.2/blocks.5/Slice_1" [label="[2]", style=dashed]; -"765 /layers/layers.2/blocks.5/Constant" -> "341 /layers/layers.2/blocks.5/Reshape" [label="[4]", style=dashed]; -"766 Constant_7371" -> "324 /layers/layers.2/blocks.5/norm1/Add_1" [label="[1, 1, 384]", style=solid]; -"767 Constant_7370" -> "310 /layers/layers.2/blocks.5/norm1/Mul" [label="[1, 1, 384]", style=solid]; -"768 Constant_1659" -> "294 /layers/layers.2/blocks.5/norm1/Div" [label="[1]", style=dashed]; -"769 Transpose_6499" -> "400 /layers/layers.2/blocks.4/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; -"770 Constant_54102" -> "386 /layers/layers.2/blocks.4/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 1536]", style=solid]; -"771 Transpose_6495" -> "342 /layers/layers.2/blocks.4/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; -"772 Constant_54094" -> "325 /layers/layers.2/blocks.4/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"773 Constant_7367" -> "311 /layers/layers.2/blocks.4/norm2/Add_1" [label="[1, 1, 384]", style=solid]; -"774 Constant_7366" -> "295 /layers/layers.2/blocks.4/norm2/Mul" [label="[1, 1, 384]", style=solid]; -"775 Constant_1633" -> "280 /layers/layers.2/blocks.4/norm2/Div" [label="[1]", style=dashed]; -"776 /layers/layers.2/blocks.4/Constant_7" -> "568 /layers/layers.2/blocks.4/Reshape_7" [label="[3]", style=dashed]; -"777 /layers/layers.2/blocks.4/Constant_6" -> "557 /layers/layers.2/blocks.4/Reshape_6" [label="[4]", style=dashed]; -"778 Constant_1622" -> "546 /layers/layers.2/blocks.4/Transpose_1" [label="[6]", style=dashed]; -"779 /layers/layers.2/blocks.4/Constant_5" -> "535 /layers/layers.2/blocks.4/Reshape_5" [label="[6]", style=dashed]; -"780 /layers/layers.2/blocks.4/Constant_4" -> "522 /layers/layers.2/blocks.4/Reshape_4" [label="[4]", style=dashed]; -"781 Transpose_6491" -> "497 /layers/layers.2/blocks.4/attn/proj/MatMul" [label="[384, 384]", style=solid]; -"782 Constant_54120" -> "484 /layers/layers.2/blocks.4/attn/Reshape_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"783 /layers/layers.2/blocks.4/attn/Constant_2" -> "471 /layers/layers.2/blocks.4/attn/Reshape_1" [label="[3]", style=dashed]; -"784 Constant_1606" -> "460 /layers/layers.2/blocks.4/attn/Transpose_2" [label="[4]", style=dashed]; -"785 Constant_1596" -> "438 /layers/layers.2/blocks.4/attn/Gather_2" [label="[]", style=dashed]; -"786 Constant_1590" -> "424 /layers/layers.2/blocks.4/attn/Transpose" [label="[5]", style=dashed]; -"787 /layers/layers.2/blocks.4/attn/Constant" -> "413 /layers/layers.2/blocks.4/attn/Reshape" [label="[5]", style=dashed]; -"788 Transpose_6488" -> "387 /layers/layers.2/blocks.4/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; -"789 Constant_54104" -> "374 /layers/layers.2/blocks.4/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"790 /layers/layers.2/blocks.4/Constant_3" -> "361 /layers/layers.2/blocks.4/Reshape_3" [label="[3]", style=dashed]; -"791 /layers/layers.2/blocks.4/Constant_2" -> "343 /layers/layers.2/blocks.4/Reshape_2" [label="[4]", style=dashed]; -"792 Constant_1574" -> "326 /layers/layers.2/blocks.4/Transpose" [label="[6]", style=dashed]; -"793 /layers/layers.2/blocks.4/Constant_1" -> "312 /layers/layers.2/blocks.4/Reshape_1" [label="[6]", style=dashed]; -"794 Constant_7362" -> "296 /layers/layers.2/blocks.4/norm1/Add_1" [label="[1, 1, 384]", style=solid]; -"795 Constant_7361" -> "281 /layers/layers.2/blocks.4/norm1/Mul" [label="[1, 1, 384]", style=solid]; -"796 Constant_1553" -> "266 /layers/layers.2/blocks.4/norm1/Div" [label="[1]", style=dashed]; -"797 Transpose_6484" -> "375 /layers/layers.2/blocks.3/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; -"798 Constant_54096" -> "362 /layers/layers.2/blocks.3/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 1536]", style=solid]; -"799 Transpose_6480" -> "313 /layers/layers.2/blocks.3/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; -"800 Constant_54088" -> "297 /layers/layers.2/blocks.3/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"801 Constant_7358" -> "282 /layers/layers.2/blocks.3/norm2/Add_1" [label="[1, 1, 384]", style=solid]; -"802 Constant_7357" -> "267 /layers/layers.2/blocks.3/norm2/Mul" [label="[1, 1, 384]", style=solid]; -"803 Constant_1527" -> "254 /layers/layers.2/blocks.3/norm2/Div" [label="[1]", style=dashed]; -"804 /layers/layers.2/blocks.3/Constant_31" -> "626 /layers/layers.2/blocks.3/Reshape_7" [label="[3]", style=dashed]; -"805 Constant_5583" -> "613 /layers/layers.2/blocks.3/Slice_7" [label="[3]", style=dashed]; -"806 Constant_5580" -> "613 /layers/layers.2/blocks.3/Slice_7" [label="[3]", style=dashed]; -"807 Constant_5577" -> "613 /layers/layers.2/blocks.3/Slice_7" [label="[3]", style=dashed]; -"808 Constant_5559" -> "597 /layers/layers.2/blocks.3/Slice_5" [label="[2]", style=dashed]; -"809 Constant_5556" -> "597 /layers/layers.2/blocks.3/Slice_5" [label="[2]", style=dashed]; -"810 Constant_5553" -> "597 /layers/layers.2/blocks.3/Slice_5" [label="[2]", style=dashed]; -"811 /layers/layers.2/blocks.3/Constant_18" -> "587 /layers/layers.2/blocks.3/Reshape_6" [label="[4]", style=dashed]; -"812 Constant_1474" -> "578 /layers/layers.2/blocks.3/Transpose_1" [label="[6]", style=dashed]; -"813 /layers/layers.2/blocks.3/Constant_17" -> "569 /layers/layers.2/blocks.3/Reshape_5" [label="[6]", style=dashed]; -"814 /layers/layers.2/blocks.3/Constant_16" -> "558 /layers/layers.2/blocks.3/Reshape_4" [label="[4]", style=dashed]; -"815 Transpose_6476" -> "537 /layers/layers.2/blocks.3/attn/proj/MatMul" [label="[384, 384]", style=solid]; -"816 Constant_54124" -> "524 /layers/layers.2/blocks.3/attn/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"817 /layers/layers.2/blocks.3/attn/Constant_4" -> "511 /layers/layers.2/blocks.3/attn/Reshape_3" [label="[3]", style=dashed]; -"818 Constant_1458" -> "499 /layers/layers.2/blocks.3/attn/Transpose_2" [label="[4]", style=dashed]; -"819 Constant_1439" -> "474 /layers/layers.2/blocks.3/attn/Gather_2" [label="[]", style=dashed]; -"820 Constant_1433" -> "461 /layers/layers.2/blocks.3/attn/Transpose" [label="[5]", style=dashed]; -"821 /layers/layers.2/blocks.3/attn/Constant" -> "451 /layers/layers.2/blocks.3/attn/Reshape" [label="[5]", style=dashed]; -"822 Transpose_6473" -> "425 /layers/layers.2/blocks.3/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; -"823 Constant_54110" -> "414 /layers/layers.2/blocks.3/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"824 /layers/layers.2/blocks.3/Constant_15" -> "402 /layers/layers.2/blocks.3/Reshape_3" [label="[3]", style=dashed]; -"825 /layers/layers.2/blocks.3/Constant_14" -> "389 /layers/layers.2/blocks.3/Reshape_2" [label="[4]", style=dashed]; -"826 Constant_1417" -> "376 /layers/layers.2/blocks.3/Transpose" [label="[6]", style=dashed]; -"827 /layers/layers.2/blocks.3/Constant_13" -> "363 /layers/layers.2/blocks.3/Reshape_1" [label="[6]", style=dashed]; -"828 Constant_5535" -> "329 /layers/layers.2/blocks.3/Slice_3" [label="[3]", style=dashed]; -"829 Constant_5532" -> "329 /layers/layers.2/blocks.3/Slice_3" [label="[3]", style=dashed]; -"830 Constant_5529" -> "329 /layers/layers.2/blocks.3/Slice_3" [label="[3]", style=dashed]; -"831 Constant_5511" -> "299 /layers/layers.2/blocks.3/Slice_1" [label="[2]", style=dashed]; -"832 Constant_5508" -> "299 /layers/layers.2/blocks.3/Slice_1" [label="[2]", style=dashed]; -"833 Constant_5505" -> "299 /layers/layers.2/blocks.3/Slice_1" [label="[2]", style=dashed]; -"834 /layers/layers.2/blocks.3/Constant" -> "283 /layers/layers.2/blocks.3/Reshape" [label="[4]", style=dashed]; -"835 Constant_7353" -> "268 /layers/layers.2/blocks.3/norm1/Add_1" [label="[1, 1, 384]", style=solid]; -"836 Constant_7352" -> "255 /layers/layers.2/blocks.3/norm1/Mul" [label="[1, 1, 384]", style=solid]; -"837 Constant_1354" -> "240 /layers/layers.2/blocks.3/norm1/Div" [label="[1]", style=dashed]; -"838 Transpose_6469" -> "346 /layers/layers.2/blocks.2/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; -"839 Constant_54090" -> "330 /layers/layers.2/blocks.2/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 1536]", style=solid]; -"840 Transpose_6465" -> "284 /layers/layers.2/blocks.2/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; -"841 Constant_54082" -> "269 /layers/layers.2/blocks.2/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"842 Constant_7349" -> "256 /layers/layers.2/blocks.2/norm2/Add_1" [label="[1, 1, 384]", style=solid]; -"843 Constant_7348" -> "241 /layers/layers.2/blocks.2/norm2/Mul" [label="[1, 1, 384]", style=solid]; -"844 Constant_1328" -> "228 /layers/layers.2/blocks.2/norm2/Div" [label="[1]", style=dashed]; -"845 /layers/layers.2/blocks.2/Constant_7" -> "525 /layers/layers.2/blocks.2/Reshape_7" [label="[3]", style=dashed]; -"846 /layers/layers.2/blocks.2/Constant_6" -> "512 /layers/layers.2/blocks.2/Reshape_6" [label="[4]", style=dashed]; -"847 Constant_1317" -> "500 /layers/layers.2/blocks.2/Transpose_1" [label="[6]", style=dashed]; -"848 /layers/layers.2/blocks.2/Constant_5" -> "488 /layers/layers.2/blocks.2/Reshape_5" [label="[6]", style=dashed]; -"849 /layers/layers.2/blocks.2/Constant_4" -> "475 /layers/layers.2/blocks.2/Reshape_4" [label="[4]", style=dashed]; -"850 Transpose_6461" -> "452 /layers/layers.2/blocks.2/attn/proj/MatMul" [label="[384, 384]", style=solid]; -"851 Constant_54112" -> "440 /layers/layers.2/blocks.2/attn/Reshape_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"852 /layers/layers.2/blocks.2/attn/Constant_2" -> "427 /layers/layers.2/blocks.2/attn/Reshape_1" [label="[3]", style=dashed]; -"853 Constant_1301" -> "416 /layers/layers.2/blocks.2/attn/Transpose_2" [label="[4]", style=dashed]; -"854 Constant_1291" -> "392 /layers/layers.2/blocks.2/attn/Gather_2" [label="[]", style=dashed]; -"855 Constant_1285" -> "377 /layers/layers.2/blocks.2/attn/Transpose" [label="[5]", style=dashed]; -"856 /layers/layers.2/blocks.2/attn/Constant" -> "365 /layers/layers.2/blocks.2/attn/Reshape" [label="[5]", style=dashed]; -"857 Transpose_6458" -> "331 /layers/layers.2/blocks.2/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; -"858 Constant_54092" -> "316 /layers/layers.2/blocks.2/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"859 /layers/layers.2/blocks.2/Constant_3" -> "301 /layers/layers.2/blocks.2/Reshape_3" [label="[3]", style=dashed]; -"860 /layers/layers.2/blocks.2/Constant_2" -> "285 /layers/layers.2/blocks.2/Reshape_2" [label="[4]", style=dashed]; -"861 Constant_1269" -> "270 /layers/layers.2/blocks.2/Transpose" [label="[6]", style=dashed]; -"862 /layers/layers.2/blocks.2/Constant_1" -> "257 /layers/layers.2/blocks.2/Reshape_1" [label="[6]", style=dashed]; -"863 Constant_7344" -> "242 /layers/layers.2/blocks.2/norm1/Add_1" [label="[1, 1, 384]", style=solid]; -"864 Constant_7343" -> "229 /layers/layers.2/blocks.2/norm1/Mul" [label="[1, 1, 384]", style=solid]; -"865 Constant_1248" -> "218 /layers/layers.2/blocks.2/norm1/Div" [label="[1]", style=dashed]; -"866 Transpose_6454" -> "317 /layers/layers.2/blocks.1/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; -"867 Constant_54084" -> "302 /layers/layers.2/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 1536]", style=solid]; -"868 Transpose_6450" -> "258 /layers/layers.2/blocks.1/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; -"869 Constant_54076" -> "243 /layers/layers.2/blocks.1/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"870 Constant_7340" -> "230 /layers/layers.2/blocks.1/norm2/Add_1" [label="[1, 1, 384]", style=solid]; -"871 Constant_7339" -> "219 /layers/layers.2/blocks.1/norm2/Mul" [label="[1, 1, 384]", style=solid]; -"872 Constant_1222" -> "210 /layers/layers.2/blocks.1/norm2/Div" [label="[1]", style=dashed]; -"873 /layers/layers.2/blocks.1/Constant_31" -> "598 /layers/layers.2/blocks.1/Reshape_7" [label="[3]", style=dashed]; -"874 Constant_5487" -> "580 /layers/layers.2/blocks.1/Slice_7" [label="[3]", style=dashed]; -"875 Constant_5484" -> "580 /layers/layers.2/blocks.1/Slice_7" [label="[3]", style=dashed]; -"876 Constant_5481" -> "580 /layers/layers.2/blocks.1/Slice_7" [label="[3]", style=dashed]; -"877 Constant_5463" -> "560 /layers/layers.2/blocks.1/Slice_5" [label="[2]", style=dashed]; -"878 Constant_5460" -> "560 /layers/layers.2/blocks.1/Slice_5" [label="[2]", style=dashed]; -"879 Constant_5457" -> "560 /layers/layers.2/blocks.1/Slice_5" [label="[2]", style=dashed]; -"880 /layers/layers.2/blocks.1/Constant_18" -> "549 /layers/layers.2/blocks.1/Reshape_6" [label="[4]", style=dashed]; -"881 Constant_1169" -> "538 /layers/layers.2/blocks.1/Transpose_1" [label="[6]", style=dashed]; -"882 /layers/layers.2/blocks.1/Constant_17" -> "526 /layers/layers.2/blocks.1/Reshape_5" [label="[6]", style=dashed]; -"883 /layers/layers.2/blocks.1/Constant_16" -> "513 /layers/layers.2/blocks.1/Reshape_4" [label="[4]", style=dashed]; -"884 Transpose_6446" -> "490 /layers/layers.2/blocks.1/attn/proj/MatMul" [label="[384, 384]", style=solid]; -"885 Constant_54118" -> "477 /layers/layers.2/blocks.1/attn/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"886 /layers/layers.2/blocks.1/attn/Constant_4" -> "464 /layers/layers.2/blocks.1/attn/Reshape_3" [label="[3]", style=dashed]; -"887 Constant_1153" -> "454 /layers/layers.2/blocks.1/attn/Transpose_2" [label="[4]", style=dashed]; -"888 Constant_1134" -> "430 /layers/layers.2/blocks.1/attn/Gather_2" [label="[]", style=dashed]; -"889 Constant_1128" -> "417 /layers/layers.2/blocks.1/attn/Transpose" [label="[5]", style=dashed]; -"890 /layers/layers.2/blocks.1/attn/Constant" -> "406 /layers/layers.2/blocks.1/attn/Reshape" [label="[5]", style=dashed]; -"891 Transpose_6443" -> "378 /layers/layers.2/blocks.1/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; -"892 Constant_54100" -> "366 /layers/layers.2/blocks.1/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"893 /layers/layers.2/blocks.1/Constant_15" -> "348 /layers/layers.2/blocks.1/Reshape_3" [label="[3]", style=dashed]; -"894 /layers/layers.2/blocks.1/Constant_14" -> "333 /layers/layers.2/blocks.1/Reshape_2" [label="[4]", style=dashed]; -"895 Constant_1112" -> "318 /layers/layers.2/blocks.1/Transpose" [label="[6]", style=dashed]; -"896 /layers/layers.2/blocks.1/Constant_13" -> "303 /layers/layers.2/blocks.1/Reshape_1" [label="[6]", style=dashed]; -"897 Constant_5439" -> "273 /layers/layers.2/blocks.1/Slice_3" [label="[3]", style=dashed]; -"898 Constant_5436" -> "273 /layers/layers.2/blocks.1/Slice_3" [label="[3]", style=dashed]; -"899 Constant_5433" -> "273 /layers/layers.2/blocks.1/Slice_3" [label="[3]", style=dashed]; -"900 Constant_5415" -> "245 /layers/layers.2/blocks.1/Slice_1" [label="[2]", style=dashed]; -"901 Constant_5412" -> "245 /layers/layers.2/blocks.1/Slice_1" [label="[2]", style=dashed]; -"902 Constant_5409" -> "245 /layers/layers.2/blocks.1/Slice_1" [label="[2]", style=dashed]; -"903 /layers/layers.2/blocks.1/Constant" -> "231 /layers/layers.2/blocks.1/Reshape" [label="[4]", style=dashed]; -"904 Constant_7335" -> "220 /layers/layers.2/blocks.1/norm1/Add_1" [label="[1, 1, 384]", style=solid]; -"905 Constant_7334" -> "211 /layers/layers.2/blocks.1/norm1/Mul" [label="[1, 1, 384]", style=solid]; -"906 Constant_1049" -> "202 /layers/layers.2/blocks.1/norm1/Div" [label="[1]", style=dashed]; -"907 Transpose_6439" -> "288 /layers/layers.2/blocks.0/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; -"908 Constant_54078" -> "274 /layers/layers.2/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 1536]", style=solid]; -"909 Transpose_6435" -> "232 /layers/layers.2/blocks.0/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; -"910 Constant_54074" -> "221 /layers/layers.2/blocks.0/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"911 Constant_7331" -> "212 /layers/layers.2/blocks.0/norm2/Add_1" [label="[1, 1, 384]", style=solid]; -"912 Constant_7330" -> "203 /layers/layers.2/blocks.0/norm2/Mul" [label="[1, 1, 384]", style=solid]; -"913 Constant_1023" -> "195 /layers/layers.2/blocks.0/norm2/Div" [label="[1]", style=dashed]; -"914 /layers/layers.2/blocks.0/Constant_7" -> "478 /layers/layers.2/blocks.0/Reshape_7" [label="[3]", style=dashed]; -"915 /layers/layers.2/blocks.0/Constant_6" -> "465 /layers/layers.2/blocks.0/Reshape_6" [label="[4]", style=dashed]; -"916 Constant_1012" -> "455 /layers/layers.2/blocks.0/Transpose_1" [label="[6]", style=dashed]; -"917 /layers/layers.2/blocks.0/Constant_5" -> "444 /layers/layers.2/blocks.0/Reshape_5" [label="[6]", style=dashed]; -"918 /layers/layers.2/blocks.0/Constant_4" -> "431 /layers/layers.2/blocks.0/Reshape_4" [label="[4]", style=dashed]; -"919 Transpose_6431" -> "407 /layers/layers.2/blocks.0/attn/proj/MatMul" [label="[384, 384]", style=solid]; -"920 Constant_54106" -> "394 /layers/layers.2/blocks.0/attn/Reshape_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"921 /layers/layers.2/blocks.0/attn/Constant_2" -> "380 /layers/layers.2/blocks.0/attn/Reshape_1" [label="[3]", style=dashed]; -"922 Constant_996" -> "368 /layers/layers.2/blocks.0/attn/Transpose_2" [label="[4]", style=dashed]; -"923 Constant_986" -> "336 /layers/layers.2/blocks.0/attn/Gather_2" [label="[]", style=dashed]; -"924 Constant_980" -> "319 /layers/layers.2/blocks.0/attn/Transpose" [label="[5]", style=dashed]; -"925 /layers/layers.2/blocks.0/attn/Constant" -> "305 /layers/layers.2/blocks.0/attn/Reshape" [label="[5]", style=dashed]; -"926 Transpose_6428" -> "275 /layers/layers.2/blocks.0/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; -"927 Constant_54080" -> "261 /layers/layers.2/blocks.0/Reshape_3_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"928 /layers/layers.2/blocks.0/Constant_3" -> "247 /layers/layers.2/blocks.0/Reshape_3" [label="[3]", style=dashed]; -"929 /layers/layers.2/blocks.0/Constant_2" -> "233 /layers/layers.2/blocks.0/Reshape_2" [label="[4]", style=dashed]; -"930 Constant_964" -> "222 /layers/layers.2/blocks.0/Transpose" [label="[6]", style=dashed]; -"931 /layers/layers.2/blocks.0/Constant_1" -> "213 /layers/layers.2/blocks.0/Reshape_1" [label="[6]", style=dashed]; -"932 Constant_7326" -> "204 /layers/layers.2/blocks.0/norm1/Add_1" [label="[1, 1, 384]", style=solid]; -"933 Constant_7325" -> "196 /layers/layers.2/blocks.0/norm1/Mul" [label="[1, 1, 384]", style=solid]; -"934 Constant_943" -> "189 /layers/layers.2/blocks.0/norm1/Div" [label="[1]", style=dashed]; -"935 Transpose_6424" -> "182 /layers/layers.1/downsample/reduction/MatMul" [label="[384, 768]", style=solid]; -"936 Constant_54068" -> "175 /layers/layers.1/downsample/norm/Add_1_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"937 Constant_7324" -> "169 /layers/layers.1/downsample/norm/Add_1" [label="[1, 1, 768]", style=solid]; -"938 Constant_7323" -> "162 /layers/layers.1/downsample/norm/Mul" [label="[1, 1, 768]", style=solid]; -"939 Constant_929" -> "154 /layers/layers.1/downsample/norm/Div" [label="[1]", style=dashed]; -"940 /layers/layers.1/downsample/Constant_25" -> "145 /layers/layers.1/downsample/Reshape_1" [label="[3]", style=dashed]; -"941 Constant_5391" -> "127 /layers/layers.1/downsample/Slice_5" [label="[3]", style=dashed]; -"942 Constant_5388" -> "127 /layers/layers.1/downsample/Slice_5" [label="[3]", style=dashed]; -"943 Constant_5385" -> "127 /layers/layers.1/downsample/Slice_5" [label="[3]", style=dashed]; -"944 Constant_5355" -> "115 /layers/layers.1/downsample/Slice_2" [label="[2]", style=dashed]; -"945 Constant_5352" -> "115 /layers/layers.1/downsample/Slice_2" [label="[2]", style=dashed]; -"946 Constant_5349" -> "115 /layers/layers.1/downsample/Slice_2" [label="[2]", style=dashed]; -"947 /layers/layers.1/downsample/Constant" -> "107 /layers/layers.1/downsample/Reshape" [label="[4]", style=dashed]; -"948 Transpose_6420" -> "170 /layers/layers.1/blocks.1/mlp/fc2/MatMul" [label="[192, 768]", style=solid]; -"949 Constant_54064" -> "163 /layers/layers.1/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"950 Transpose_6416" -> "138 /layers/layers.1/blocks.1/mlp/fc1/MatMul" [label="[768, 192]", style=solid]; -"951 Constant_54058" -> "128 /layers/layers.1/blocks.1/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 192]", style=solid]; -"952 Constant_7320" -> "116 /layers/layers.1/blocks.1/norm2/Add_1" [label="[1, 1, 192]", style=solid]; -"953 Constant_7319" -> "108 /layers/layers.1/blocks.1/norm2/Mul" [label="[1, 1, 192]", style=solid]; -"954 Constant_864" -> "101 /layers/layers.1/blocks.1/norm2/Div" [label="[1]", style=dashed]; -"955 /layers/layers.1/blocks.1/Constant_31" -> "445 /layers/layers.1/blocks.1/Reshape_7" [label="[3]", style=dashed]; -"956 Constant_5319" -> "420 /layers/layers.1/blocks.1/Slice_7" [label="[3]", style=dashed]; -"957 Constant_5316" -> "420 /layers/layers.1/blocks.1/Slice_7" [label="[3]", style=dashed]; -"958 Constant_5313" -> "420 /layers/layers.1/blocks.1/Slice_7" [label="[3]", style=dashed]; -"959 Constant_5295" -> "396 /layers/layers.1/blocks.1/Slice_5" [label="[2]", style=dashed]; -"960 Constant_5292" -> "396 /layers/layers.1/blocks.1/Slice_5" [label="[2]", style=dashed]; -"961 Constant_5289" -> "396 /layers/layers.1/blocks.1/Slice_5" [label="[2]", style=dashed]; -"962 /layers/layers.1/blocks.1/Constant_18" -> "381 /layers/layers.1/blocks.1/Reshape_6" [label="[4]", style=dashed]; -"963 Constant_811" -> "369 /layers/layers.1/blocks.1/Transpose_1" [label="[6]", style=dashed]; -"964 /layers/layers.1/blocks.1/Constant_17" -> "352 /layers/layers.1/blocks.1/Reshape_5" [label="[6]", style=dashed]; -"965 /layers/layers.1/blocks.1/Constant_16" -> "337 /layers/layers.1/blocks.1/Reshape_4" [label="[4]", style=dashed]; -"966 Transpose_6412" -> "307 /layers/layers.1/blocks.1/attn/proj/MatMul" [label="[192, 192]", style=solid]; -"967 Constant_54086" -> "291 /layers/layers.1/blocks.1/attn/Reshape_3_0_0/sq_multiply" [label="[1, 1, 192]", style=solid]; -"968 /layers/layers.1/blocks.1/attn/Constant_4" -> "277 /layers/layers.1/blocks.1/attn/Reshape_3" [label="[3]", style=dashed]; -"969 Constant_795" -> "263 /layers/layers.1/blocks.1/attn/Transpose_2" [label="[4]", style=dashed]; -"970 Constant_776" -> "236 /layers/layers.1/blocks.1/attn/Gather_2" [label="[]", style=dashed]; -"971 Constant_770" -> "223 /layers/layers.1/blocks.1/attn/Transpose" [label="[5]", style=dashed]; -"972 /layers/layers.1/blocks.1/attn/Constant" -> "214 /layers/layers.1/blocks.1/attn/Reshape" [label="[5]", style=dashed]; -"973 Transpose_6409" -> "197 /layers/layers.1/blocks.1/attn/qkv/MatMul" [label="[576, 192]", style=solid]; -"974 Constant_54070" -> "190 /layers/layers.1/blocks.1/Reshape_3_0_0/sq_multiply" [label="[1, 1, 192]", style=solid]; -"975 /layers/layers.1/blocks.1/Constant_15" -> "183 /layers/layers.1/blocks.1/Reshape_3" [label="[3]", style=dashed]; -"976 /layers/layers.1/blocks.1/Constant_14" -> "177 /layers/layers.1/blocks.1/Reshape_2" [label="[4]", style=dashed]; -"977 Constant_754" -> "171 /layers/layers.1/blocks.1/Transpose" [label="[6]", style=dashed]; -"978 /layers/layers.1/blocks.1/Constant_13" -> "164 /layers/layers.1/blocks.1/Reshape_1" [label="[6]", style=dashed]; -"979 Constant_5271" -> "148 /layers/layers.1/blocks.1/Slice_3" [label="[3]", style=dashed]; -"980 Constant_5268" -> "148 /layers/layers.1/blocks.1/Slice_3" [label="[3]", style=dashed]; -"981 Constant_5265" -> "148 /layers/layers.1/blocks.1/Slice_3" [label="[3]", style=dashed]; -"982 Constant_5247" -> "130 /layers/layers.1/blocks.1/Slice_1" [label="[2]", style=dashed]; -"983 Constant_5244" -> "130 /layers/layers.1/blocks.1/Slice_1" [label="[2]", style=dashed]; -"984 Constant_5241" -> "130 /layers/layers.1/blocks.1/Slice_1" [label="[2]", style=dashed]; -"985 /layers/layers.1/blocks.1/Constant" -> "117 /layers/layers.1/blocks.1/Reshape" [label="[4]", style=dashed]; -"986 Constant_7315" -> "109 /layers/layers.1/blocks.1/norm1/Add_1" [label="[1, 1, 192]", style=solid]; -"987 Constant_7314" -> "102 /layers/layers.1/blocks.1/norm1/Mul" [label="[1, 1, 192]", style=solid]; -"988 Constant_691" -> "95 /layers/layers.1/blocks.1/norm1/Div" [label="[1]", style=dashed]; -"989 Transpose_6405" -> "157 /layers/layers.1/blocks.0/mlp/fc2/MatMul" [label="[192, 768]", style=solid]; -"990 Constant_54060" -> "149 /layers/layers.1/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 768]", style=solid]; -"991 Transpose_6401" -> "118 /layers/layers.1/blocks.0/mlp/fc1/MatMul" [label="[768, 192]", style=solid]; -"992 Constant_54056" -> "110 /layers/layers.1/blocks.0/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 192]", style=solid]; -"993 Constant_7311" -> "103 /layers/layers.1/blocks.0/norm2/Add_1" [label="[1, 1, 192]", style=solid]; -"994 Constant_7310" -> "96 /layers/layers.1/blocks.0/norm2/Mul" [label="[1, 1, 192]", style=solid]; -"995 Constant_665" -> "89 /layers/layers.1/blocks.0/norm2/Div" [label="[1]", style=dashed]; -"996 /layers/layers.1/blocks.0/Constant_7" -> "292 /layers/layers.1/blocks.0/Reshape_7" [label="[3]", style=dashed]; -"997 /layers/layers.1/blocks.0/Constant_6" -> "278 /layers/layers.1/blocks.0/Reshape_6" [label="[4]", style=dashed]; -"998 Constant_654" -> "264 /layers/layers.1/blocks.0/Transpose_1" [label="[6]", style=dashed]; -"999 /layers/layers.1/blocks.0/Constant_5" -> "251 /layers/layers.1/blocks.0/Reshape_5" [label="[6]", style=dashed]; -"1000 /layers/layers.1/blocks.0/Constant_4" -> "237 /layers/layers.1/blocks.0/Reshape_4" [label="[4]", style=dashed]; -"1001 Transpose_6397" -> "215 /layers/layers.1/blocks.0/attn/proj/MatMul" [label="[192, 192]", style=solid]; -"1002 Constant_54072" -> "206 /layers/layers.1/blocks.0/attn/Reshape_1_0_0/sq_multiply" [label="[1, 1, 192]", style=solid]; -"1003 /layers/layers.1/blocks.0/attn/Constant_2" -> "199 /layers/layers.1/blocks.0/attn/Reshape_1" [label="[3]", style=dashed]; -"1004 Constant_638" -> "192 /layers/layers.1/blocks.0/attn/Transpose_2" [label="[4]", style=dashed]; -"1005 Constant_628" -> "180 /layers/layers.1/blocks.0/attn/Gather_2" [label="[]", style=dashed]; -"1006 Constant_622" -> "172 /layers/layers.1/blocks.0/attn/Transpose" [label="[5]", style=dashed]; -"1007 /layers/layers.1/blocks.0/attn/Constant" -> "166 /layers/layers.1/blocks.0/attn/Reshape" [label="[5]", style=dashed]; -"1008 Transpose_6394" -> "150 /layers/layers.1/blocks.0/attn/qkv/MatMul" [label="[576, 192]", style=solid]; -"1009 Constant_54062" -> "141 /layers/layers.1/blocks.0/Reshape_3_0_0/sq_multiply" [label="[1, 1, 192]", style=solid]; -"1010 /layers/layers.1/blocks.0/Constant_3" -> "132 /layers/layers.1/blocks.0/Reshape_3" [label="[3]", style=dashed]; -"1011 /layers/layers.1/blocks.0/Constant_2" -> "119 /layers/layers.1/blocks.0/Reshape_2" [label="[4]", style=dashed]; -"1012 Constant_606" -> "111 /layers/layers.1/blocks.0/Transpose" [label="[6]", style=dashed]; -"1013 /layers/layers.1/blocks.0/Constant_1" -> "104 /layers/layers.1/blocks.0/Reshape_1" [label="[6]", style=dashed]; -"1014 Constant_7306" -> "97 /layers/layers.1/blocks.0/norm1/Add_1" [label="[1, 1, 192]", style=solid]; -"1015 Constant_7305" -> "90 /layers/layers.1/blocks.0/norm1/Mul" [label="[1, 1, 192]", style=solid]; -"1016 Constant_585" -> "84 /layers/layers.1/blocks.0/norm1/Div" [label="[1]", style=dashed]; -"1017 Transpose_6390" -> "78 /layers/layers.0/downsample/reduction/MatMul" [label="[192, 384]", style=solid]; -"1018 Constant_54050" -> "72 /layers/layers.0/downsample/norm/Add_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"1019 Constant_7304" -> "68 /layers/layers.0/downsample/norm/Add_1" [label="[1, 1, 384]", style=solid]; -"1020 Constant_7303" -> "63 /layers/layers.0/downsample/norm/Mul" [label="[1, 1, 384]", style=solid]; -"1021 Constant_571" -> "58 /layers/layers.0/downsample/norm/Div" [label="[1]", style=dashed]; -"1022 /layers/layers.0/downsample/Constant_25" -> "52 /layers/layers.0/downsample/Reshape_1" [label="[3]", style=dashed]; -"1023 Constant_5223" -> "41 /layers/layers.0/downsample/Slice_5" [label="[3]", style=dashed]; -"1024 Constant_5220" -> "41 /layers/layers.0/downsample/Slice_5" [label="[3]", style=dashed]; -"1025 Constant_5217" -> "41 /layers/layers.0/downsample/Slice_5" [label="[3]", style=dashed]; -"1026 Constant_5187" -> "33 /layers/layers.0/downsample/Slice_2" [label="[2]", style=dashed]; -"1027 Constant_5184" -> "33 /layers/layers.0/downsample/Slice_2" [label="[2]", style=dashed]; -"1028 Constant_5181" -> "33 /layers/layers.0/downsample/Slice_2" [label="[2]", style=dashed]; -"1029 /layers/layers.0/downsample/Constant" -> "27 /layers/layers.0/downsample/Reshape" [label="[4]", style=dashed]; -"1030 Transpose_6386" -> "69 /layers/layers.0/blocks.1/mlp/fc2/MatMul" [label="[96, 384]", style=solid]; -"1031 Constant_54048" -> "64 /layers/layers.0/blocks.1/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"1032 Transpose_6382" -> "48 /layers/layers.0/blocks.1/mlp/fc1/MatMul" [label="[384, 96]", style=solid]; -"1033 Constant_54042" -> "42 /layers/layers.0/blocks.1/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 96]", style=solid]; -"1034 Constant_7300" -> "34 /layers/layers.0/blocks.1/norm2/Add_1" [label="[1, 1, 96]", style=solid]; -"1035 Constant_7299" -> "28 /layers/layers.0/blocks.1/norm2/Mul" [label="[1, 1, 96]", style=solid]; -"1036 Constant_506" -> "23 /layers/layers.0/blocks.1/norm2/Div" [label="[1]", style=dashed]; -"1037 /layers/layers.0/blocks.1/Constant_31" -> "252 /layers/layers.0/blocks.1/Reshape_7" [label="[3]", style=dashed]; -"1038 Constant_5151" -> "226 /layers/layers.0/blocks.1/Slice_7" [label="[3]", style=dashed]; -"1039 Constant_5148" -> "226 /layers/layers.0/blocks.1/Slice_7" [label="[3]", style=dashed]; -"1040 Constant_5145" -> "226 /layers/layers.0/blocks.1/Slice_7" [label="[3]", style=dashed]; -"1041 Constant_5127" -> "208 /layers/layers.0/blocks.1/Slice_5" [label="[2]", style=dashed]; -"1042 Constant_5124" -> "208 /layers/layers.0/blocks.1/Slice_5" [label="[2]", style=dashed]; -"1043 Constant_5121" -> "208 /layers/layers.0/blocks.1/Slice_5" [label="[2]", style=dashed]; -"1044 /layers/layers.0/blocks.1/Constant_18" -> "200 /layers/layers.0/blocks.1/Reshape_6" [label="[4]", style=dashed]; -"1045 Constant_453" -> "193 /layers/layers.0/blocks.1/Transpose_1" [label="[6]", style=dashed]; -"1046 /layers/layers.0/blocks.1/Constant_17" -> "187 /layers/layers.0/blocks.1/Reshape_5" [label="[6]", style=dashed]; -"1047 /layers/layers.0/blocks.1/Constant_16" -> "181 /layers/layers.0/blocks.1/Reshape_4" [label="[4]", style=dashed]; -"1048 Transpose_6378" -> "168 /layers/layers.0/blocks.1/attn/proj/MatMul" [label="[96, 96]", style=solid]; -"1049 Constant_54066" -> "160 /layers/layers.0/blocks.1/attn/Reshape_3_0_0/sq_multiply" [label="[1, 1, 96]", style=solid]; -"1050 /layers/layers.0/blocks.1/attn/Constant_4" -> "152 /layers/layers.0/blocks.1/attn/Reshape_3" [label="[3]", style=dashed]; -"1051 Constant_437" -> "143 /layers/layers.0/blocks.1/attn/Transpose_2" [label="[4]", style=dashed]; -"1052 Constant_418" -> "122 /layers/layers.0/blocks.1/attn/Gather_2" [label="[]", style=dashed]; -"1053 Constant_412" -> "112 /layers/layers.0/blocks.1/attn/Transpose" [label="[5]", style=dashed]; -"1054 /layers/layers.0/blocks.1/attn/Constant" -> "105 /layers/layers.0/blocks.1/attn/Reshape" [label="[5]", style=dashed]; -"1055 Transpose_6375" -> "91 /layers/layers.0/blocks.1/attn/qkv/MatMul" [label="[288, 96]", style=solid]; -"1056 Constant_54052" -> "85 /layers/layers.0/blocks.1/Reshape_3_0_0/sq_multiply" [label="[1, 1, 96]", style=solid]; -"1057 /layers/layers.0/blocks.1/Constant_15" -> "79 /layers/layers.0/blocks.1/Reshape_3" [label="[3]", style=dashed]; -"1058 /layers/layers.0/blocks.1/Constant_14" -> "74 /layers/layers.0/blocks.1/Reshape_2" [label="[4]", style=dashed]; -"1059 Constant_396" -> "70 /layers/layers.0/blocks.1/Transpose" [label="[6]", style=dashed]; -"1060 /layers/layers.0/blocks.1/Constant_13" -> "65 /layers/layers.0/blocks.1/Reshape_1" [label="[6]", style=dashed]; -"1061 Constant_5103" -> "55 /layers/layers.0/blocks.1/Slice_3" [label="[3]", style=dashed]; -"1062 Constant_5100" -> "55 /layers/layers.0/blocks.1/Slice_3" [label="[3]", style=dashed]; -"1063 Constant_5097" -> "55 /layers/layers.0/blocks.1/Slice_3" [label="[3]", style=dashed]; -"1064 Constant_5079" -> "44 /layers/layers.0/blocks.1/Slice_1" [label="[2]", style=dashed]; -"1065 Constant_5076" -> "44 /layers/layers.0/blocks.1/Slice_1" [label="[2]", style=dashed]; -"1066 Constant_5073" -> "44 /layers/layers.0/blocks.1/Slice_1" [label="[2]", style=dashed]; -"1067 /layers/layers.0/blocks.1/Constant" -> "35 /layers/layers.0/blocks.1/Reshape" [label="[4]", style=dashed]; -"1068 Constant_7295" -> "29 /layers/layers.0/blocks.1/norm1/Add_1" [label="[1, 1, 96]", style=solid]; -"1069 Constant_7294" -> "24 /layers/layers.0/blocks.1/norm1/Mul" [label="[1, 1, 96]", style=solid]; -"1070 Constant_333" -> "19 /layers/layers.0/blocks.1/norm1/Div" [label="[1]", style=dashed]; -"1071 Transpose_6371" -> "61 /layers/layers.0/blocks.0/mlp/fc2/MatMul" [label="[96, 384]", style=solid]; -"1072 Constant_54044" -> "56 /layers/layers.0/blocks.0/mlp/act/Mul_1_0_0/sq_multiply" [label="[1, 1, 384]", style=solid]; -"1073 Transpose_6367" -> "36 /layers/layers.0/blocks.0/mlp/fc1/MatMul" [label="[384, 96]", style=solid]; -"1074 Constant_54040" -> "30 /layers/layers.0/blocks.0/norm2/Add_1_0_0/sq_multiply" [label="[1, 1, 96]", style=solid]; -"1075 Constant_7291" -> "25 /layers/layers.0/blocks.0/norm2/Add_1" [label="[1, 1, 96]", style=solid]; -"1076 Constant_7290" -> "20 /layers/layers.0/blocks.0/norm2/Mul" [label="[1, 1, 96]", style=solid]; -"1077 Constant_307" -> "16 /layers/layers.0/blocks.0/norm2/Div" [label="[1]", style=dashed]; -"1078 /layers/layers.0/blocks.0/Constant_8" -> "161 /layers/layers.0/blocks.0/Reshape_7" [label="[3]", style=dashed]; -"1079 /layers/layers.0/blocks.0/Constant_7" -> "153 /layers/layers.0/blocks.0/Reshape_6" [label="[4]", style=dashed]; -"1080 Constant_296" -> "144 /layers/layers.0/blocks.0/Transpose_1" [label="[6]", style=dashed]; -"1081 /layers/layers.0/blocks.0/Constant_6" -> "136 /layers/layers.0/blocks.0/Reshape_5" [label="[6]", style=dashed]; -"1082 /layers/layers.0/blocks.0/Constant_5" -> "123 /layers/layers.0/blocks.0/Reshape_4" [label="[4]", style=dashed]; -"1083 Transpose_6363" -> "106 /layers/layers.0/blocks.0/attn/proj/MatMul" [label="[96, 96]", style=solid]; -"1084 Constant_54054" -> "99 /layers/layers.0/blocks.0/attn/Reshape_1_0_0/sq_multiply" [label="[1, 1, 96]", style=solid]; -"1085 /layers/layers.0/blocks.0/attn/Constant_2" -> "93 /layers/layers.0/blocks.0/attn/Reshape_1" [label="[3]", style=dashed]; -"1086 Constant_280" -> "87 /layers/layers.0/blocks.0/attn/Transpose_2" [label="[4]", style=dashed]; -"1087 Constant_270" -> "77 /layers/layers.0/blocks.0/attn/Gather_2" [label="[]", style=dashed]; -"1088 Constant_264" -> "71 /layers/layers.0/blocks.0/attn/Transpose" [label="[5]", style=dashed]; -"1089 /layers/layers.0/blocks.0/attn/Constant" -> "67 /layers/layers.0/blocks.0/attn/Reshape" [label="[5]", style=dashed]; -"1090 Transpose_6360" -> "57 /layers/layers.0/blocks.0/attn/qkv/MatMul" [label="[288, 96]", style=solid]; -"1091 Constant_54046" -> "51 /layers/layers.0/blocks.0/Reshape_3_0_0/sq_multiply" [label="[1, 1, 96]", style=solid]; -"1092 /layers/layers.0/blocks.0/Constant_4" -> "46 /layers/layers.0/blocks.0/Reshape_3" [label="[3]", style=dashed]; -"1093 /layers/layers.0/blocks.0/Constant_3" -> "37 /layers/layers.0/blocks.0/Reshape_2" [label="[4]", style=dashed]; -"1094 Constant_248" -> "31 /layers/layers.0/blocks.0/Transpose" [label="[6]", style=dashed]; -"1095 /layers/layers.0/blocks.0/Constant_2" -> "26 /layers/layers.0/blocks.0/Reshape_1" [label="[6]", style=dashed]; -"1096 Constant_7286" -> "21 /layers/layers.0/blocks.0/norm1/Add_1" [label="[1, 1, 96]", style=solid]; -"1097 Constant_7285" -> "17 /layers/layers.0/blocks.0/norm1/Mul" [label="[1, 1, 96]", style=solid]; -"1098 Constant_227" -> "14 /layers/layers.0/blocks.0/norm1/Div" [label="[1]", style=dashed]; -"1099 Constant_7284" -> "12 /patch_embed/norm/Add_1" [label="[1, 1, 96]", style=solid]; -"1100 Constant_7283" -> "11 /patch_embed/norm/Mul" [label="[1, 1, 96]", style=solid]; -"1101 Constant_213" -> "9 /patch_embed/norm/Div" [label="[1]", style=dashed]; -"1102 Constant_211" -> "7 /patch_embed/Transpose" [label="[3]", style=dashed]; -"1103 /patch_embed/Constant_4" -> "10 /patch_embed/Concat" [label="[1]", style=dashed]; -"1104 Broadcast_201" -> "8 /patch_embed/Slice" [label="[1]", style=dashed]; -"1105 /patch_embed/Constant_3" -> "8 /patch_embed/Slice" [label="[1]", style=dashed]; -"1106 /patch_embed/Constant_2" -> "8 /patch_embed/Slice" [label="[1]", style=dashed]; -"1107 Reshape_190" -> "4 /patch_embed/proj/Conv" [label="[1, 96, 1, 1]", style=solid]; -"1108 Gather_7282" -> "3 /patch_embed/proj/Conv/WithoutBiases" [label="[96, 3, 4, 4]", style=solid]; -"1109 Gather_7279" -> "2 Divide_2169" [label="[1, 3, 1, 1]", style=solid]; -"1110 Gather_7276" -> "1 Multiply_6579" [label="[1, 3, 1, 1]", style=solid]; -"1111 Constant_7287" -> "62 /layers/layers.0/blocks.0/attn/qkv/Add" [label="[1, 1, 288]", style=solid]; -"1112 onnx^^Add_2244" -> "86 /layers/layers.0/blocks.0/attn/Add" [label="[1, 3, 49, 49]", style=solid]; -"1113 Constant_268" -> "76 /layers/layers.0/blocks.0/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "76 /layers/layers.0/blocks.0/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "121 /layers/layers.0/blocks.1/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "179 /layers/layers.1/blocks.0/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "235 /layers/layers.1/blocks.1/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "335 /layers/layers.2/blocks.0/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "391 /layers/layers.2/blocks.2/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "429 /layers/layers.2/blocks.1/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "437 /layers/layers.2/blocks.4/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "473 /layers/layers.2/blocks.3/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "520 /layers/layers.2/blocks.5/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "593 /layers/layers.3/blocks.0/attn/Gather_1" [label="[]", style=dashed]; -"1114 /patch_embed/proj/Constant" -> "607 /layers/layers.3/blocks.1/attn/Gather_1" [label="[]", style=dashed]; -"1115 Constant_7288" -> "80 /layers/layers.0/blocks.0/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1116 Constant_266" -> "75 /layers/layers.0/blocks.0/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "75 /layers/layers.0/blocks.0/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "120 /layers/layers.0/blocks.1/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "178 /layers/layers.1/blocks.0/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "234 /layers/layers.1/blocks.1/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "334 /layers/layers.2/blocks.0/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "390 /layers/layers.2/blocks.2/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "428 /layers/layers.2/blocks.1/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "436 /layers/layers.2/blocks.4/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "472 /layers/layers.2/blocks.3/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "519 /layers/layers.2/blocks.5/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "592 /layers/layers.3/blocks.0/attn/Gather" [label="[]", style=dashed]; -"1117 /layers/layers.0/blocks.0/Constant" -> "606 /layers/layers.3/blocks.1/attn/Gather" [label="[]", style=dashed]; -"1118 Constant_7289" -> "113 /layers/layers.0/blocks.0/attn/proj/Add" [label="[1, 1, 96]", style=solid]; -"1119 Constant_7292" -> "45 /layers/layers.0/blocks.0/mlp/fc1/Add" [label="[1, 1, 384]", style=solid]; -"1120 Constant_7293" -> "66 /layers/layers.0/blocks.0/mlp/fc2/Add" [label="[1, 1, 96]", style=solid]; -"1121 Constant_5067" -> "43 /layers/layers.0/blocks.1/Slice" [label="[2]", style=dashed]; -"1122 Constant_5064" -> "43 /layers/layers.0/blocks.1/Slice" [label="[2]", style=dashed]; -"1123 Constant_5061" -> "43 /layers/layers.0/blocks.1/Slice" [label="[2]", style=dashed]; -"1124 Constant_5091" -> "54 /layers/layers.0/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1125 Constant_5088" -> "54 /layers/layers.0/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1126 Constant_5085" -> "54 /layers/layers.0/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1127 Constant_7296" -> "98 /layers/layers.0/blocks.1/attn/qkv/Add" [label="[1, 1, 288]", style=solid]; -"1128 /layers/layers.0/blocks.1/attn/Constant_3" -> "167 /layers/layers.0/blocks.1/attn/Reshape_2" [label="[4]", style=dashed]; -"1129 onnx^^Add_2301" -> "159 /layers/layers.0/blocks.1/attn/Add_1" [label="[1, 64, 1, 49, 49]", style=solid]; -"1130 /layers/layers.0/blocks.1/attn/Constant_2" -> "151 /layers/layers.0/blocks.1/attn/Reshape_1" [label="[5]", style=dashed]; -"1131 onnx^^Add_2293" -> "142 /layers/layers.0/blocks.1/attn/Add" [label="[1, 3, 49, 49]", style=solid]; -"1132 Constant_416" -> "121 /layers/layers.0/blocks.1/attn/Gather_1" [label="[]", style=dashed]; -"1133 Constant_7297" -> "133 /layers/layers.0/blocks.1/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1134 Constant_414" -> "120 /layers/layers.0/blocks.1/attn/Gather" [label="[]", style=dashed]; -"1135 Constant_7298" -> "174 /layers/layers.0/blocks.1/attn/proj/Add" [label="[1, 1, 96]", style=solid]; -"1136 Constant_5115" -> "207 /layers/layers.0/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1137 Constant_5112" -> "207 /layers/layers.0/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1138 Constant_5109" -> "207 /layers/layers.0/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1139 Constant_5139" -> "225 /layers/layers.0/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1140 Constant_5136" -> "225 /layers/layers.0/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1141 Constant_5133" -> "225 /layers/layers.0/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1142 Constant_7301" -> "53 /layers/layers.0/blocks.1/mlp/fc1/Add" [label="[1, 1, 384]", style=solid]; -"1143 Constant_7302" -> "73 /layers/layers.0/blocks.1/mlp/fc2/Add" [label="[1, 1, 96]", style=solid]; -"1144 Constant_5211" -> "39 /layers/layers.0/downsample/Slice_4" [label="[3]", style=dashed]; -"1145 Constant_5208" -> "39 /layers/layers.0/downsample/Slice_4" [label="[3]", style=dashed]; -"1146 Constant_5205" -> "39 /layers/layers.0/downsample/Slice_4" [label="[3]", style=dashed]; -"1147 Constant_5163" -> "32 /layers/layers.0/downsample/Slice" [label="[2]", style=dashed]; -"1148 Constant_5160" -> "32 /layers/layers.0/downsample/Slice" [label="[2]", style=dashed]; -"1149 Constant_5157" -> "32 /layers/layers.0/downsample/Slice" [label="[2]", style=dashed]; -"1150 Constant_5199" -> "40 /layers/layers.0/downsample/Slice_3" [label="[3]", style=dashed]; -"1151 Constant_5196" -> "40 /layers/layers.0/downsample/Slice_3" [label="[3]", style=dashed]; -"1152 Constant_5193" -> "40 /layers/layers.0/downsample/Slice_3" [label="[3]", style=dashed]; -"1153 Constant_5175" -> "38 /layers/layers.0/downsample/Slice_1" [label="[3]", style=dashed]; -"1154 Constant_5172" -> "38 /layers/layers.0/downsample/Slice_1" [label="[3]", style=dashed]; -"1155 Constant_5169" -> "38 /layers/layers.0/downsample/Slice_1" [label="[3]", style=dashed]; -"1156 Constant_7307" -> "158 /layers/layers.1/blocks.0/attn/qkv/Add" [label="[1, 1, 576]", style=solid]; -"1157 onnx^^Add_2389" -> "191 /layers/layers.1/blocks.0/attn/Add" [label="[1, 6, 49, 49]", style=solid]; -"1158 Constant_626" -> "179 /layers/layers.1/blocks.0/attn/Gather_1" [label="[]", style=dashed]; -"1159 Constant_7308" -> "184 /layers/layers.1/blocks.0/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1160 Constant_624" -> "178 /layers/layers.1/blocks.0/attn/Gather" [label="[]", style=dashed]; -"1161 Constant_7309" -> "224 /layers/layers.1/blocks.0/attn/proj/Add" [label="[1, 1, 192]", style=solid]; -"1162 Constant_7312" -> "131 /layers/layers.1/blocks.0/mlp/fc1/Add" [label="[1, 1, 768]", style=solid]; -"1163 Constant_7313" -> "165 /layers/layers.1/blocks.0/mlp/fc2/Add" [label="[1, 1, 192]", style=solid]; -"1164 Constant_5235" -> "129 /layers/layers.1/blocks.1/Slice" [label="[2]", style=dashed]; -"1165 Constant_5232" -> "129 /layers/layers.1/blocks.1/Slice" [label="[2]", style=dashed]; -"1166 Constant_5229" -> "129 /layers/layers.1/blocks.1/Slice" [label="[2]", style=dashed]; -"1167 Constant_5259" -> "147 /layers/layers.1/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1168 Constant_5256" -> "147 /layers/layers.1/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1169 Constant_5253" -> "147 /layers/layers.1/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1170 Constant_7316" -> "205 /layers/layers.1/blocks.1/attn/qkv/Add" [label="[1, 1, 576]", style=solid]; -"1171 /layers/layers.1/blocks.1/attn/Constant_3" -> "306 /layers/layers.1/blocks.1/attn/Reshape_2" [label="[4]", style=dashed]; -"1172 onnx^^Add_2446" -> "290 /layers/layers.1/blocks.1/attn/Add_1" [label="[1, 16, 1, 49, 49]", style=solid]; -"1173 /layers/layers.1/blocks.1/attn/Constant_2" -> "276 /layers/layers.1/blocks.1/attn/Reshape_1" [label="[5]", style=dashed]; -"1174 onnx^^Add_2438" -> "262 /layers/layers.1/blocks.1/attn/Add" [label="[1, 6, 49, 49]", style=solid]; -"1175 Constant_774" -> "235 /layers/layers.1/blocks.1/attn/Gather_1" [label="[]", style=dashed]; -"1176 Constant_7317" -> "248 /layers/layers.1/blocks.1/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1177 Constant_772" -> "234 /layers/layers.1/blocks.1/attn/Gather" [label="[]", style=dashed]; -"1178 Constant_7318" -> "321 /layers/layers.1/blocks.1/attn/proj/Add" [label="[1, 1, 192]", style=solid]; -"1179 Constant_5283" -> "395 /layers/layers.1/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1180 Constant_5280" -> "395 /layers/layers.1/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1181 Constant_5277" -> "395 /layers/layers.1/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1182 Constant_5307" -> "419 /layers/layers.1/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1183 Constant_5304" -> "419 /layers/layers.1/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1184 Constant_5301" -> "419 /layers/layers.1/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1185 Constant_7321" -> "146 /layers/layers.1/blocks.1/mlp/fc1/Add" [label="[1, 1, 768]", style=solid]; -"1186 Constant_7322" -> "176 /layers/layers.1/blocks.1/mlp/fc2/Add" [label="[1, 1, 192]", style=solid]; -"1187 Constant_5379" -> "125 /layers/layers.1/downsample/Slice_4" [label="[3]", style=dashed]; -"1188 Constant_5376" -> "125 /layers/layers.1/downsample/Slice_4" [label="[3]", style=dashed]; -"1189 Constant_5373" -> "125 /layers/layers.1/downsample/Slice_4" [label="[3]", style=dashed]; -"1190 Constant_5331" -> "114 /layers/layers.1/downsample/Slice" [label="[2]", style=dashed]; -"1191 Constant_5328" -> "114 /layers/layers.1/downsample/Slice" [label="[2]", style=dashed]; -"1192 Constant_5325" -> "114 /layers/layers.1/downsample/Slice" [label="[2]", style=dashed]; -"1193 Constant_5367" -> "126 /layers/layers.1/downsample/Slice_3" [label="[3]", style=dashed]; -"1194 Constant_5364" -> "126 /layers/layers.1/downsample/Slice_3" [label="[3]", style=dashed]; -"1195 Constant_5361" -> "126 /layers/layers.1/downsample/Slice_3" [label="[3]", style=dashed]; -"1196 Constant_5343" -> "124 /layers/layers.1/downsample/Slice_1" [label="[3]", style=dashed]; -"1197 Constant_5340" -> "124 /layers/layers.1/downsample/Slice_1" [label="[3]", style=dashed]; -"1198 Constant_5337" -> "124 /layers/layers.1/downsample/Slice_1" [label="[3]", style=dashed]; -"1199 Constant_7327" -> "289 /layers/layers.2/blocks.0/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; -"1200 onnx^^Add_2534" -> "367 /layers/layers.2/blocks.0/attn/Add" [label="[1, 12, 49, 49]", style=solid]; -"1201 Constant_984" -> "335 /layers/layers.2/blocks.0/attn/Gather_1" [label="[]", style=dashed]; -"1202 Constant_7328" -> "349 /layers/layers.2/blocks.0/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1203 Constant_982" -> "334 /layers/layers.2/blocks.0/attn/Gather" [label="[]", style=dashed]; -"1204 Constant_7329" -> "418 /layers/layers.2/blocks.0/attn/proj/Add" [label="[1, 1, 384]", style=solid]; -"1205 Constant_7332" -> "246 /layers/layers.2/blocks.0/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; -"1206 Constant_7333" -> "304 /layers/layers.2/blocks.0/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; -"1207 Constant_5403" -> "244 /layers/layers.2/blocks.1/Slice" [label="[2]", style=dashed]; -"1208 Constant_5400" -> "244 /layers/layers.2/blocks.1/Slice" [label="[2]", style=dashed]; -"1209 Constant_5397" -> "244 /layers/layers.2/blocks.1/Slice" [label="[2]", style=dashed]; -"1210 Constant_5427" -> "272 /layers/layers.2/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1211 Constant_5424" -> "272 /layers/layers.2/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1212 Constant_5421" -> "272 /layers/layers.2/blocks.1/Slice_2" [label="[3]", style=dashed]; -"1213 Constant_7336" -> "393 /layers/layers.2/blocks.1/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; -"1214 /layers/layers.2/blocks.1/attn/Constant_3" -> "489 /layers/layers.2/blocks.1/attn/Reshape_2" [label="[4]", style=dashed]; -"1215 onnx^^Add_2702" -> "476 /layers/layers.2/blocks.1/attn/Add_1" [label="[1, 4, 1, 49, 49]", style=solid]; -"1215 onnx^^Add_2702" -> "523 /layers/layers.2/blocks.3/attn/Add_1" [label="[1, 4, 1, 49, 49]", style=solid]; -"1215 onnx^^Add_2702" -> "566 /layers/layers.2/blocks.5/attn/Add_1" [label="[1, 4, 1, 49, 49]", style=solid]; -"1216 /layers/layers.2/blocks.1/attn/Constant_2" -> "463 /layers/layers.2/blocks.1/attn/Reshape_1" [label="[5]", style=dashed]; -"1217 onnx^^Add_2583" -> "453 /layers/layers.2/blocks.1/attn/Add" [label="[1, 12, 49, 49]", style=solid]; -"1218 Constant_1132" -> "429 /layers/layers.2/blocks.1/attn/Gather_1" [label="[]", style=dashed]; -"1219 Constant_7337" -> "441 /layers/layers.2/blocks.1/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1220 Constant_1130" -> "428 /layers/layers.2/blocks.1/attn/Gather" [label="[]", style=dashed]; -"1221 Constant_7338" -> "502 /layers/layers.2/blocks.1/attn/proj/Add" [label="[1, 1, 384]", style=solid]; -"1222 Constant_5451" -> "559 /layers/layers.2/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1223 Constant_5448" -> "559 /layers/layers.2/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1224 Constant_5445" -> "559 /layers/layers.2/blocks.1/Slice_4" [label="[2]", style=dashed]; -"1225 Constant_5475" -> "579 /layers/layers.2/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1226 Constant_5472" -> "579 /layers/layers.2/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1227 Constant_5469" -> "579 /layers/layers.2/blocks.1/Slice_6" [label="[3]", style=dashed]; -"1228 Constant_7341" -> "271 /layers/layers.2/blocks.1/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; -"1229 Constant_7342" -> "332 /layers/layers.2/blocks.1/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; -"1230 Constant_7345" -> "347 /layers/layers.2/blocks.2/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; -"1231 onnx^^Add_2645" -> "415 /layers/layers.2/blocks.2/attn/Add" [label="[1, 12, 49, 49]", style=solid]; -"1232 Constant_1289" -> "391 /layers/layers.2/blocks.2/attn/Gather_1" [label="[]", style=dashed]; -"1233 Constant_7346" -> "403 /layers/layers.2/blocks.2/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1234 Constant_1287" -> "390 /layers/layers.2/blocks.2/attn/Gather" [label="[]", style=dashed]; -"1235 Constant_7347" -> "462 /layers/layers.2/blocks.2/attn/proj/Add" [label="[1, 1, 384]", style=solid]; -"1236 Constant_7350" -> "300 /layers/layers.2/blocks.2/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; -"1237 Constant_7351" -> "364 /layers/layers.2/blocks.2/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; -"1238 Constant_5499" -> "298 /layers/layers.2/blocks.3/Slice" [label="[2]", style=dashed]; -"1239 Constant_5496" -> "298 /layers/layers.2/blocks.3/Slice" [label="[2]", style=dashed]; -"1240 Constant_5493" -> "298 /layers/layers.2/blocks.3/Slice" [label="[2]", style=dashed]; -"1241 Constant_5523" -> "328 /layers/layers.2/blocks.3/Slice_2" [label="[3]", style=dashed]; -"1242 Constant_5520" -> "328 /layers/layers.2/blocks.3/Slice_2" [label="[3]", style=dashed]; -"1243 Constant_5517" -> "328 /layers/layers.2/blocks.3/Slice_2" [label="[3]", style=dashed]; -"1244 Constant_7354" -> "439 /layers/layers.2/blocks.3/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; -"1245 /layers/layers.2/blocks.3/attn/Constant_3" -> "536 /layers/layers.2/blocks.3/attn/Reshape_2" [label="[4]", style=dashed]; -"1246 /layers/layers.2/blocks.3/attn/Constant_2" -> "510 /layers/layers.2/blocks.3/attn/Reshape_1" [label="[5]", style=dashed]; -"1247 onnx^^Add_2694" -> "498 /layers/layers.2/blocks.3/attn/Add" [label="[1, 12, 49, 49]", style=solid]; -"1248 Constant_1437" -> "473 /layers/layers.2/blocks.3/attn/Gather_1" [label="[]", style=dashed]; -"1249 Constant_7355" -> "485 /layers/layers.2/blocks.3/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1250 Constant_1435" -> "472 /layers/layers.2/blocks.3/attn/Gather" [label="[]", style=dashed]; -"1251 Constant_7356" -> "548 /layers/layers.2/blocks.3/attn/proj/Add" [label="[1, 1, 384]", style=solid]; -"1252 Constant_5547" -> "596 /layers/layers.2/blocks.3/Slice_4" [label="[2]", style=dashed]; -"1253 Constant_5544" -> "596 /layers/layers.2/blocks.3/Slice_4" [label="[2]", style=dashed]; -"1254 Constant_5541" -> "596 /layers/layers.2/blocks.3/Slice_4" [label="[2]", style=dashed]; -"1255 Constant_5571" -> "612 /layers/layers.2/blocks.3/Slice_6" [label="[3]", style=dashed]; -"1256 Constant_5568" -> "612 /layers/layers.2/blocks.3/Slice_6" [label="[3]", style=dashed]; -"1257 Constant_5565" -> "612 /layers/layers.2/blocks.3/Slice_6" [label="[3]", style=dashed]; -"1258 Constant_7359" -> "327 /layers/layers.2/blocks.3/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; -"1259 Constant_7360" -> "388 /layers/layers.2/blocks.3/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; -"1260 Constant_7363" -> "401 /layers/layers.2/blocks.4/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; -"1261 onnx^^Add_2756" -> "459 /layers/layers.2/blocks.4/attn/Add" [label="[1, 12, 49, 49]", style=solid]; -"1262 Constant_1594" -> "437 /layers/layers.2/blocks.4/attn/Gather_1" [label="[]", style=dashed]; -"1263 Constant_7364" -> "448 /layers/layers.2/blocks.4/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1264 Constant_1592" -> "436 /layers/layers.2/blocks.4/attn/Gather" [label="[]", style=dashed]; -"1265 Constant_7365" -> "509 /layers/layers.2/blocks.4/attn/proj/Add" [label="[1, 1, 384]", style=solid]; -"1266 Constant_7368" -> "360 /layers/layers.2/blocks.4/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; -"1267 Constant_7369" -> "412 /layers/layers.2/blocks.4/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; -"1268 Constant_5595" -> "358 /layers/layers.2/blocks.5/Slice" [label="[2]", style=dashed]; -"1269 Constant_5592" -> "358 /layers/layers.2/blocks.5/Slice" [label="[2]", style=dashed]; -"1270 Constant_5589" -> "358 /layers/layers.2/blocks.5/Slice" [label="[2]", style=dashed]; -"1271 Constant_5619" -> "384 /layers/layers.2/blocks.5/Slice_2" [label="[3]", style=dashed]; -"1272 Constant_5616" -> "384 /layers/layers.2/blocks.5/Slice_2" [label="[3]", style=dashed]; -"1273 Constant_5613" -> "384 /layers/layers.2/blocks.5/Slice_2" [label="[3]", style=dashed]; -"1274 Constant_7372" -> "483 /layers/layers.2/blocks.5/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; -"1275 /layers/layers.2/blocks.5/attn/Constant_3" -> "576 /layers/layers.2/blocks.5/attn/Reshape_2" [label="[4]", style=dashed]; -"1276 /layers/layers.2/blocks.5/attn/Constant_2" -> "555 /layers/layers.2/blocks.5/attn/Reshape_1" [label="[5]", style=dashed]; -"1277 onnx^^Add_2805" -> "544 /layers/layers.2/blocks.5/attn/Add" [label="[1, 12, 49, 49]", style=solid]; -"1278 Constant_1742" -> "520 /layers/layers.2/blocks.5/attn/Gather_1" [label="[]", style=dashed]; -"1279 Constant_7373" -> "532 /layers/layers.2/blocks.5/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1280 Constant_1740" -> "519 /layers/layers.2/blocks.5/attn/Gather" [label="[]", style=dashed]; -"1281 Constant_7374" -> "586 /layers/layers.2/blocks.5/attn/proj/Add" [label="[1, 1, 384]", style=solid]; -"1282 Constant_5643" -> "624 /layers/layers.2/blocks.5/Slice_4" [label="[2]", style=dashed]; -"1283 Constant_5640" -> "624 /layers/layers.2/blocks.5/Slice_4" [label="[2]", style=dashed]; -"1284 Constant_5637" -> "624 /layers/layers.2/blocks.5/Slice_4" [label="[2]", style=dashed]; -"1285 Constant_5667" -> "633 /layers/layers.2/blocks.5/Slice_6" [label="[3]", style=dashed]; -"1286 Constant_5664" -> "633 /layers/layers.2/blocks.5/Slice_6" [label="[3]", style=dashed]; -"1287 Constant_5661" -> "633 /layers/layers.2/blocks.5/Slice_6" [label="[3]", style=dashed]; -"1288 Constant_7377" -> "383 /layers/layers.2/blocks.5/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; -"1289 Constant_7378" -> "434 /layers/layers.2/blocks.5/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; -"1290 Constant_5739" -> "354 /layers/layers.2/downsample/Slice_4" [label="[3]", style=dashed]; -"1291 Constant_5736" -> "354 /layers/layers.2/downsample/Slice_4" [label="[3]", style=dashed]; -"1292 Constant_5733" -> "354 /layers/layers.2/downsample/Slice_4" [label="[3]", style=dashed]; -"1293 Constant_5691" -> "338 /layers/layers.2/downsample/Slice" [label="[2]", style=dashed]; -"1294 Constant_5688" -> "338 /layers/layers.2/downsample/Slice" [label="[2]", style=dashed]; -"1295 Constant_5685" -> "338 /layers/layers.2/downsample/Slice" [label="[2]", style=dashed]; -"1296 Constant_5727" -> "355 /layers/layers.2/downsample/Slice_3" [label="[3]", style=dashed]; -"1297 Constant_5724" -> "355 /layers/layers.2/downsample/Slice_3" [label="[3]", style=dashed]; -"1298 Constant_5721" -> "355 /layers/layers.2/downsample/Slice_3" [label="[3]", style=dashed]; -"1299 Constant_5703" -> "353 /layers/layers.2/downsample/Slice_1" [label="[3]", style=dashed]; -"1300 Constant_5700" -> "353 /layers/layers.2/downsample/Slice_1" [label="[3]", style=dashed]; -"1301 Constant_5697" -> "353 /layers/layers.2/downsample/Slice_1" [label="[3]", style=dashed]; -"1302 Constant_7383" -> "565 /layers/layers.3/blocks.0/attn/qkv/Add" [label="[1, 1, 2304]", style=solid]; -"1303 onnx^^Add_2901" -> "609 /layers/layers.3/blocks.0/attn/Add" [label="[1, 24, 49, 49]", style=solid]; -"1304 Constant_1952" -> "593 /layers/layers.3/blocks.0/attn/Gather_1" [label="[]", style=dashed]; -"1305 Constant_7384" -> "601 /layers/layers.3/blocks.0/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1306 Constant_1950" -> "592 /layers/layers.3/blocks.0/attn/Gather" [label="[]", style=dashed]; -"1307 Constant_7385" -> "632 /layers/layers.3/blocks.0/attn/proj/Add" [label="[1, 1, 768]", style=solid]; -"1308 Constant_7388" -> "530 /layers/layers.3/blocks.0/mlp/fc1/Add" [label="[1, 1, 3072]", style=solid]; -"1309 Constant_7389" -> "574 /layers/layers.3/blocks.0/mlp/fc2/Add" [label="[1, 1, 768]", style=solid]; -"1310 Constant_7392" -> "583 /layers/layers.3/blocks.1/attn/qkv/Add" [label="[1, 1, 2304]", style=solid]; -"1311 onnx^^Add_2950" -> "621 /layers/layers.3/blocks.1/attn/Add" [label="[1, 24, 49, 49]", style=solid]; -"1312 Constant_2058" -> "607 /layers/layers.3/blocks.1/attn/Gather_1" [label="[]", style=dashed]; -"1313 Constant_7393" -> "614 /layers/layers.3/blocks.1/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; -"1314 Constant_2056" -> "606 /layers/layers.3/blocks.1/attn/Gather" [label="[]", style=dashed]; -"1315 Constant_7394" -> "638 /layers/layers.3/blocks.1/attn/proj/Add" [label="[1, 1, 768]", style=solid]; -"1316 Constant_7397" -> "551 /layers/layers.3/blocks.1/mlp/fc1/Add" [label="[1, 1, 3072]", style=solid]; -"1317 Constant_7398" -> "590 /layers/layers.3/blocks.1/mlp/fc2/Add" [label="[1, 1, 768]", style=solid]; +"2 Divide_2169" -> "3 Divide_2169_0_0/nncf_smooth_quant" [label="[1, 3, 224, 224]", style=solid]; +"3 Divide_2169_0_0/nncf_smooth_quant" -> "4 /patch_embed/proj/Conv/WithoutBiases" [label="[1, 3, 224, 224]", style=solid]; +"4 /patch_embed/proj/Conv/WithoutBiases" -> "5 /patch_embed/proj/Conv" [label="[1, 96, 56, 56]", style=solid]; +"5 /patch_embed/proj/Conv" -> "6 /patch_embed/Reshape" [label="[1, 96, 56, 56]", style=solid]; +"5 /patch_embed/proj/Conv" -> "7 /patch_embed/Shape" [label="[1, 96, 56, 56]", style=solid]; +"6 /patch_embed/Reshape" -> "8 /patch_embed/Transpose" [label="[1, 96, 3136]", style=solid]; +"7 /patch_embed/Shape" -> "9 /patch_embed/Slice" [label="[4]", style=dashed]; +"8 /patch_embed/Transpose" -> "10 /patch_embed/norm/Div" [label="[1, 3136, 96]", style=solid]; +"9 /patch_embed/Slice" -> "11 /patch_embed/Concat" [label="[2]", style=dashed]; +"10 /patch_embed/norm/Div" -> "12 /patch_embed/norm/Mul" [label="[1, 3136, 96]", style=solid]; +"11 /patch_embed/Concat" -> "6 /patch_embed/Reshape" [label="[3]", style=dashed]; +"12 /patch_embed/norm/Mul" -> "13 /patch_embed/norm/Add_1" [label="[1, 3136, 96]", style=solid]; +"13 /patch_embed/norm/Add_1" -> "14 /layers/layers.0/blocks.0/Add" [label="[1, 3136, 96]", style=solid]; +"13 /patch_embed/norm/Add_1" -> "15 /layers/layers.0/blocks.0/norm1/Div" [label="[1, 3136, 96]", style=solid]; +"14 /layers/layers.0/blocks.0/Add" -> "16 /layers/layers.0/blocks.0/Add_1" [label="[1, 3136, 96]", style=solid]; +"14 /layers/layers.0/blocks.0/Add" -> "17 /layers/layers.0/blocks.0/norm2/Div" [label="[1, 3136, 96]", style=solid]; +"15 /layers/layers.0/blocks.0/norm1/Div" -> "18 /layers/layers.0/blocks.0/norm1/Mul" [label="[1, 3136, 96]", style=solid]; +"16 /layers/layers.0/blocks.0/Add_1" -> "19 /layers/layers.0/blocks.1/Add" [label="[1, 3136, 96]", style=solid]; +"16 /layers/layers.0/blocks.0/Add_1" -> "20 /layers/layers.0/blocks.1/norm1/Div" [label="[1, 3136, 96]", style=solid]; +"17 /layers/layers.0/blocks.0/norm2/Div" -> "21 /layers/layers.0/blocks.0/norm2/Mul" [label="[1, 3136, 96]", style=solid]; +"18 /layers/layers.0/blocks.0/norm1/Mul" -> "22 /layers/layers.0/blocks.0/norm1/Add_1" [label="[1, 3136, 96]", style=solid]; +"19 /layers/layers.0/blocks.1/Add" -> "23 /layers/layers.0/blocks.1/Add_1" [label="[1, 3136, 96]", style=solid]; +"19 /layers/layers.0/blocks.1/Add" -> "24 /layers/layers.0/blocks.1/norm2/Div" [label="[1, 3136, 96]", style=solid]; +"20 /layers/layers.0/blocks.1/norm1/Div" -> "25 /layers/layers.0/blocks.1/norm1/Mul" [label="[1, 3136, 96]", style=solid]; +"21 /layers/layers.0/blocks.0/norm2/Mul" -> "26 /layers/layers.0/blocks.0/norm2/Add_1" [label="[1, 3136, 96]", style=solid]; +"22 /layers/layers.0/blocks.0/norm1/Add_1" -> "27 /layers/layers.0/blocks.0/Reshape_1" [label="[1, 3136, 96]", style=solid]; +"23 /layers/layers.0/blocks.1/Add_1" -> "28 /layers/layers.0/downsample/Reshape" [label="[1, 3136, 96]", style=solid]; +"24 /layers/layers.0/blocks.1/norm2/Div" -> "29 /layers/layers.0/blocks.1/norm2/Mul" [label="[1, 3136, 96]", style=solid]; +"25 /layers/layers.0/blocks.1/norm1/Mul" -> "30 /layers/layers.0/blocks.1/norm1/Add_1" [label="[1, 3136, 96]", style=solid]; +"26 /layers/layers.0/blocks.0/norm2/Add_1" -> "31 /layers/layers.0/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 3136, 96]", style=solid]; +"27 /layers/layers.0/blocks.0/Reshape_1" -> "32 /layers/layers.0/blocks.0/Transpose" [label="[1, 8, 7, 8, 7, 96]", style=solid]; +"28 /layers/layers.0/downsample/Reshape" -> "33 /layers/layers.0/downsample/Slice" [label="[1, 56, 56, 96]", style=solid]; +"28 /layers/layers.0/downsample/Reshape" -> "34 /layers/layers.0/downsample/Slice_2" [label="[1, 56, 56, 96]", style=solid]; +"29 /layers/layers.0/blocks.1/norm2/Mul" -> "35 /layers/layers.0/blocks.1/norm2/Add_1" [label="[1, 3136, 96]", style=solid]; +"30 /layers/layers.0/blocks.1/norm1/Add_1" -> "36 /layers/layers.0/blocks.1/Reshape" [label="[1, 3136, 96]", style=solid]; +"31 /layers/layers.0/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" -> "37 /layers/layers.0/blocks.0/mlp/fc1/MatMul" [label="[1, 3136, 96]", style=solid]; +"32 /layers/layers.0/blocks.0/Transpose" -> "38 /layers/layers.0/blocks.0/Reshape_2" [label="[1, 8, 8, 7, 7, 96]", style=solid]; +"33 /layers/layers.0/downsample/Slice" -> "39 /layers/layers.0/downsample/Slice_1" [label="[1, 28, 56, 96]", style=solid]; +"33 /layers/layers.0/downsample/Slice" -> "40 /layers/layers.0/downsample/Slice_4" [label="[1, 28, 56, 96]", style=solid]; +"34 /layers/layers.0/downsample/Slice_2" -> "41 /layers/layers.0/downsample/Slice_3" [label="[1, 28, 56, 96]", style=solid]; +"34 /layers/layers.0/downsample/Slice_2" -> "42 /layers/layers.0/downsample/Slice_5" [label="[1, 28, 56, 96]", style=solid]; +"35 /layers/layers.0/blocks.1/norm2/Add_1" -> "43 /layers/layers.0/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 3136, 96]", style=solid]; +"36 /layers/layers.0/blocks.1/Reshape" -> "44 /layers/layers.0/blocks.1/Slice" [label="[1, 56, 56, 96]", style=solid]; +"36 /layers/layers.0/blocks.1/Reshape" -> "45 /layers/layers.0/blocks.1/Slice_1" [label="[1, 56, 56, 96]", style=solid]; +"37 /layers/layers.0/blocks.0/mlp/fc1/MatMul" -> "46 /layers/layers.0/blocks.0/mlp/fc1/Add" [label="[1, 3136, 384]", style=solid]; +"38 /layers/layers.0/blocks.0/Reshape_2" -> "47 /layers/layers.0/blocks.0/Reshape_3" [label="[64, 7, 7, 96]", style=solid]; +"39 /layers/layers.0/downsample/Slice_1" -> "48 /layers/layers.0/downsample/Concat" [label="[1, 28, 28, 96]", style=solid]; +"40 /layers/layers.0/downsample/Slice_4" -> "48 /layers/layers.0/downsample/Concat" [label="[1, 28, 28, 96]", style=solid]; +"41 /layers/layers.0/downsample/Slice_3" -> "48 /layers/layers.0/downsample/Concat" [label="[1, 28, 28, 96]", style=solid]; +"42 /layers/layers.0/downsample/Slice_5" -> "48 /layers/layers.0/downsample/Concat" [label="[1, 28, 28, 96]", style=solid]; +"43 /layers/layers.0/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" -> "49 /layers/layers.0/blocks.1/mlp/fc1/MatMul" [label="[1, 3136, 96]", style=solid]; +"44 /layers/layers.0/blocks.1/Slice" -> "50 /layers/layers.0/blocks.1/Concat" [label="[1, 53, 56, 96]", style=solid]; +"45 /layers/layers.0/blocks.1/Slice_1" -> "50 /layers/layers.0/blocks.1/Concat" [label="[1, 3, 56, 96]", style=solid]; +"46 /layers/layers.0/blocks.0/mlp/fc1/Add" -> "51 /layers/layers.0/blocks.0/mlp/act/Mul_1" [label="[1, 3136, 384]", style=solid]; +"47 /layers/layers.0/blocks.0/Reshape_3" -> "52 /layers/layers.0/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [label="[64, 49, 96]", style=solid]; +"48 /layers/layers.0/downsample/Concat" -> "53 /layers/layers.0/downsample/Reshape_1" [label="[1, 28, 28, 384]", style=solid]; +"49 /layers/layers.0/blocks.1/mlp/fc1/MatMul" -> "54 /layers/layers.0/blocks.1/mlp/fc1/Add" [label="[1, 3136, 384]", style=solid]; +"50 /layers/layers.0/blocks.1/Concat" -> "55 /layers/layers.0/blocks.1/Slice_2" [label="[1, 56, 56, 96]", style=solid]; +"50 /layers/layers.0/blocks.1/Concat" -> "56 /layers/layers.0/blocks.1/Slice_3" [label="[1, 56, 56, 96]", style=solid]; +"51 /layers/layers.0/blocks.0/mlp/act/Mul_1" -> "57 /layers/layers.0/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 3136, 384]", style=solid]; +"52 /layers/layers.0/blocks.0/Reshape_3_0_0/nncf_smooth_quant" -> "58 /layers/layers.0/blocks.0/attn/qkv/MatMul" [label="[64, 49, 96]", style=solid]; +"53 /layers/layers.0/downsample/Reshape_1" -> "59 /layers/layers.0/downsample/norm/Div" [label="[1, 784, 384]", style=solid]; +"54 /layers/layers.0/blocks.1/mlp/fc1/Add" -> "60 /layers/layers.0/blocks.1/mlp/act/Mul_1" [label="[1, 3136, 384]", style=solid]; +"55 /layers/layers.0/blocks.1/Slice_2" -> "61 /layers/layers.0/blocks.1/Concat_1" [label="[1, 56, 53, 96]", style=solid]; +"56 /layers/layers.0/blocks.1/Slice_3" -> "61 /layers/layers.0/blocks.1/Concat_1" [label="[1, 56, 3, 96]", style=solid]; +"57 /layers/layers.0/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "62 /layers/layers.0/blocks.0/mlp/fc2/MatMul" [label="[1, 3136, 384]", style=solid]; +"58 /layers/layers.0/blocks.0/attn/qkv/MatMul" -> "63 /layers/layers.0/blocks.0/attn/qkv/Add" [label="[64, 49, 288]", style=solid]; +"59 /layers/layers.0/downsample/norm/Div" -> "64 /layers/layers.0/downsample/norm/Mul" [label="[1, 784, 384]", style=solid]; +"60 /layers/layers.0/blocks.1/mlp/act/Mul_1" -> "65 /layers/layers.0/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 3136, 384]", style=solid]; +"61 /layers/layers.0/blocks.1/Concat_1" -> "66 /layers/layers.0/blocks.1/Reshape_1" [label="[1, 56, 56, 96]", style=solid]; +"62 /layers/layers.0/blocks.0/mlp/fc2/MatMul" -> "67 /layers/layers.0/blocks.0/mlp/fc2/Add" [label="[1, 3136, 96]", style=solid]; +"63 /layers/layers.0/blocks.0/attn/qkv/Add" -> "68 /layers/layers.0/blocks.0/attn/Reshape" [label="[64, 49, 288]", style=solid]; +"64 /layers/layers.0/downsample/norm/Mul" -> "69 /layers/layers.0/downsample/norm/Add_1" [label="[1, 784, 384]", style=solid]; +"65 /layers/layers.0/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "70 /layers/layers.0/blocks.1/mlp/fc2/MatMul" [label="[1, 3136, 384]", style=solid]; +"66 /layers/layers.0/blocks.1/Reshape_1" -> "71 /layers/layers.0/blocks.1/Transpose" [label="[1, 8, 7, 8, 7, 96]", style=solid]; +"67 /layers/layers.0/blocks.0/mlp/fc2/Add" -> "16 /layers/layers.0/blocks.0/Add_1" [label="[1, 3136, 96]", style=solid]; +"68 /layers/layers.0/blocks.0/attn/Reshape" -> "72 /layers/layers.0/blocks.0/attn/Transpose" [label="[64, 49, 3, 3, 32]", style=solid]; +"69 /layers/layers.0/downsample/norm/Add_1" -> "73 /layers/layers.0/downsample/norm/Add_1_0_0/nncf_smooth_quant" [label="[1, 784, 384]", style=solid]; +"70 /layers/layers.0/blocks.1/mlp/fc2/MatMul" -> "74 /layers/layers.0/blocks.1/mlp/fc2/Add" [label="[1, 3136, 96]", style=solid]; +"71 /layers/layers.0/blocks.1/Transpose" -> "75 /layers/layers.0/blocks.1/Reshape_2" [label="[1, 8, 8, 7, 7, 96]", style=solid]; +"72 /layers/layers.0/blocks.0/attn/Transpose" -> "76 /layers/layers.0/blocks.0/attn/Gather" [label="[3, 64, 3, 49, 32]", style=solid]; +"72 /layers/layers.0/blocks.0/attn/Transpose" -> "77 /layers/layers.0/blocks.0/attn/Gather_1" [label="[3, 64, 3, 49, 32]", style=solid]; +"72 /layers/layers.0/blocks.0/attn/Transpose" -> "78 /layers/layers.0/blocks.0/attn/Gather_2" [label="[3, 64, 3, 49, 32]", style=solid]; +"73 /layers/layers.0/downsample/norm/Add_1_0_0/nncf_smooth_quant" -> "79 /layers/layers.0/downsample/reduction/MatMul" [label="[1, 784, 384]", style=solid]; +"74 /layers/layers.0/blocks.1/mlp/fc2/Add" -> "23 /layers/layers.0/blocks.1/Add_1" [label="[1, 3136, 96]", style=solid]; +"75 /layers/layers.0/blocks.1/Reshape_2" -> "80 /layers/layers.0/blocks.1/Reshape_3" [label="[64, 7, 7, 96]", style=solid]; +"76 /layers/layers.0/blocks.0/attn/Gather" -> "81 /layers/layers.0/blocks.0/attn/Mul" [label="[64, 3, 49, 32]", style=solid]; +"77 /layers/layers.0/blocks.0/attn/Gather_1" -> "82 /layers/layers.0/blocks.0/attn/MatMul" [label="[64, 3, 49, 32]", style=solid]; +"78 /layers/layers.0/blocks.0/attn/Gather_2" -> "83 /layers/layers.0/blocks.0/attn/MatMul_1" [label="[64, 3, 49, 32]", style=solid]; +"79 /layers/layers.0/downsample/reduction/MatMul" -> "84 /layers/layers.1/blocks.0/Add" [label="[1, 784, 192]", style=solid]; +"79 /layers/layers.0/downsample/reduction/MatMul" -> "85 /layers/layers.1/blocks.0/norm1/Div" [label="[1, 784, 192]", style=solid]; +"80 /layers/layers.0/blocks.1/Reshape_3" -> "86 /layers/layers.0/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [label="[64, 49, 96]", style=solid]; +"81 /layers/layers.0/blocks.0/attn/Mul" -> "82 /layers/layers.0/blocks.0/attn/MatMul" [label="[64, 3, 49, 32]", style=solid]; +"82 /layers/layers.0/blocks.0/attn/MatMul" -> "87 /layers/layers.0/blocks.0/attn/Add" [label="[64, 3, 49, 49]", style=solid]; +"83 /layers/layers.0/blocks.0/attn/MatMul_1" -> "88 /layers/layers.0/blocks.0/attn/Transpose_2" [label="[64, 3, 49, 32]", style=solid]; +"84 /layers/layers.1/blocks.0/Add" -> "89 /layers/layers.1/blocks.0/Add_1" [label="[1, 784, 192]", style=solid]; +"84 /layers/layers.1/blocks.0/Add" -> "90 /layers/layers.1/blocks.0/norm2/Div" [label="[1, 784, 192]", style=solid]; +"85 /layers/layers.1/blocks.0/norm1/Div" -> "91 /layers/layers.1/blocks.0/norm1/Mul" [label="[1, 784, 192]", style=solid]; +"86 /layers/layers.0/blocks.1/Reshape_3_0_0/nncf_smooth_quant" -> "92 /layers/layers.0/blocks.1/attn/qkv/MatMul" [label="[64, 49, 96]", style=solid]; +"87 /layers/layers.0/blocks.0/attn/Add" -> "93 /layers/layers.0/blocks.0/attn/softmax/Softmax" [label="[64, 3, 49, 49]", style=solid]; +"88 /layers/layers.0/blocks.0/attn/Transpose_2" -> "94 /layers/layers.0/blocks.0/attn/Reshape_1" [label="[64, 49, 3, 32]", style=solid]; +"89 /layers/layers.1/blocks.0/Add_1" -> "95 /layers/layers.1/blocks.1/Add" [label="[1, 784, 192]", style=solid]; +"89 /layers/layers.1/blocks.0/Add_1" -> "96 /layers/layers.1/blocks.1/norm1/Div" [label="[1, 784, 192]", style=solid]; +"90 /layers/layers.1/blocks.0/norm2/Div" -> "97 /layers/layers.1/blocks.0/norm2/Mul" [label="[1, 784, 192]", style=solid]; +"91 /layers/layers.1/blocks.0/norm1/Mul" -> "98 /layers/layers.1/blocks.0/norm1/Add_1" [label="[1, 784, 192]", style=solid]; +"92 /layers/layers.0/blocks.1/attn/qkv/MatMul" -> "99 /layers/layers.0/blocks.1/attn/qkv/Add" [label="[64, 49, 288]", style=solid]; +"93 /layers/layers.0/blocks.0/attn/softmax/Softmax" -> "83 /layers/layers.0/blocks.0/attn/MatMul_1" [label="[64, 3, 49, 49]", style=solid]; +"94 /layers/layers.0/blocks.0/attn/Reshape_1" -> "100 /layers/layers.0/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[64, 49, 96]", style=solid]; +"95 /layers/layers.1/blocks.1/Add" -> "101 /layers/layers.1/blocks.1/Add_1" [label="[1, 784, 192]", style=solid]; +"95 /layers/layers.1/blocks.1/Add" -> "102 /layers/layers.1/blocks.1/norm2/Div" [label="[1, 784, 192]", style=solid]; +"96 /layers/layers.1/blocks.1/norm1/Div" -> "103 /layers/layers.1/blocks.1/norm1/Mul" [label="[1, 784, 192]", style=solid]; +"97 /layers/layers.1/blocks.0/norm2/Mul" -> "104 /layers/layers.1/blocks.0/norm2/Add_1" [label="[1, 784, 192]", style=solid]; +"98 /layers/layers.1/blocks.0/norm1/Add_1" -> "105 /layers/layers.1/blocks.0/Reshape_1" [label="[1, 784, 192]", style=solid]; +"99 /layers/layers.0/blocks.1/attn/qkv/Add" -> "106 /layers/layers.0/blocks.1/attn/Reshape" [label="[64, 49, 288]", style=solid]; +"100 /layers/layers.0/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" -> "107 /layers/layers.0/blocks.0/attn/proj/MatMul" [label="[64, 49, 96]", style=solid]; +"101 /layers/layers.1/blocks.1/Add_1" -> "108 /layers/layers.1/downsample/Reshape" [label="[1, 784, 192]", style=solid]; +"102 /layers/layers.1/blocks.1/norm2/Div" -> "109 /layers/layers.1/blocks.1/norm2/Mul" [label="[1, 784, 192]", style=solid]; +"103 /layers/layers.1/blocks.1/norm1/Mul" -> "110 /layers/layers.1/blocks.1/norm1/Add_1" [label="[1, 784, 192]", style=solid]; +"104 /layers/layers.1/blocks.0/norm2/Add_1" -> "111 /layers/layers.1/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 784, 192]", style=solid]; +"105 /layers/layers.1/blocks.0/Reshape_1" -> "112 /layers/layers.1/blocks.0/Transpose" [label="[1, 4, 7, 4, 7, 192]", style=solid]; +"106 /layers/layers.0/blocks.1/attn/Reshape" -> "113 /layers/layers.0/blocks.1/attn/Transpose" [label="[64, 49, 3, 3, 32]", style=solid]; +"107 /layers/layers.0/blocks.0/attn/proj/MatMul" -> "114 /layers/layers.0/blocks.0/attn/proj/Add" [label="[64, 49, 96]", style=solid]; +"108 /layers/layers.1/downsample/Reshape" -> "115 /layers/layers.1/downsample/Slice" [label="[1, 28, 28, 192]", style=solid]; +"108 /layers/layers.1/downsample/Reshape" -> "116 /layers/layers.1/downsample/Slice_2" [label="[1, 28, 28, 192]", style=solid]; +"109 /layers/layers.1/blocks.1/norm2/Mul" -> "117 /layers/layers.1/blocks.1/norm2/Add_1" [label="[1, 784, 192]", style=solid]; +"110 /layers/layers.1/blocks.1/norm1/Add_1" -> "118 /layers/layers.1/blocks.1/Reshape" [label="[1, 784, 192]", style=solid]; +"111 /layers/layers.1/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" -> "119 /layers/layers.1/blocks.0/mlp/fc1/MatMul" [label="[1, 784, 192]", style=solid]; +"112 /layers/layers.1/blocks.0/Transpose" -> "120 /layers/layers.1/blocks.0/Reshape_2" [label="[1, 4, 4, 7, 7, 192]", style=solid]; +"113 /layers/layers.0/blocks.1/attn/Transpose" -> "121 /layers/layers.0/blocks.1/attn/Gather" [label="[3, 64, 3, 49, 32]", style=solid]; +"113 /layers/layers.0/blocks.1/attn/Transpose" -> "122 /layers/layers.0/blocks.1/attn/Gather_1" [label="[3, 64, 3, 49, 32]", style=solid]; +"113 /layers/layers.0/blocks.1/attn/Transpose" -> "123 /layers/layers.0/blocks.1/attn/Gather_2" [label="[3, 64, 3, 49, 32]", style=solid]; +"114 /layers/layers.0/blocks.0/attn/proj/Add" -> "124 /layers/layers.0/blocks.0/Reshape_4" [label="[64, 49, 96]", style=solid]; +"115 /layers/layers.1/downsample/Slice" -> "125 /layers/layers.1/downsample/Slice_1" [label="[1, 14, 28, 192]", style=solid]; +"115 /layers/layers.1/downsample/Slice" -> "126 /layers/layers.1/downsample/Slice_4" [label="[1, 14, 28, 192]", style=solid]; +"116 /layers/layers.1/downsample/Slice_2" -> "127 /layers/layers.1/downsample/Slice_3" [label="[1, 14, 28, 192]", style=solid]; +"116 /layers/layers.1/downsample/Slice_2" -> "128 /layers/layers.1/downsample/Slice_5" [label="[1, 14, 28, 192]", style=solid]; +"117 /layers/layers.1/blocks.1/norm2/Add_1" -> "129 /layers/layers.1/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 784, 192]", style=solid]; +"118 /layers/layers.1/blocks.1/Reshape" -> "130 /layers/layers.1/blocks.1/Slice" [label="[1, 28, 28, 192]", style=solid]; +"118 /layers/layers.1/blocks.1/Reshape" -> "131 /layers/layers.1/blocks.1/Slice_1" [label="[1, 28, 28, 192]", style=solid]; +"119 /layers/layers.1/blocks.0/mlp/fc1/MatMul" -> "132 /layers/layers.1/blocks.0/mlp/fc1/Add" [label="[1, 784, 768]", style=solid]; +"120 /layers/layers.1/blocks.0/Reshape_2" -> "133 /layers/layers.1/blocks.0/Reshape_3" [label="[16, 7, 7, 192]", style=solid]; +"121 /layers/layers.0/blocks.1/attn/Gather" -> "134 /layers/layers.0/blocks.1/attn/Mul" [label="[64, 3, 49, 32]", style=solid]; +"122 /layers/layers.0/blocks.1/attn/Gather_1" -> "135 /layers/layers.0/blocks.1/attn/MatMul" [label="[64, 3, 49, 32]", style=solid]; +"123 /layers/layers.0/blocks.1/attn/Gather_2" -> "136 /layers/layers.0/blocks.1/attn/MatMul_1" [label="[64, 3, 49, 32]", style=solid]; +"124 /layers/layers.0/blocks.0/Reshape_4" -> "137 /layers/layers.0/blocks.0/Reshape_5" [label="[64, 7, 7, 96]", style=solid]; +"125 /layers/layers.1/downsample/Slice_1" -> "138 /layers/layers.1/downsample/Concat" [label="[1, 14, 14, 192]", style=solid]; +"126 /layers/layers.1/downsample/Slice_4" -> "138 /layers/layers.1/downsample/Concat" [label="[1, 14, 14, 192]", style=solid]; +"127 /layers/layers.1/downsample/Slice_3" -> "138 /layers/layers.1/downsample/Concat" [label="[1, 14, 14, 192]", style=solid]; +"128 /layers/layers.1/downsample/Slice_5" -> "138 /layers/layers.1/downsample/Concat" [label="[1, 14, 14, 192]", style=solid]; +"129 /layers/layers.1/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" -> "139 /layers/layers.1/blocks.1/mlp/fc1/MatMul" [label="[1, 784, 192]", style=solid]; +"130 /layers/layers.1/blocks.1/Slice" -> "140 /layers/layers.1/blocks.1/Concat" [label="[1, 25, 28, 192]", style=solid]; +"131 /layers/layers.1/blocks.1/Slice_1" -> "140 /layers/layers.1/blocks.1/Concat" [label="[1, 3, 28, 192]", style=solid]; +"132 /layers/layers.1/blocks.0/mlp/fc1/Add" -> "141 /layers/layers.1/blocks.0/mlp/act/Mul_1" [label="[1, 784, 768]", style=solid]; +"133 /layers/layers.1/blocks.0/Reshape_3" -> "142 /layers/layers.1/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [label="[16, 49, 192]", style=solid]; +"134 /layers/layers.0/blocks.1/attn/Mul" -> "135 /layers/layers.0/blocks.1/attn/MatMul" [label="[64, 3, 49, 32]", style=solid]; +"135 /layers/layers.0/blocks.1/attn/MatMul" -> "143 /layers/layers.0/blocks.1/attn/Add" [label="[64, 3, 49, 49]", style=solid]; +"136 /layers/layers.0/blocks.1/attn/MatMul_1" -> "144 /layers/layers.0/blocks.1/attn/Transpose_2" [label="[64, 3, 49, 32]", style=solid]; +"137 /layers/layers.0/blocks.0/Reshape_5" -> "145 /layers/layers.0/blocks.0/Transpose_1" [label="[1, 8, 8, 7, 7, 96]", style=solid]; +"138 /layers/layers.1/downsample/Concat" -> "146 /layers/layers.1/downsample/Reshape_1" [label="[1, 14, 14, 768]", style=solid]; +"139 /layers/layers.1/blocks.1/mlp/fc1/MatMul" -> "147 /layers/layers.1/blocks.1/mlp/fc1/Add" [label="[1, 784, 768]", style=solid]; +"140 /layers/layers.1/blocks.1/Concat" -> "148 /layers/layers.1/blocks.1/Slice_2" [label="[1, 28, 28, 192]", style=solid]; +"140 /layers/layers.1/blocks.1/Concat" -> "149 /layers/layers.1/blocks.1/Slice_3" [label="[1, 28, 28, 192]", style=solid]; +"141 /layers/layers.1/blocks.0/mlp/act/Mul_1" -> "150 /layers/layers.1/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 784, 768]", style=solid]; +"142 /layers/layers.1/blocks.0/Reshape_3_0_0/nncf_smooth_quant" -> "151 /layers/layers.1/blocks.0/attn/qkv/MatMul" [label="[16, 49, 192]", style=solid]; +"143 /layers/layers.0/blocks.1/attn/Add" -> "152 /layers/layers.0/blocks.1/attn/Reshape_1" [label="[64, 3, 49, 49]", style=solid]; +"144 /layers/layers.0/blocks.1/attn/Transpose_2" -> "153 /layers/layers.0/blocks.1/attn/Reshape_3" [label="[64, 49, 3, 32]", style=solid]; +"145 /layers/layers.0/blocks.0/Transpose_1" -> "154 /layers/layers.0/blocks.0/Reshape_6" [label="[1, 8, 7, 8, 7, 96]", style=solid]; +"146 /layers/layers.1/downsample/Reshape_1" -> "155 /layers/layers.1/downsample/norm/Div" [label="[1, 196, 768]", style=solid]; +"147 /layers/layers.1/blocks.1/mlp/fc1/Add" -> "156 /layers/layers.1/blocks.1/mlp/act/Mul_1" [label="[1, 784, 768]", style=solid]; +"148 /layers/layers.1/blocks.1/Slice_2" -> "157 /layers/layers.1/blocks.1/Concat_1" [label="[1, 28, 25, 192]", style=solid]; +"149 /layers/layers.1/blocks.1/Slice_3" -> "157 /layers/layers.1/blocks.1/Concat_1" [label="[1, 28, 3, 192]", style=solid]; +"150 /layers/layers.1/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "158 /layers/layers.1/blocks.0/mlp/fc2/MatMul" [label="[1, 784, 768]", style=solid]; +"151 /layers/layers.1/blocks.0/attn/qkv/MatMul" -> "159 /layers/layers.1/blocks.0/attn/qkv/Add" [label="[16, 49, 576]", style=solid]; +"152 /layers/layers.0/blocks.1/attn/Reshape_1" -> "160 /layers/layers.0/blocks.1/attn/Add_1" [label="[1, 64, 3, 49, 49]", style=solid]; +"153 /layers/layers.0/blocks.1/attn/Reshape_3" -> "161 /layers/layers.0/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[64, 49, 96]", style=solid]; +"154 /layers/layers.0/blocks.0/Reshape_6" -> "162 /layers/layers.0/blocks.0/Reshape_7" [label="[1, 56, 56, 96]", style=solid]; +"155 /layers/layers.1/downsample/norm/Div" -> "163 /layers/layers.1/downsample/norm/Mul" [label="[1, 196, 768]", style=solid]; +"156 /layers/layers.1/blocks.1/mlp/act/Mul_1" -> "164 /layers/layers.1/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 784, 768]", style=solid]; +"157 /layers/layers.1/blocks.1/Concat_1" -> "165 /layers/layers.1/blocks.1/Reshape_1" [label="[1, 28, 28, 192]", style=solid]; +"158 /layers/layers.1/blocks.0/mlp/fc2/MatMul" -> "166 /layers/layers.1/blocks.0/mlp/fc2/Add" [label="[1, 784, 192]", style=solid]; +"159 /layers/layers.1/blocks.0/attn/qkv/Add" -> "167 /layers/layers.1/blocks.0/attn/Reshape" [label="[16, 49, 576]", style=solid]; +"160 /layers/layers.0/blocks.1/attn/Add_1" -> "168 /layers/layers.0/blocks.1/attn/Reshape_2" [label="[1, 64, 3, 49, 49]", style=solid]; +"161 /layers/layers.0/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" -> "169 /layers/layers.0/blocks.1/attn/proj/MatMul" [label="[64, 49, 96]", style=solid]; +"162 /layers/layers.0/blocks.0/Reshape_7" -> "14 /layers/layers.0/blocks.0/Add" [label="[1, 3136, 96]", style=solid]; +"163 /layers/layers.1/downsample/norm/Mul" -> "170 /layers/layers.1/downsample/norm/Add_1" [label="[1, 196, 768]", style=solid]; +"164 /layers/layers.1/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "171 /layers/layers.1/blocks.1/mlp/fc2/MatMul" [label="[1, 784, 768]", style=solid]; +"165 /layers/layers.1/blocks.1/Reshape_1" -> "172 /layers/layers.1/blocks.1/Transpose" [label="[1, 4, 7, 4, 7, 192]", style=solid]; +"166 /layers/layers.1/blocks.0/mlp/fc2/Add" -> "89 /layers/layers.1/blocks.0/Add_1" [label="[1, 784, 192]", style=solid]; +"167 /layers/layers.1/blocks.0/attn/Reshape" -> "173 /layers/layers.1/blocks.0/attn/Transpose" [label="[16, 49, 3, 6, 32]", style=solid]; +"168 /layers/layers.0/blocks.1/attn/Reshape_2" -> "174 /layers/layers.0/blocks.1/attn/softmax/Softmax" [label="[64, 3, 49, 49]", style=solid]; +"169 /layers/layers.0/blocks.1/attn/proj/MatMul" -> "175 /layers/layers.0/blocks.1/attn/proj/Add" [label="[64, 49, 96]", style=solid]; +"170 /layers/layers.1/downsample/norm/Add_1" -> "176 /layers/layers.1/downsample/norm/Add_1_0_0/nncf_smooth_quant" [label="[1, 196, 768]", style=solid]; +"171 /layers/layers.1/blocks.1/mlp/fc2/MatMul" -> "177 /layers/layers.1/blocks.1/mlp/fc2/Add" [label="[1, 784, 192]", style=solid]; +"172 /layers/layers.1/blocks.1/Transpose" -> "178 /layers/layers.1/blocks.1/Reshape_2" [label="[1, 4, 4, 7, 7, 192]", style=solid]; +"173 /layers/layers.1/blocks.0/attn/Transpose" -> "179 /layers/layers.1/blocks.0/attn/Gather" [label="[3, 16, 6, 49, 32]", style=solid]; +"173 /layers/layers.1/blocks.0/attn/Transpose" -> "180 /layers/layers.1/blocks.0/attn/Gather_1" [label="[3, 16, 6, 49, 32]", style=solid]; +"173 /layers/layers.1/blocks.0/attn/Transpose" -> "181 /layers/layers.1/blocks.0/attn/Gather_2" [label="[3, 16, 6, 49, 32]", style=solid]; +"174 /layers/layers.0/blocks.1/attn/softmax/Softmax" -> "136 /layers/layers.0/blocks.1/attn/MatMul_1" [label="[64, 3, 49, 49]", style=solid]; +"175 /layers/layers.0/blocks.1/attn/proj/Add" -> "182 /layers/layers.0/blocks.1/Reshape_4" [label="[64, 49, 96]", style=solid]; +"176 /layers/layers.1/downsample/norm/Add_1_0_0/nncf_smooth_quant" -> "183 /layers/layers.1/downsample/reduction/MatMul" [label="[1, 196, 768]", style=solid]; +"177 /layers/layers.1/blocks.1/mlp/fc2/Add" -> "101 /layers/layers.1/blocks.1/Add_1" [label="[1, 784, 192]", style=solid]; +"178 /layers/layers.1/blocks.1/Reshape_2" -> "184 /layers/layers.1/blocks.1/Reshape_3" [label="[16, 7, 7, 192]", style=solid]; +"179 /layers/layers.1/blocks.0/attn/Gather" -> "185 /layers/layers.1/blocks.0/attn/Mul" [label="[16, 6, 49, 32]", style=solid]; +"180 /layers/layers.1/blocks.0/attn/Gather_1" -> "186 /layers/layers.1/blocks.0/attn/MatMul" [label="[16, 6, 49, 32]", style=solid]; +"181 /layers/layers.1/blocks.0/attn/Gather_2" -> "187 /layers/layers.1/blocks.0/attn/MatMul_1" [label="[16, 6, 49, 32]", style=solid]; +"182 /layers/layers.0/blocks.1/Reshape_4" -> "188 /layers/layers.0/blocks.1/Reshape_5" [label="[64, 7, 7, 96]", style=solid]; +"183 /layers/layers.1/downsample/reduction/MatMul" -> "189 /layers/layers.2/blocks.0/Add" [label="[1, 196, 384]", style=solid]; +"183 /layers/layers.1/downsample/reduction/MatMul" -> "190 /layers/layers.2/blocks.0/norm1/Div" [label="[1, 196, 384]", style=solid]; +"184 /layers/layers.1/blocks.1/Reshape_3" -> "191 /layers/layers.1/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [label="[16, 49, 192]", style=solid]; +"185 /layers/layers.1/blocks.0/attn/Mul" -> "186 /layers/layers.1/blocks.0/attn/MatMul" [label="[16, 6, 49, 32]", style=solid]; +"186 /layers/layers.1/blocks.0/attn/MatMul" -> "192 /layers/layers.1/blocks.0/attn/Add" [label="[16, 6, 49, 49]", style=solid]; +"187 /layers/layers.1/blocks.0/attn/MatMul_1" -> "193 /layers/layers.1/blocks.0/attn/Transpose_2" [label="[16, 6, 49, 32]", style=solid]; +"188 /layers/layers.0/blocks.1/Reshape_5" -> "194 /layers/layers.0/blocks.1/Transpose_1" [label="[1, 8, 8, 7, 7, 96]", style=solid]; +"189 /layers/layers.2/blocks.0/Add" -> "195 /layers/layers.2/blocks.0/Add_1" [label="[1, 196, 384]", style=solid]; +"189 /layers/layers.2/blocks.0/Add" -> "196 /layers/layers.2/blocks.0/norm2/Div" [label="[1, 196, 384]", style=solid]; +"190 /layers/layers.2/blocks.0/norm1/Div" -> "197 /layers/layers.2/blocks.0/norm1/Mul" [label="[1, 196, 384]", style=solid]; +"191 /layers/layers.1/blocks.1/Reshape_3_0_0/nncf_smooth_quant" -> "198 /layers/layers.1/blocks.1/attn/qkv/MatMul" [label="[16, 49, 192]", style=solid]; +"192 /layers/layers.1/blocks.0/attn/Add" -> "199 /layers/layers.1/blocks.0/attn/softmax/Softmax" [label="[16, 6, 49, 49]", style=solid]; +"193 /layers/layers.1/blocks.0/attn/Transpose_2" -> "200 /layers/layers.1/blocks.0/attn/Reshape_1" [label="[16, 49, 6, 32]", style=solid]; +"194 /layers/layers.0/blocks.1/Transpose_1" -> "201 /layers/layers.0/blocks.1/Reshape_6" [label="[1, 8, 7, 8, 7, 96]", style=solid]; +"195 /layers/layers.2/blocks.0/Add_1" -> "202 /layers/layers.2/blocks.1/Add" [label="[1, 196, 384]", style=solid]; +"195 /layers/layers.2/blocks.0/Add_1" -> "203 /layers/layers.2/blocks.1/norm1/Div" [label="[1, 196, 384]", style=solid]; +"196 /layers/layers.2/blocks.0/norm2/Div" -> "204 /layers/layers.2/blocks.0/norm2/Mul" [label="[1, 196, 384]", style=solid]; +"197 /layers/layers.2/blocks.0/norm1/Mul" -> "205 /layers/layers.2/blocks.0/norm1/Add_1" [label="[1, 196, 384]", style=solid]; +"198 /layers/layers.1/blocks.1/attn/qkv/MatMul" -> "206 /layers/layers.1/blocks.1/attn/qkv/Add" [label="[16, 49, 576]", style=solid]; +"199 /layers/layers.1/blocks.0/attn/softmax/Softmax" -> "187 /layers/layers.1/blocks.0/attn/MatMul_1" [label="[16, 6, 49, 49]", style=solid]; +"200 /layers/layers.1/blocks.0/attn/Reshape_1" -> "207 /layers/layers.1/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[16, 49, 192]", style=solid]; +"201 /layers/layers.0/blocks.1/Reshape_6" -> "208 /layers/layers.0/blocks.1/Slice_4" [label="[1, 56, 56, 96]", style=solid]; +"201 /layers/layers.0/blocks.1/Reshape_6" -> "209 /layers/layers.0/blocks.1/Slice_5" [label="[1, 56, 56, 96]", style=solid]; +"202 /layers/layers.2/blocks.1/Add" -> "210 /layers/layers.2/blocks.1/Add_1" [label="[1, 196, 384]", style=solid]; +"202 /layers/layers.2/blocks.1/Add" -> "211 /layers/layers.2/blocks.1/norm2/Div" [label="[1, 196, 384]", style=solid]; +"203 /layers/layers.2/blocks.1/norm1/Div" -> "212 /layers/layers.2/blocks.1/norm1/Mul" [label="[1, 196, 384]", style=solid]; +"204 /layers/layers.2/blocks.0/norm2/Mul" -> "213 /layers/layers.2/blocks.0/norm2/Add_1" [label="[1, 196, 384]", style=solid]; +"205 /layers/layers.2/blocks.0/norm1/Add_1" -> "214 /layers/layers.2/blocks.0/Reshape_1" [label="[1, 196, 384]", style=solid]; +"206 /layers/layers.1/blocks.1/attn/qkv/Add" -> "215 /layers/layers.1/blocks.1/attn/Reshape" [label="[16, 49, 576]", style=solid]; +"207 /layers/layers.1/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" -> "216 /layers/layers.1/blocks.0/attn/proj/MatMul" [label="[16, 49, 192]", style=solid]; +"208 /layers/layers.0/blocks.1/Slice_4" -> "217 /layers/layers.0/blocks.1/Concat_2" [label="[1, 3, 56, 96]", style=solid]; +"209 /layers/layers.0/blocks.1/Slice_5" -> "217 /layers/layers.0/blocks.1/Concat_2" [label="[1, 53, 56, 96]", style=solid]; +"210 /layers/layers.2/blocks.1/Add_1" -> "218 /layers/layers.2/blocks.2/Add" [label="[1, 196, 384]", style=solid]; +"210 /layers/layers.2/blocks.1/Add_1" -> "219 /layers/layers.2/blocks.2/norm1/Div" [label="[1, 196, 384]", style=solid]; +"211 /layers/layers.2/blocks.1/norm2/Div" -> "220 /layers/layers.2/blocks.1/norm2/Mul" [label="[1, 196, 384]", style=solid]; +"212 /layers/layers.2/blocks.1/norm1/Mul" -> "221 /layers/layers.2/blocks.1/norm1/Add_1" [label="[1, 196, 384]", style=solid]; +"213 /layers/layers.2/blocks.0/norm2/Add_1" -> "222 /layers/layers.2/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 196, 384]", style=solid]; +"214 /layers/layers.2/blocks.0/Reshape_1" -> "223 /layers/layers.2/blocks.0/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"215 /layers/layers.1/blocks.1/attn/Reshape" -> "224 /layers/layers.1/blocks.1/attn/Transpose" [label="[16, 49, 3, 6, 32]", style=solid]; +"216 /layers/layers.1/blocks.0/attn/proj/MatMul" -> "225 /layers/layers.1/blocks.0/attn/proj/Add" [label="[16, 49, 192]", style=solid]; +"217 /layers/layers.0/blocks.1/Concat_2" -> "226 /layers/layers.0/blocks.1/Slice_6" [label="[1, 56, 56, 96]", style=solid]; +"217 /layers/layers.0/blocks.1/Concat_2" -> "227 /layers/layers.0/blocks.1/Slice_7" [label="[1, 56, 56, 96]", style=solid]; +"218 /layers/layers.2/blocks.2/Add" -> "228 /layers/layers.2/blocks.2/Add_1" [label="[1, 196, 384]", style=solid]; +"218 /layers/layers.2/blocks.2/Add" -> "229 /layers/layers.2/blocks.2/norm2/Div" [label="[1, 196, 384]", style=solid]; +"219 /layers/layers.2/blocks.2/norm1/Div" -> "230 /layers/layers.2/blocks.2/norm1/Mul" [label="[1, 196, 384]", style=solid]; +"220 /layers/layers.2/blocks.1/norm2/Mul" -> "231 /layers/layers.2/blocks.1/norm2/Add_1" [label="[1, 196, 384]", style=solid]; +"221 /layers/layers.2/blocks.1/norm1/Add_1" -> "232 /layers/layers.2/blocks.1/Reshape" [label="[1, 196, 384]", style=solid]; +"222 /layers/layers.2/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" -> "233 /layers/layers.2/blocks.0/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; +"223 /layers/layers.2/blocks.0/Transpose" -> "234 /layers/layers.2/blocks.0/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"224 /layers/layers.1/blocks.1/attn/Transpose" -> "235 /layers/layers.1/blocks.1/attn/Gather" [label="[3, 16, 6, 49, 32]", style=solid]; +"224 /layers/layers.1/blocks.1/attn/Transpose" -> "236 /layers/layers.1/blocks.1/attn/Gather_1" [label="[3, 16, 6, 49, 32]", style=solid]; +"224 /layers/layers.1/blocks.1/attn/Transpose" -> "237 /layers/layers.1/blocks.1/attn/Gather_2" [label="[3, 16, 6, 49, 32]", style=solid]; +"225 /layers/layers.1/blocks.0/attn/proj/Add" -> "238 /layers/layers.1/blocks.0/Reshape_4" [label="[16, 49, 192]", style=solid]; +"226 /layers/layers.0/blocks.1/Slice_6" -> "239 /layers/layers.0/blocks.1/Concat_3" [label="[1, 56, 3, 96]", style=solid]; +"227 /layers/layers.0/blocks.1/Slice_7" -> "239 /layers/layers.0/blocks.1/Concat_3" [label="[1, 56, 53, 96]", style=solid]; +"228 /layers/layers.2/blocks.2/Add_1" -> "240 /layers/layers.2/blocks.3/Add" [label="[1, 196, 384]", style=solid]; +"228 /layers/layers.2/blocks.2/Add_1" -> "241 /layers/layers.2/blocks.3/norm1/Div" [label="[1, 196, 384]", style=solid]; +"229 /layers/layers.2/blocks.2/norm2/Div" -> "242 /layers/layers.2/blocks.2/norm2/Mul" [label="[1, 196, 384]", style=solid]; +"230 /layers/layers.2/blocks.2/norm1/Mul" -> "243 /layers/layers.2/blocks.2/norm1/Add_1" [label="[1, 196, 384]", style=solid]; +"231 /layers/layers.2/blocks.1/norm2/Add_1" -> "244 /layers/layers.2/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 196, 384]", style=solid]; +"232 /layers/layers.2/blocks.1/Reshape" -> "245 /layers/layers.2/blocks.1/Slice" [label="[1, 14, 14, 384]", style=solid]; +"232 /layers/layers.2/blocks.1/Reshape" -> "246 /layers/layers.2/blocks.1/Slice_1" [label="[1, 14, 14, 384]", style=solid]; +"233 /layers/layers.2/blocks.0/mlp/fc1/MatMul" -> "247 /layers/layers.2/blocks.0/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; +"234 /layers/layers.2/blocks.0/Reshape_2" -> "248 /layers/layers.2/blocks.0/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; +"235 /layers/layers.1/blocks.1/attn/Gather" -> "249 /layers/layers.1/blocks.1/attn/Mul" [label="[16, 6, 49, 32]", style=solid]; +"236 /layers/layers.1/blocks.1/attn/Gather_1" -> "250 /layers/layers.1/blocks.1/attn/MatMul" [label="[16, 6, 49, 32]", style=solid]; +"237 /layers/layers.1/blocks.1/attn/Gather_2" -> "251 /layers/layers.1/blocks.1/attn/MatMul_1" [label="[16, 6, 49, 32]", style=solid]; +"238 /layers/layers.1/blocks.0/Reshape_4" -> "252 /layers/layers.1/blocks.0/Reshape_5" [label="[16, 7, 7, 192]", style=solid]; +"239 /layers/layers.0/blocks.1/Concat_3" -> "253 /layers/layers.0/blocks.1/Reshape_7" [label="[1, 56, 56, 96]", style=solid]; +"240 /layers/layers.2/blocks.3/Add" -> "254 /layers/layers.2/blocks.3/Add_1" [label="[1, 196, 384]", style=solid]; +"240 /layers/layers.2/blocks.3/Add" -> "255 /layers/layers.2/blocks.3/norm2/Div" [label="[1, 196, 384]", style=solid]; +"241 /layers/layers.2/blocks.3/norm1/Div" -> "256 /layers/layers.2/blocks.3/norm1/Mul" [label="[1, 196, 384]", style=solid]; +"242 /layers/layers.2/blocks.2/norm2/Mul" -> "257 /layers/layers.2/blocks.2/norm2/Add_1" [label="[1, 196, 384]", style=solid]; +"243 /layers/layers.2/blocks.2/norm1/Add_1" -> "258 /layers/layers.2/blocks.2/Reshape_1" [label="[1, 196, 384]", style=solid]; +"244 /layers/layers.2/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" -> "259 /layers/layers.2/blocks.1/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; +"245 /layers/layers.2/blocks.1/Slice" -> "260 /layers/layers.2/blocks.1/Concat" [label="[1, 11, 14, 384]", style=solid]; +"246 /layers/layers.2/blocks.1/Slice_1" -> "260 /layers/layers.2/blocks.1/Concat" [label="[1, 3, 14, 384]", style=solid]; +"247 /layers/layers.2/blocks.0/mlp/fc1/Add" -> "261 /layers/layers.2/blocks.0/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; +"248 /layers/layers.2/blocks.0/Reshape_3" -> "262 /layers/layers.2/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"249 /layers/layers.1/blocks.1/attn/Mul" -> "250 /layers/layers.1/blocks.1/attn/MatMul" [label="[16, 6, 49, 32]", style=solid]; +"250 /layers/layers.1/blocks.1/attn/MatMul" -> "263 /layers/layers.1/blocks.1/attn/Add" [label="[16, 6, 49, 49]", style=solid]; +"251 /layers/layers.1/blocks.1/attn/MatMul_1" -> "264 /layers/layers.1/blocks.1/attn/Transpose_2" [label="[16, 6, 49, 32]", style=solid]; +"252 /layers/layers.1/blocks.0/Reshape_5" -> "265 /layers/layers.1/blocks.0/Transpose_1" [label="[1, 4, 4, 7, 7, 192]", style=solid]; +"253 /layers/layers.0/blocks.1/Reshape_7" -> "19 /layers/layers.0/blocks.1/Add" [label="[1, 3136, 96]", style=solid]; +"254 /layers/layers.2/blocks.3/Add_1" -> "266 /layers/layers.2/blocks.4/Add" [label="[1, 196, 384]", style=solid]; +"254 /layers/layers.2/blocks.3/Add_1" -> "267 /layers/layers.2/blocks.4/norm1/Div" [label="[1, 196, 384]", style=solid]; +"255 /layers/layers.2/blocks.3/norm2/Div" -> "268 /layers/layers.2/blocks.3/norm2/Mul" [label="[1, 196, 384]", style=solid]; +"256 /layers/layers.2/blocks.3/norm1/Mul" -> "269 /layers/layers.2/blocks.3/norm1/Add_1" [label="[1, 196, 384]", style=solid]; +"257 /layers/layers.2/blocks.2/norm2/Add_1" -> "270 /layers/layers.2/blocks.2/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 196, 384]", style=solid]; +"258 /layers/layers.2/blocks.2/Reshape_1" -> "271 /layers/layers.2/blocks.2/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"259 /layers/layers.2/blocks.1/mlp/fc1/MatMul" -> "272 /layers/layers.2/blocks.1/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; +"260 /layers/layers.2/blocks.1/Concat" -> "273 /layers/layers.2/blocks.1/Slice_2" [label="[1, 14, 14, 384]", style=solid]; +"260 /layers/layers.2/blocks.1/Concat" -> "274 /layers/layers.2/blocks.1/Slice_3" [label="[1, 14, 14, 384]", style=solid]; +"261 /layers/layers.2/blocks.0/mlp/act/Mul_1" -> "275 /layers/layers.2/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 196, 1536]", style=solid]; +"262 /layers/layers.2/blocks.0/Reshape_3_0_0/nncf_smooth_quant" -> "276 /layers/layers.2/blocks.0/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; +"263 /layers/layers.1/blocks.1/attn/Add" -> "277 /layers/layers.1/blocks.1/attn/Reshape_1" [label="[16, 6, 49, 49]", style=solid]; +"264 /layers/layers.1/blocks.1/attn/Transpose_2" -> "278 /layers/layers.1/blocks.1/attn/Reshape_3" [label="[16, 49, 6, 32]", style=solid]; +"265 /layers/layers.1/blocks.0/Transpose_1" -> "279 /layers/layers.1/blocks.0/Reshape_6" [label="[1, 4, 7, 4, 7, 192]", style=solid]; +"266 /layers/layers.2/blocks.4/Add" -> "280 /layers/layers.2/blocks.4/Add_1" [label="[1, 196, 384]", style=solid]; +"266 /layers/layers.2/blocks.4/Add" -> "281 /layers/layers.2/blocks.4/norm2/Div" [label="[1, 196, 384]", style=solid]; +"267 /layers/layers.2/blocks.4/norm1/Div" -> "282 /layers/layers.2/blocks.4/norm1/Mul" [label="[1, 196, 384]", style=solid]; +"268 /layers/layers.2/blocks.3/norm2/Mul" -> "283 /layers/layers.2/blocks.3/norm2/Add_1" [label="[1, 196, 384]", style=solid]; +"269 /layers/layers.2/blocks.3/norm1/Add_1" -> "284 /layers/layers.2/blocks.3/Reshape" [label="[1, 196, 384]", style=solid]; +"270 /layers/layers.2/blocks.2/norm2/Add_1_0_0/nncf_smooth_quant" -> "285 /layers/layers.2/blocks.2/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; +"271 /layers/layers.2/blocks.2/Transpose" -> "286 /layers/layers.2/blocks.2/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"272 /layers/layers.2/blocks.1/mlp/fc1/Add" -> "287 /layers/layers.2/blocks.1/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; +"273 /layers/layers.2/blocks.1/Slice_2" -> "288 /layers/layers.2/blocks.1/Concat_1" [label="[1, 14, 11, 384]", style=solid]; +"274 /layers/layers.2/blocks.1/Slice_3" -> "288 /layers/layers.2/blocks.1/Concat_1" [label="[1, 14, 3, 384]", style=solid]; +"275 /layers/layers.2/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "289 /layers/layers.2/blocks.0/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; +"276 /layers/layers.2/blocks.0/attn/qkv/MatMul" -> "290 /layers/layers.2/blocks.0/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; +"277 /layers/layers.1/blocks.1/attn/Reshape_1" -> "291 /layers/layers.1/blocks.1/attn/Add_1" [label="[1, 16, 6, 49, 49]", style=solid]; +"278 /layers/layers.1/blocks.1/attn/Reshape_3" -> "292 /layers/layers.1/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[16, 49, 192]", style=solid]; +"279 /layers/layers.1/blocks.0/Reshape_6" -> "293 /layers/layers.1/blocks.0/Reshape_7" [label="[1, 28, 28, 192]", style=solid]; +"280 /layers/layers.2/blocks.4/Add_1" -> "294 /layers/layers.2/blocks.5/Add" [label="[1, 196, 384]", style=solid]; +"280 /layers/layers.2/blocks.4/Add_1" -> "295 /layers/layers.2/blocks.5/norm1/Div" [label="[1, 196, 384]", style=solid]; +"281 /layers/layers.2/blocks.4/norm2/Div" -> "296 /layers/layers.2/blocks.4/norm2/Mul" [label="[1, 196, 384]", style=solid]; +"282 /layers/layers.2/blocks.4/norm1/Mul" -> "297 /layers/layers.2/blocks.4/norm1/Add_1" [label="[1, 196, 384]", style=solid]; +"283 /layers/layers.2/blocks.3/norm2/Add_1" -> "298 /layers/layers.2/blocks.3/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 196, 384]", style=solid]; +"284 /layers/layers.2/blocks.3/Reshape" -> "299 /layers/layers.2/blocks.3/Slice" [label="[1, 14, 14, 384]", style=solid]; +"284 /layers/layers.2/blocks.3/Reshape" -> "300 /layers/layers.2/blocks.3/Slice_1" [label="[1, 14, 14, 384]", style=solid]; +"285 /layers/layers.2/blocks.2/mlp/fc1/MatMul" -> "301 /layers/layers.2/blocks.2/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; +"286 /layers/layers.2/blocks.2/Reshape_2" -> "302 /layers/layers.2/blocks.2/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; +"287 /layers/layers.2/blocks.1/mlp/act/Mul_1" -> "303 /layers/layers.2/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 196, 1536]", style=solid]; +"288 /layers/layers.2/blocks.1/Concat_1" -> "304 /layers/layers.2/blocks.1/Reshape_1" [label="[1, 14, 14, 384]", style=solid]; +"289 /layers/layers.2/blocks.0/mlp/fc2/MatMul" -> "305 /layers/layers.2/blocks.0/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; +"290 /layers/layers.2/blocks.0/attn/qkv/Add" -> "306 /layers/layers.2/blocks.0/attn/Reshape" [label="[4, 49, 1152]", style=solid]; +"291 /layers/layers.1/blocks.1/attn/Add_1" -> "307 /layers/layers.1/blocks.1/attn/Reshape_2" [label="[1, 16, 6, 49, 49]", style=solid]; +"292 /layers/layers.1/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" -> "308 /layers/layers.1/blocks.1/attn/proj/MatMul" [label="[16, 49, 192]", style=solid]; +"293 /layers/layers.1/blocks.0/Reshape_7" -> "84 /layers/layers.1/blocks.0/Add" [label="[1, 784, 192]", style=solid]; +"294 /layers/layers.2/blocks.5/Add" -> "309 /layers/layers.2/blocks.5/Add_1" [label="[1, 196, 384]", style=solid]; +"294 /layers/layers.2/blocks.5/Add" -> "310 /layers/layers.2/blocks.5/norm2/Div" [label="[1, 196, 384]", style=solid]; +"295 /layers/layers.2/blocks.5/norm1/Div" -> "311 /layers/layers.2/blocks.5/norm1/Mul" [label="[1, 196, 384]", style=solid]; +"296 /layers/layers.2/blocks.4/norm2/Mul" -> "312 /layers/layers.2/blocks.4/norm2/Add_1" [label="[1, 196, 384]", style=solid]; +"297 /layers/layers.2/blocks.4/norm1/Add_1" -> "313 /layers/layers.2/blocks.4/Reshape_1" [label="[1, 196, 384]", style=solid]; +"298 /layers/layers.2/blocks.3/norm2/Add_1_0_0/nncf_smooth_quant" -> "314 /layers/layers.2/blocks.3/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; +"299 /layers/layers.2/blocks.3/Slice" -> "315 /layers/layers.2/blocks.3/Concat" [label="[1, 11, 14, 384]", style=solid]; +"300 /layers/layers.2/blocks.3/Slice_1" -> "315 /layers/layers.2/blocks.3/Concat" [label="[1, 3, 14, 384]", style=solid]; +"301 /layers/layers.2/blocks.2/mlp/fc1/Add" -> "316 /layers/layers.2/blocks.2/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; +"302 /layers/layers.2/blocks.2/Reshape_3" -> "317 /layers/layers.2/blocks.2/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"303 /layers/layers.2/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "318 /layers/layers.2/blocks.1/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; +"304 /layers/layers.2/blocks.1/Reshape_1" -> "319 /layers/layers.2/blocks.1/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"305 /layers/layers.2/blocks.0/mlp/fc2/Add" -> "195 /layers/layers.2/blocks.0/Add_1" [label="[1, 196, 384]", style=solid]; +"306 /layers/layers.2/blocks.0/attn/Reshape" -> "320 /layers/layers.2/blocks.0/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; +"307 /layers/layers.1/blocks.1/attn/Reshape_2" -> "321 /layers/layers.1/blocks.1/attn/softmax/Softmax" [label="[16, 6, 49, 49]", style=solid]; +"308 /layers/layers.1/blocks.1/attn/proj/MatMul" -> "322 /layers/layers.1/blocks.1/attn/proj/Add" [label="[16, 49, 192]", style=solid]; +"309 /layers/layers.2/blocks.5/Add_1" -> "323 /layers/layers.2/downsample/Reshape" [label="[1, 196, 384]", style=solid]; +"310 /layers/layers.2/blocks.5/norm2/Div" -> "324 /layers/layers.2/blocks.5/norm2/Mul" [label="[1, 196, 384]", style=solid]; +"311 /layers/layers.2/blocks.5/norm1/Mul" -> "325 /layers/layers.2/blocks.5/norm1/Add_1" [label="[1, 196, 384]", style=solid]; +"312 /layers/layers.2/blocks.4/norm2/Add_1" -> "326 /layers/layers.2/blocks.4/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 196, 384]", style=solid]; +"313 /layers/layers.2/blocks.4/Reshape_1" -> "327 /layers/layers.2/blocks.4/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"314 /layers/layers.2/blocks.3/mlp/fc1/MatMul" -> "328 /layers/layers.2/blocks.3/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; +"315 /layers/layers.2/blocks.3/Concat" -> "329 /layers/layers.2/blocks.3/Slice_2" [label="[1, 14, 14, 384]", style=solid]; +"315 /layers/layers.2/blocks.3/Concat" -> "330 /layers/layers.2/blocks.3/Slice_3" [label="[1, 14, 14, 384]", style=solid]; +"316 /layers/layers.2/blocks.2/mlp/act/Mul_1" -> "331 /layers/layers.2/blocks.2/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 196, 1536]", style=solid]; +"317 /layers/layers.2/blocks.2/Reshape_3_0_0/nncf_smooth_quant" -> "332 /layers/layers.2/blocks.2/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; +"318 /layers/layers.2/blocks.1/mlp/fc2/MatMul" -> "333 /layers/layers.2/blocks.1/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; +"319 /layers/layers.2/blocks.1/Transpose" -> "334 /layers/layers.2/blocks.1/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"320 /layers/layers.2/blocks.0/attn/Transpose" -> "335 /layers/layers.2/blocks.0/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; +"320 /layers/layers.2/blocks.0/attn/Transpose" -> "336 /layers/layers.2/blocks.0/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; +"320 /layers/layers.2/blocks.0/attn/Transpose" -> "337 /layers/layers.2/blocks.0/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; +"321 /layers/layers.1/blocks.1/attn/softmax/Softmax" -> "251 /layers/layers.1/blocks.1/attn/MatMul_1" [label="[16, 6, 49, 49]", style=solid]; +"322 /layers/layers.1/blocks.1/attn/proj/Add" -> "338 /layers/layers.1/blocks.1/Reshape_4" [label="[16, 49, 192]", style=solid]; +"323 /layers/layers.2/downsample/Reshape" -> "339 /layers/layers.2/downsample/Slice" [label="[1, 14, 14, 384]", style=solid]; +"323 /layers/layers.2/downsample/Reshape" -> "340 /layers/layers.2/downsample/Slice_2" [label="[1, 14, 14, 384]", style=solid]; +"324 /layers/layers.2/blocks.5/norm2/Mul" -> "341 /layers/layers.2/blocks.5/norm2/Add_1" [label="[1, 196, 384]", style=solid]; +"325 /layers/layers.2/blocks.5/norm1/Add_1" -> "342 /layers/layers.2/blocks.5/Reshape" [label="[1, 196, 384]", style=solid]; +"326 /layers/layers.2/blocks.4/norm2/Add_1_0_0/nncf_smooth_quant" -> "343 /layers/layers.2/blocks.4/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; +"327 /layers/layers.2/blocks.4/Transpose" -> "344 /layers/layers.2/blocks.4/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"328 /layers/layers.2/blocks.3/mlp/fc1/Add" -> "345 /layers/layers.2/blocks.3/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; +"329 /layers/layers.2/blocks.3/Slice_2" -> "346 /layers/layers.2/blocks.3/Concat_1" [label="[1, 14, 11, 384]", style=solid]; +"330 /layers/layers.2/blocks.3/Slice_3" -> "346 /layers/layers.2/blocks.3/Concat_1" [label="[1, 14, 3, 384]", style=solid]; +"331 /layers/layers.2/blocks.2/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "347 /layers/layers.2/blocks.2/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; +"332 /layers/layers.2/blocks.2/attn/qkv/MatMul" -> "348 /layers/layers.2/blocks.2/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; +"333 /layers/layers.2/blocks.1/mlp/fc2/Add" -> "210 /layers/layers.2/blocks.1/Add_1" [label="[1, 196, 384]", style=solid]; +"334 /layers/layers.2/blocks.1/Reshape_2" -> "349 /layers/layers.2/blocks.1/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; +"335 /layers/layers.2/blocks.0/attn/Gather" -> "350 /layers/layers.2/blocks.0/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; +"336 /layers/layers.2/blocks.0/attn/Gather_1" -> "351 /layers/layers.2/blocks.0/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"337 /layers/layers.2/blocks.0/attn/Gather_2" -> "352 /layers/layers.2/blocks.0/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; +"338 /layers/layers.1/blocks.1/Reshape_4" -> "353 /layers/layers.1/blocks.1/Reshape_5" [label="[16, 7, 7, 192]", style=solid]; +"339 /layers/layers.2/downsample/Slice" -> "354 /layers/layers.2/downsample/Slice_1" [label="[1, 7, 14, 384]", style=solid]; +"339 /layers/layers.2/downsample/Slice" -> "355 /layers/layers.2/downsample/Slice_4" [label="[1, 7, 14, 384]", style=solid]; +"340 /layers/layers.2/downsample/Slice_2" -> "356 /layers/layers.2/downsample/Slice_3" [label="[1, 7, 14, 384]", style=solid]; +"340 /layers/layers.2/downsample/Slice_2" -> "357 /layers/layers.2/downsample/Slice_5" [label="[1, 7, 14, 384]", style=solid]; +"341 /layers/layers.2/blocks.5/norm2/Add_1" -> "358 /layers/layers.2/blocks.5/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 196, 384]", style=solid]; +"342 /layers/layers.2/blocks.5/Reshape" -> "359 /layers/layers.2/blocks.5/Slice" [label="[1, 14, 14, 384]", style=solid]; +"342 /layers/layers.2/blocks.5/Reshape" -> "360 /layers/layers.2/blocks.5/Slice_1" [label="[1, 14, 14, 384]", style=solid]; +"343 /layers/layers.2/blocks.4/mlp/fc1/MatMul" -> "361 /layers/layers.2/blocks.4/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; +"344 /layers/layers.2/blocks.4/Reshape_2" -> "362 /layers/layers.2/blocks.4/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; +"345 /layers/layers.2/blocks.3/mlp/act/Mul_1" -> "363 /layers/layers.2/blocks.3/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 196, 1536]", style=solid]; +"346 /layers/layers.2/blocks.3/Concat_1" -> "364 /layers/layers.2/blocks.3/Reshape_1" [label="[1, 14, 14, 384]", style=solid]; +"347 /layers/layers.2/blocks.2/mlp/fc2/MatMul" -> "365 /layers/layers.2/blocks.2/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; +"348 /layers/layers.2/blocks.2/attn/qkv/Add" -> "366 /layers/layers.2/blocks.2/attn/Reshape" [label="[4, 49, 1152]", style=solid]; +"349 /layers/layers.2/blocks.1/Reshape_3" -> "367 /layers/layers.2/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"350 /layers/layers.2/blocks.0/attn/Mul" -> "351 /layers/layers.2/blocks.0/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"351 /layers/layers.2/blocks.0/attn/MatMul" -> "368 /layers/layers.2/blocks.0/attn/Add" [label="[4, 12, 49, 49]", style=solid]; +"352 /layers/layers.2/blocks.0/attn/MatMul_1" -> "369 /layers/layers.2/blocks.0/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; +"353 /layers/layers.1/blocks.1/Reshape_5" -> "370 /layers/layers.1/blocks.1/Transpose_1" [label="[1, 4, 4, 7, 7, 192]", style=solid]; +"354 /layers/layers.2/downsample/Slice_1" -> "371 /layers/layers.2/downsample/Concat" [label="[1, 7, 7, 384]", style=solid]; +"355 /layers/layers.2/downsample/Slice_4" -> "371 /layers/layers.2/downsample/Concat" [label="[1, 7, 7, 384]", style=solid]; +"356 /layers/layers.2/downsample/Slice_3" -> "371 /layers/layers.2/downsample/Concat" [label="[1, 7, 7, 384]", style=solid]; +"357 /layers/layers.2/downsample/Slice_5" -> "371 /layers/layers.2/downsample/Concat" [label="[1, 7, 7, 384]", style=solid]; +"358 /layers/layers.2/blocks.5/norm2/Add_1_0_0/nncf_smooth_quant" -> "372 /layers/layers.2/blocks.5/mlp/fc1/MatMul" [label="[1, 196, 384]", style=solid]; +"359 /layers/layers.2/blocks.5/Slice" -> "373 /layers/layers.2/blocks.5/Concat" [label="[1, 11, 14, 384]", style=solid]; +"360 /layers/layers.2/blocks.5/Slice_1" -> "373 /layers/layers.2/blocks.5/Concat" [label="[1, 3, 14, 384]", style=solid]; +"361 /layers/layers.2/blocks.4/mlp/fc1/Add" -> "374 /layers/layers.2/blocks.4/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; +"362 /layers/layers.2/blocks.4/Reshape_3" -> "375 /layers/layers.2/blocks.4/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"363 /layers/layers.2/blocks.3/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "376 /layers/layers.2/blocks.3/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; +"364 /layers/layers.2/blocks.3/Reshape_1" -> "377 /layers/layers.2/blocks.3/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"365 /layers/layers.2/blocks.2/mlp/fc2/Add" -> "228 /layers/layers.2/blocks.2/Add_1" [label="[1, 196, 384]", style=solid]; +"366 /layers/layers.2/blocks.2/attn/Reshape" -> "378 /layers/layers.2/blocks.2/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; +"367 /layers/layers.2/blocks.1/Reshape_3_0_0/nncf_smooth_quant" -> "379 /layers/layers.2/blocks.1/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; +"368 /layers/layers.2/blocks.0/attn/Add" -> "380 /layers/layers.2/blocks.0/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; +"369 /layers/layers.2/blocks.0/attn/Transpose_2" -> "381 /layers/layers.2/blocks.0/attn/Reshape_1" [label="[4, 49, 12, 32]", style=solid]; +"370 /layers/layers.1/blocks.1/Transpose_1" -> "382 /layers/layers.1/blocks.1/Reshape_6" [label="[1, 4, 7, 4, 7, 192]", style=solid]; +"371 /layers/layers.2/downsample/Concat" -> "383 /layers/layers.2/downsample/Reshape_1" [label="[1, 7, 7, 1536]", style=solid]; +"372 /layers/layers.2/blocks.5/mlp/fc1/MatMul" -> "384 /layers/layers.2/blocks.5/mlp/fc1/Add" [label="[1, 196, 1536]", style=solid]; +"373 /layers/layers.2/blocks.5/Concat" -> "385 /layers/layers.2/blocks.5/Slice_2" [label="[1, 14, 14, 384]", style=solid]; +"373 /layers/layers.2/blocks.5/Concat" -> "386 /layers/layers.2/blocks.5/Slice_3" [label="[1, 14, 14, 384]", style=solid]; +"374 /layers/layers.2/blocks.4/mlp/act/Mul_1" -> "387 /layers/layers.2/blocks.4/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 196, 1536]", style=solid]; +"375 /layers/layers.2/blocks.4/Reshape_3_0_0/nncf_smooth_quant" -> "388 /layers/layers.2/blocks.4/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; +"376 /layers/layers.2/blocks.3/mlp/fc2/MatMul" -> "389 /layers/layers.2/blocks.3/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; +"377 /layers/layers.2/blocks.3/Transpose" -> "390 /layers/layers.2/blocks.3/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"378 /layers/layers.2/blocks.2/attn/Transpose" -> "391 /layers/layers.2/blocks.2/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; +"378 /layers/layers.2/blocks.2/attn/Transpose" -> "392 /layers/layers.2/blocks.2/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; +"378 /layers/layers.2/blocks.2/attn/Transpose" -> "393 /layers/layers.2/blocks.2/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; +"379 /layers/layers.2/blocks.1/attn/qkv/MatMul" -> "394 /layers/layers.2/blocks.1/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; +"380 /layers/layers.2/blocks.0/attn/softmax/Softmax" -> "352 /layers/layers.2/blocks.0/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; +"381 /layers/layers.2/blocks.0/attn/Reshape_1" -> "395 /layers/layers.2/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"382 /layers/layers.1/blocks.1/Reshape_6" -> "396 /layers/layers.1/blocks.1/Slice_4" [label="[1, 28, 28, 192]", style=solid]; +"382 /layers/layers.1/blocks.1/Reshape_6" -> "397 /layers/layers.1/blocks.1/Slice_5" [label="[1, 28, 28, 192]", style=solid]; +"383 /layers/layers.2/downsample/Reshape_1" -> "398 /layers/layers.2/downsample/norm/Div" [label="[1, 49, 1536]", style=solid]; +"384 /layers/layers.2/blocks.5/mlp/fc1/Add" -> "399 /layers/layers.2/blocks.5/mlp/act/Mul_1" [label="[1, 196, 1536]", style=solid]; +"385 /layers/layers.2/blocks.5/Slice_2" -> "400 /layers/layers.2/blocks.5/Concat_1" [label="[1, 14, 11, 384]", style=solid]; +"386 /layers/layers.2/blocks.5/Slice_3" -> "400 /layers/layers.2/blocks.5/Concat_1" [label="[1, 14, 3, 384]", style=solid]; +"387 /layers/layers.2/blocks.4/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "401 /layers/layers.2/blocks.4/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; +"388 /layers/layers.2/blocks.4/attn/qkv/MatMul" -> "402 /layers/layers.2/blocks.4/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; +"389 /layers/layers.2/blocks.3/mlp/fc2/Add" -> "254 /layers/layers.2/blocks.3/Add_1" [label="[1, 196, 384]", style=solid]; +"390 /layers/layers.2/blocks.3/Reshape_2" -> "403 /layers/layers.2/blocks.3/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; +"391 /layers/layers.2/blocks.2/attn/Gather" -> "404 /layers/layers.2/blocks.2/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; +"392 /layers/layers.2/blocks.2/attn/Gather_1" -> "405 /layers/layers.2/blocks.2/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"393 /layers/layers.2/blocks.2/attn/Gather_2" -> "406 /layers/layers.2/blocks.2/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; +"394 /layers/layers.2/blocks.1/attn/qkv/Add" -> "407 /layers/layers.2/blocks.1/attn/Reshape" [label="[4, 49, 1152]", style=solid]; +"395 /layers/layers.2/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" -> "408 /layers/layers.2/blocks.0/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; +"396 /layers/layers.1/blocks.1/Slice_4" -> "409 /layers/layers.1/blocks.1/Concat_2" [label="[1, 3, 28, 192]", style=solid]; +"397 /layers/layers.1/blocks.1/Slice_5" -> "409 /layers/layers.1/blocks.1/Concat_2" [label="[1, 25, 28, 192]", style=solid]; +"398 /layers/layers.2/downsample/norm/Div" -> "410 /layers/layers.2/downsample/norm/Mul" [label="[1, 49, 1536]", style=solid]; +"399 /layers/layers.2/blocks.5/mlp/act/Mul_1" -> "411 /layers/layers.2/blocks.5/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 196, 1536]", style=solid]; +"400 /layers/layers.2/blocks.5/Concat_1" -> "412 /layers/layers.2/blocks.5/Reshape_1" [label="[1, 14, 14, 384]", style=solid]; +"401 /layers/layers.2/blocks.4/mlp/fc2/MatMul" -> "413 /layers/layers.2/blocks.4/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; +"402 /layers/layers.2/blocks.4/attn/qkv/Add" -> "414 /layers/layers.2/blocks.4/attn/Reshape" [label="[4, 49, 1152]", style=solid]; +"403 /layers/layers.2/blocks.3/Reshape_3" -> "415 /layers/layers.2/blocks.3/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"404 /layers/layers.2/blocks.2/attn/Mul" -> "405 /layers/layers.2/blocks.2/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"405 /layers/layers.2/blocks.2/attn/MatMul" -> "416 /layers/layers.2/blocks.2/attn/Add" [label="[4, 12, 49, 49]", style=solid]; +"406 /layers/layers.2/blocks.2/attn/MatMul_1" -> "417 /layers/layers.2/blocks.2/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; +"407 /layers/layers.2/blocks.1/attn/Reshape" -> "418 /layers/layers.2/blocks.1/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; +"408 /layers/layers.2/blocks.0/attn/proj/MatMul" -> "419 /layers/layers.2/blocks.0/attn/proj/Add" [label="[4, 49, 384]", style=solid]; +"409 /layers/layers.1/blocks.1/Concat_2" -> "420 /layers/layers.1/blocks.1/Slice_6" [label="[1, 28, 28, 192]", style=solid]; +"409 /layers/layers.1/blocks.1/Concat_2" -> "421 /layers/layers.1/blocks.1/Slice_7" [label="[1, 28, 28, 192]", style=solid]; +"410 /layers/layers.2/downsample/norm/Mul" -> "422 /layers/layers.2/downsample/norm/Add_1" [label="[1, 49, 1536]", style=solid]; +"411 /layers/layers.2/blocks.5/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "423 /layers/layers.2/blocks.5/mlp/fc2/MatMul" [label="[1, 196, 1536]", style=solid]; +"412 /layers/layers.2/blocks.5/Reshape_1" -> "424 /layers/layers.2/blocks.5/Transpose" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"413 /layers/layers.2/blocks.4/mlp/fc2/Add" -> "280 /layers/layers.2/blocks.4/Add_1" [label="[1, 196, 384]", style=solid]; +"414 /layers/layers.2/blocks.4/attn/Reshape" -> "425 /layers/layers.2/blocks.4/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; +"415 /layers/layers.2/blocks.3/Reshape_3_0_0/nncf_smooth_quant" -> "426 /layers/layers.2/blocks.3/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; +"416 /layers/layers.2/blocks.2/attn/Add" -> "427 /layers/layers.2/blocks.2/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; +"417 /layers/layers.2/blocks.2/attn/Transpose_2" -> "428 /layers/layers.2/blocks.2/attn/Reshape_1" [label="[4, 49, 12, 32]", style=solid]; +"418 /layers/layers.2/blocks.1/attn/Transpose" -> "429 /layers/layers.2/blocks.1/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; +"418 /layers/layers.2/blocks.1/attn/Transpose" -> "430 /layers/layers.2/blocks.1/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; +"418 /layers/layers.2/blocks.1/attn/Transpose" -> "431 /layers/layers.2/blocks.1/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; +"419 /layers/layers.2/blocks.0/attn/proj/Add" -> "432 /layers/layers.2/blocks.0/Reshape_4" [label="[4, 49, 384]", style=solid]; +"420 /layers/layers.1/blocks.1/Slice_6" -> "433 /layers/layers.1/blocks.1/Concat_3" [label="[1, 28, 3, 192]", style=solid]; +"421 /layers/layers.1/blocks.1/Slice_7" -> "433 /layers/layers.1/blocks.1/Concat_3" [label="[1, 28, 25, 192]", style=solid]; +"422 /layers/layers.2/downsample/norm/Add_1" -> "434 /layers/layers.2/downsample/norm/Add_1_0_0/nncf_smooth_quant" [label="[1, 49, 1536]", style=solid]; +"423 /layers/layers.2/blocks.5/mlp/fc2/MatMul" -> "435 /layers/layers.2/blocks.5/mlp/fc2/Add" [label="[1, 196, 384]", style=solid]; +"424 /layers/layers.2/blocks.5/Transpose" -> "436 /layers/layers.2/blocks.5/Reshape_2" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"425 /layers/layers.2/blocks.4/attn/Transpose" -> "437 /layers/layers.2/blocks.4/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; +"425 /layers/layers.2/blocks.4/attn/Transpose" -> "438 /layers/layers.2/blocks.4/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; +"425 /layers/layers.2/blocks.4/attn/Transpose" -> "439 /layers/layers.2/blocks.4/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; +"426 /layers/layers.2/blocks.3/attn/qkv/MatMul" -> "440 /layers/layers.2/blocks.3/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; +"427 /layers/layers.2/blocks.2/attn/softmax/Softmax" -> "406 /layers/layers.2/blocks.2/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; +"428 /layers/layers.2/blocks.2/attn/Reshape_1" -> "441 /layers/layers.2/blocks.2/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"429 /layers/layers.2/blocks.1/attn/Gather" -> "442 /layers/layers.2/blocks.1/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; +"430 /layers/layers.2/blocks.1/attn/Gather_1" -> "443 /layers/layers.2/blocks.1/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"431 /layers/layers.2/blocks.1/attn/Gather_2" -> "444 /layers/layers.2/blocks.1/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; +"432 /layers/layers.2/blocks.0/Reshape_4" -> "445 /layers/layers.2/blocks.0/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; +"433 /layers/layers.1/blocks.1/Concat_3" -> "446 /layers/layers.1/blocks.1/Reshape_7" [label="[1, 28, 28, 192]", style=solid]; +"434 /layers/layers.2/downsample/norm/Add_1_0_0/nncf_smooth_quant" -> "447 /layers/layers.2/downsample/reduction/MatMul" [label="[1, 49, 1536]", style=solid]; +"435 /layers/layers.2/blocks.5/mlp/fc2/Add" -> "309 /layers/layers.2/blocks.5/Add_1" [label="[1, 196, 384]", style=solid]; +"436 /layers/layers.2/blocks.5/Reshape_2" -> "448 /layers/layers.2/blocks.5/Reshape_3" [label="[4, 7, 7, 384]", style=solid]; +"437 /layers/layers.2/blocks.4/attn/Gather" -> "449 /layers/layers.2/blocks.4/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; +"438 /layers/layers.2/blocks.4/attn/Gather_1" -> "450 /layers/layers.2/blocks.4/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"439 /layers/layers.2/blocks.4/attn/Gather_2" -> "451 /layers/layers.2/blocks.4/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; +"440 /layers/layers.2/blocks.3/attn/qkv/Add" -> "452 /layers/layers.2/blocks.3/attn/Reshape" [label="[4, 49, 1152]", style=solid]; +"441 /layers/layers.2/blocks.2/attn/Reshape_1_0_0/nncf_smooth_quant" -> "453 /layers/layers.2/blocks.2/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; +"442 /layers/layers.2/blocks.1/attn/Mul" -> "443 /layers/layers.2/blocks.1/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"443 /layers/layers.2/blocks.1/attn/MatMul" -> "454 /layers/layers.2/blocks.1/attn/Add" [label="[4, 12, 49, 49]", style=solid]; +"444 /layers/layers.2/blocks.1/attn/MatMul_1" -> "455 /layers/layers.2/blocks.1/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; +"445 /layers/layers.2/blocks.0/Reshape_5" -> "456 /layers/layers.2/blocks.0/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"446 /layers/layers.1/blocks.1/Reshape_7" -> "95 /layers/layers.1/blocks.1/Add" [label="[1, 784, 192]", style=solid]; +"447 /layers/layers.2/downsample/reduction/MatMul" -> "457 /layers/layers.3/blocks.0/Add" [label="[1, 49, 768]", style=solid]; +"447 /layers/layers.2/downsample/reduction/MatMul" -> "458 /layers/layers.3/blocks.0/norm1/Div" [label="[1, 49, 768]", style=solid]; +"448 /layers/layers.2/blocks.5/Reshape_3" -> "459 /layers/layers.2/blocks.5/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"449 /layers/layers.2/blocks.4/attn/Mul" -> "450 /layers/layers.2/blocks.4/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"450 /layers/layers.2/blocks.4/attn/MatMul" -> "460 /layers/layers.2/blocks.4/attn/Add" [label="[4, 12, 49, 49]", style=solid]; +"451 /layers/layers.2/blocks.4/attn/MatMul_1" -> "461 /layers/layers.2/blocks.4/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; +"452 /layers/layers.2/blocks.3/attn/Reshape" -> "462 /layers/layers.2/blocks.3/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; +"453 /layers/layers.2/blocks.2/attn/proj/MatMul" -> "463 /layers/layers.2/blocks.2/attn/proj/Add" [label="[4, 49, 384]", style=solid]; +"454 /layers/layers.2/blocks.1/attn/Add" -> "464 /layers/layers.2/blocks.1/attn/Reshape_1" [label="[4, 12, 49, 49]", style=solid]; +"455 /layers/layers.2/blocks.1/attn/Transpose_2" -> "465 /layers/layers.2/blocks.1/attn/Reshape_3" [label="[4, 49, 12, 32]", style=solid]; +"456 /layers/layers.2/blocks.0/Transpose_1" -> "466 /layers/layers.2/blocks.0/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"457 /layers/layers.3/blocks.0/Add" -> "467 /layers/layers.3/blocks.0/Add_1" [label="[1, 49, 768]", style=solid]; +"457 /layers/layers.3/blocks.0/Add" -> "468 /layers/layers.3/blocks.0/norm2/Div" [label="[1, 49, 768]", style=solid]; +"458 /layers/layers.3/blocks.0/norm1/Div" -> "469 /layers/layers.3/blocks.0/norm1/Mul" [label="[1, 49, 768]", style=solid]; +"459 /layers/layers.2/blocks.5/Reshape_3_0_0/nncf_smooth_quant" -> "470 /layers/layers.2/blocks.5/attn/qkv/MatMul" [label="[4, 49, 384]", style=solid]; +"460 /layers/layers.2/blocks.4/attn/Add" -> "471 /layers/layers.2/blocks.4/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; +"461 /layers/layers.2/blocks.4/attn/Transpose_2" -> "472 /layers/layers.2/blocks.4/attn/Reshape_1" [label="[4, 49, 12, 32]", style=solid]; +"462 /layers/layers.2/blocks.3/attn/Transpose" -> "473 /layers/layers.2/blocks.3/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; +"462 /layers/layers.2/blocks.3/attn/Transpose" -> "474 /layers/layers.2/blocks.3/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; +"462 /layers/layers.2/blocks.3/attn/Transpose" -> "475 /layers/layers.2/blocks.3/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; +"463 /layers/layers.2/blocks.2/attn/proj/Add" -> "476 /layers/layers.2/blocks.2/Reshape_4" [label="[4, 49, 384]", style=solid]; +"464 /layers/layers.2/blocks.1/attn/Reshape_1" -> "477 /layers/layers.2/blocks.1/attn/Add_1" [label="[1, 4, 12, 49, 49]", style=solid]; +"465 /layers/layers.2/blocks.1/attn/Reshape_3" -> "478 /layers/layers.2/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"466 /layers/layers.2/blocks.0/Reshape_6" -> "479 /layers/layers.2/blocks.0/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; +"467 /layers/layers.3/blocks.0/Add_1" -> "480 /layers/layers.3/blocks.1/Add" [label="[1, 49, 768]", style=solid]; +"467 /layers/layers.3/blocks.0/Add_1" -> "481 /layers/layers.3/blocks.1/norm1/Div" [label="[1, 49, 768]", style=solid]; +"468 /layers/layers.3/blocks.0/norm2/Div" -> "482 /layers/layers.3/blocks.0/norm2/Mul" [label="[1, 49, 768]", style=solid]; +"469 /layers/layers.3/blocks.0/norm1/Mul" -> "483 /layers/layers.3/blocks.0/norm1/Add_1" [label="[1, 49, 768]", style=solid]; +"470 /layers/layers.2/blocks.5/attn/qkv/MatMul" -> "484 /layers/layers.2/blocks.5/attn/qkv/Add" [label="[4, 49, 1152]", style=solid]; +"471 /layers/layers.2/blocks.4/attn/softmax/Softmax" -> "451 /layers/layers.2/blocks.4/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; +"472 /layers/layers.2/blocks.4/attn/Reshape_1" -> "485 /layers/layers.2/blocks.4/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"473 /layers/layers.2/blocks.3/attn/Gather" -> "486 /layers/layers.2/blocks.3/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; +"474 /layers/layers.2/blocks.3/attn/Gather_1" -> "487 /layers/layers.2/blocks.3/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"475 /layers/layers.2/blocks.3/attn/Gather_2" -> "488 /layers/layers.2/blocks.3/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; +"476 /layers/layers.2/blocks.2/Reshape_4" -> "489 /layers/layers.2/blocks.2/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; +"477 /layers/layers.2/blocks.1/attn/Add_1" -> "490 /layers/layers.2/blocks.1/attn/Reshape_2" [label="[1, 4, 12, 49, 49]", style=solid]; +"478 /layers/layers.2/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" -> "491 /layers/layers.2/blocks.1/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; +"479 /layers/layers.2/blocks.0/Reshape_7" -> "189 /layers/layers.2/blocks.0/Add" [label="[1, 196, 384]", style=solid]; +"480 /layers/layers.3/blocks.1/Add" -> "492 /layers/layers.3/blocks.1/Add_1" [label="[1, 49, 768]", style=solid]; +"480 /layers/layers.3/blocks.1/Add" -> "493 /layers/layers.3/blocks.1/norm2/Div" [label="[1, 49, 768]", style=solid]; +"481 /layers/layers.3/blocks.1/norm1/Div" -> "494 /layers/layers.3/blocks.1/norm1/Mul" [label="[1, 49, 768]", style=solid]; +"482 /layers/layers.3/blocks.0/norm2/Mul" -> "495 /layers/layers.3/blocks.0/norm2/Add_1" [label="[1, 49, 768]", style=solid]; +"483 /layers/layers.3/blocks.0/norm1/Add_1" -> "496 /layers/layers.3/blocks.0/Reshape_1" [label="[1, 49, 768]", style=solid]; +"484 /layers/layers.2/blocks.5/attn/qkv/Add" -> "497 /layers/layers.2/blocks.5/attn/Reshape" [label="[4, 49, 1152]", style=solid]; +"485 /layers/layers.2/blocks.4/attn/Reshape_1_0_0/nncf_smooth_quant" -> "498 /layers/layers.2/blocks.4/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; +"486 /layers/layers.2/blocks.3/attn/Mul" -> "487 /layers/layers.2/blocks.3/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"487 /layers/layers.2/blocks.3/attn/MatMul" -> "499 /layers/layers.2/blocks.3/attn/Add" [label="[4, 12, 49, 49]", style=solid]; +"488 /layers/layers.2/blocks.3/attn/MatMul_1" -> "500 /layers/layers.2/blocks.3/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; +"489 /layers/layers.2/blocks.2/Reshape_5" -> "501 /layers/layers.2/blocks.2/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"490 /layers/layers.2/blocks.1/attn/Reshape_2" -> "502 /layers/layers.2/blocks.1/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; +"491 /layers/layers.2/blocks.1/attn/proj/MatMul" -> "503 /layers/layers.2/blocks.1/attn/proj/Add" [label="[4, 49, 384]", style=solid]; +"492 /layers/layers.3/blocks.1/Add_1" -> "504 /norm/Div" [label="[1, 49, 768]", style=solid]; +"493 /layers/layers.3/blocks.1/norm2/Div" -> "505 /layers/layers.3/blocks.1/norm2/Mul" [label="[1, 49, 768]", style=solid]; +"494 /layers/layers.3/blocks.1/norm1/Mul" -> "506 /layers/layers.3/blocks.1/norm1/Add_1" [label="[1, 49, 768]", style=solid]; +"495 /layers/layers.3/blocks.0/norm2/Add_1" -> "507 /layers/layers.3/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 49, 768]", style=solid]; +"496 /layers/layers.3/blocks.0/Reshape_1" -> "508 /layers/layers.3/blocks.0/Transpose" [label="[1, 1, 7, 1, 7, 768]", style=solid]; +"497 /layers/layers.2/blocks.5/attn/Reshape" -> "509 /layers/layers.2/blocks.5/attn/Transpose" [label="[4, 49, 3, 12, 32]", style=solid]; +"498 /layers/layers.2/blocks.4/attn/proj/MatMul" -> "510 /layers/layers.2/blocks.4/attn/proj/Add" [label="[4, 49, 384]", style=solid]; +"499 /layers/layers.2/blocks.3/attn/Add" -> "511 /layers/layers.2/blocks.3/attn/Reshape_1" [label="[4, 12, 49, 49]", style=solid]; +"500 /layers/layers.2/blocks.3/attn/Transpose_2" -> "512 /layers/layers.2/blocks.3/attn/Reshape_3" [label="[4, 49, 12, 32]", style=solid]; +"501 /layers/layers.2/blocks.2/Transpose_1" -> "513 /layers/layers.2/blocks.2/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"502 /layers/layers.2/blocks.1/attn/softmax/Softmax" -> "444 /layers/layers.2/blocks.1/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; +"503 /layers/layers.2/blocks.1/attn/proj/Add" -> "514 /layers/layers.2/blocks.1/Reshape_4" [label="[4, 49, 384]", style=solid]; +"504 /norm/Div" -> "515 /norm/Mul" [label="[1, 49, 768]", style=solid]; +"505 /layers/layers.3/blocks.1/norm2/Mul" -> "516 /layers/layers.3/blocks.1/norm2/Add_1" [label="[1, 49, 768]", style=solid]; +"506 /layers/layers.3/blocks.1/norm1/Add_1" -> "517 /layers/layers.3/blocks.1/Reshape_1" [label="[1, 49, 768]", style=solid]; +"507 /layers/layers.3/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" -> "518 /layers/layers.3/blocks.0/mlp/fc1/MatMul" [label="[1, 49, 768]", style=solid]; +"508 /layers/layers.3/blocks.0/Transpose" -> "519 /layers/layers.3/blocks.0/Reshape_2" [label="[1, 1, 1, 7, 7, 768]", style=solid]; +"509 /layers/layers.2/blocks.5/attn/Transpose" -> "520 /layers/layers.2/blocks.5/attn/Gather" [label="[3, 4, 12, 49, 32]", style=solid]; +"509 /layers/layers.2/blocks.5/attn/Transpose" -> "521 /layers/layers.2/blocks.5/attn/Gather_1" [label="[3, 4, 12, 49, 32]", style=solid]; +"509 /layers/layers.2/blocks.5/attn/Transpose" -> "522 /layers/layers.2/blocks.5/attn/Gather_2" [label="[3, 4, 12, 49, 32]", style=solid]; +"510 /layers/layers.2/blocks.4/attn/proj/Add" -> "523 /layers/layers.2/blocks.4/Reshape_4" [label="[4, 49, 384]", style=solid]; +"511 /layers/layers.2/blocks.3/attn/Reshape_1" -> "524 /layers/layers.2/blocks.3/attn/Add_1" [label="[1, 4, 12, 49, 49]", style=solid]; +"512 /layers/layers.2/blocks.3/attn/Reshape_3" -> "525 /layers/layers.2/blocks.3/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"513 /layers/layers.2/blocks.2/Reshape_6" -> "526 /layers/layers.2/blocks.2/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; +"514 /layers/layers.2/blocks.1/Reshape_4" -> "527 /layers/layers.2/blocks.1/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; +"515 /norm/Mul" -> "528 /norm/Add_1" [label="[1, 49, 768]", style=solid]; +"516 /layers/layers.3/blocks.1/norm2/Add_1" -> "529 /layers/layers.3/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 49, 768]", style=solid]; +"517 /layers/layers.3/blocks.1/Reshape_1" -> "530 /layers/layers.3/blocks.1/Transpose" [label="[1, 1, 7, 1, 7, 768]", style=solid]; +"518 /layers/layers.3/blocks.0/mlp/fc1/MatMul" -> "531 /layers/layers.3/blocks.0/mlp/fc1/Add" [label="[1, 49, 3072]", style=solid]; +"519 /layers/layers.3/blocks.0/Reshape_2" -> "532 /layers/layers.3/blocks.0/Reshape_3" [label="[1, 7, 7, 768]", style=solid]; +"520 /layers/layers.2/blocks.5/attn/Gather" -> "533 /layers/layers.2/blocks.5/attn/Mul" [label="[4, 12, 49, 32]", style=solid]; +"521 /layers/layers.2/blocks.5/attn/Gather_1" -> "534 /layers/layers.2/blocks.5/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"522 /layers/layers.2/blocks.5/attn/Gather_2" -> "535 /layers/layers.2/blocks.5/attn/MatMul_1" [label="[4, 12, 49, 32]", style=solid]; +"523 /layers/layers.2/blocks.4/Reshape_4" -> "536 /layers/layers.2/blocks.4/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; +"524 /layers/layers.2/blocks.3/attn/Add_1" -> "537 /layers/layers.2/blocks.3/attn/Reshape_2" [label="[1, 4, 12, 49, 49]", style=solid]; +"525 /layers/layers.2/blocks.3/attn/Reshape_3_0_0/nncf_smooth_quant" -> "538 /layers/layers.2/blocks.3/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; +"526 /layers/layers.2/blocks.2/Reshape_7" -> "218 /layers/layers.2/blocks.2/Add" [label="[1, 196, 384]", style=solid]; +"527 /layers/layers.2/blocks.1/Reshape_5" -> "539 /layers/layers.2/blocks.1/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"528 /norm/Add_1" -> "540 ReduceMean_6037" [label="[1, 49, 768]", style=solid]; +"529 /layers/layers.3/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" -> "541 /layers/layers.3/blocks.1/mlp/fc1/MatMul" [label="[1, 49, 768]", style=solid]; +"530 /layers/layers.3/blocks.1/Transpose" -> "542 /layers/layers.3/blocks.1/Reshape_2" [label="[1, 1, 1, 7, 7, 768]", style=solid]; +"531 /layers/layers.3/blocks.0/mlp/fc1/Add" -> "543 /layers/layers.3/blocks.0/mlp/act/Mul_1" [label="[1, 49, 3072]", style=solid]; +"532 /layers/layers.3/blocks.0/Reshape_3" -> "544 /layers/layers.3/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 49, 768]", style=solid]; +"533 /layers/layers.2/blocks.5/attn/Mul" -> "534 /layers/layers.2/blocks.5/attn/MatMul" [label="[4, 12, 49, 32]", style=solid]; +"534 /layers/layers.2/blocks.5/attn/MatMul" -> "545 /layers/layers.2/blocks.5/attn/Add" [label="[4, 12, 49, 49]", style=solid]; +"535 /layers/layers.2/blocks.5/attn/MatMul_1" -> "546 /layers/layers.2/blocks.5/attn/Transpose_2" [label="[4, 12, 49, 32]", style=solid]; +"536 /layers/layers.2/blocks.4/Reshape_5" -> "547 /layers/layers.2/blocks.4/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"537 /layers/layers.2/blocks.3/attn/Reshape_2" -> "548 /layers/layers.2/blocks.3/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; +"538 /layers/layers.2/blocks.3/attn/proj/MatMul" -> "549 /layers/layers.2/blocks.3/attn/proj/Add" [label="[4, 49, 384]", style=solid]; +"539 /layers/layers.2/blocks.1/Transpose_1" -> "550 /layers/layers.2/blocks.1/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"540 ReduceMean_6037" -> "551 /avgpool/GlobalAveragePool" [label="[1, 1, 768]", style=solid]; +"541 /layers/layers.3/blocks.1/mlp/fc1/MatMul" -> "552 /layers/layers.3/blocks.1/mlp/fc1/Add" [label="[1, 49, 3072]", style=solid]; +"542 /layers/layers.3/blocks.1/Reshape_2" -> "553 /layers/layers.3/blocks.1/Reshape_3" [label="[1, 7, 7, 768]", style=solid]; +"543 /layers/layers.3/blocks.0/mlp/act/Mul_1" -> "554 /layers/layers.3/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 49, 3072]", style=solid]; +"544 /layers/layers.3/blocks.0/Reshape_3_0_0/nncf_smooth_quant" -> "555 /layers/layers.3/blocks.0/attn/qkv/MatMul" [label="[1, 49, 768]", style=solid]; +"545 /layers/layers.2/blocks.5/attn/Add" -> "556 /layers/layers.2/blocks.5/attn/Reshape_1" [label="[4, 12, 49, 49]", style=solid]; +"546 /layers/layers.2/blocks.5/attn/Transpose_2" -> "557 /layers/layers.2/blocks.5/attn/Reshape_3" [label="[4, 49, 12, 32]", style=solid]; +"547 /layers/layers.2/blocks.4/Transpose_1" -> "558 /layers/layers.2/blocks.4/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"548 /layers/layers.2/blocks.3/attn/softmax/Softmax" -> "488 /layers/layers.2/blocks.3/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; +"549 /layers/layers.2/blocks.3/attn/proj/Add" -> "559 /layers/layers.2/blocks.3/Reshape_4" [label="[4, 49, 384]", style=solid]; +"550 /layers/layers.2/blocks.1/Reshape_6" -> "560 /layers/layers.2/blocks.1/Slice_4" [label="[1, 14, 14, 384]", style=solid]; +"550 /layers/layers.2/blocks.1/Reshape_6" -> "561 /layers/layers.2/blocks.1/Slice_5" [label="[1, 14, 14, 384]", style=solid]; +"551 /avgpool/GlobalAveragePool" -> "562 /Flatten" [label="[1, 768, 1]", style=solid]; +"552 /layers/layers.3/blocks.1/mlp/fc1/Add" -> "563 /layers/layers.3/blocks.1/mlp/act/Mul_1" [label="[1, 49, 3072]", style=solid]; +"553 /layers/layers.3/blocks.1/Reshape_3" -> "564 /layers/layers.3/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 49, 768]", style=solid]; +"554 /layers/layers.3/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "565 /layers/layers.3/blocks.0/mlp/fc2/MatMul" [label="[1, 49, 3072]", style=solid]; +"555 /layers/layers.3/blocks.0/attn/qkv/MatMul" -> "566 /layers/layers.3/blocks.0/attn/qkv/Add" [label="[1, 49, 2304]", style=solid]; +"556 /layers/layers.2/blocks.5/attn/Reshape_1" -> "567 /layers/layers.2/blocks.5/attn/Add_1" [label="[1, 4, 12, 49, 49]", style=solid]; +"557 /layers/layers.2/blocks.5/attn/Reshape_3" -> "568 /layers/layers.2/blocks.5/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[4, 49, 384]", style=solid]; +"558 /layers/layers.2/blocks.4/Reshape_6" -> "569 /layers/layers.2/blocks.4/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; +"559 /layers/layers.2/blocks.3/Reshape_4" -> "570 /layers/layers.2/blocks.3/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; +"560 /layers/layers.2/blocks.1/Slice_4" -> "571 /layers/layers.2/blocks.1/Concat_2" [label="[1, 3, 14, 384]", style=solid]; +"561 /layers/layers.2/blocks.1/Slice_5" -> "571 /layers/layers.2/blocks.1/Concat_2" [label="[1, 11, 14, 384]", style=solid]; +"562 /Flatten" -> "572 /Flatten_0_0/nncf_smooth_quant" [label="[1, 768]", style=solid]; +"563 /layers/layers.3/blocks.1/mlp/act/Mul_1" -> "573 /layers/layers.3/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 49, 3072]", style=solid]; +"564 /layers/layers.3/blocks.1/Reshape_3_0_0/nncf_smooth_quant" -> "574 /layers/layers.3/blocks.1/attn/qkv/MatMul" [label="[1, 49, 768]", style=solid]; +"565 /layers/layers.3/blocks.0/mlp/fc2/MatMul" -> "575 /layers/layers.3/blocks.0/mlp/fc2/Add" [label="[1, 49, 768]", style=solid]; +"566 /layers/layers.3/blocks.0/attn/qkv/Add" -> "576 /layers/layers.3/blocks.0/attn/Reshape" [label="[1, 49, 2304]", style=solid]; +"567 /layers/layers.2/blocks.5/attn/Add_1" -> "577 /layers/layers.2/blocks.5/attn/Reshape_2" [label="[1, 4, 12, 49, 49]", style=solid]; +"568 /layers/layers.2/blocks.5/attn/Reshape_3_0_0/nncf_smooth_quant" -> "578 /layers/layers.2/blocks.5/attn/proj/MatMul" [label="[4, 49, 384]", style=solid]; +"569 /layers/layers.2/blocks.4/Reshape_7" -> "266 /layers/layers.2/blocks.4/Add" [label="[1, 196, 384]", style=solid]; +"570 /layers/layers.2/blocks.3/Reshape_5" -> "579 /layers/layers.2/blocks.3/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"571 /layers/layers.2/blocks.1/Concat_2" -> "580 /layers/layers.2/blocks.1/Slice_6" [label="[1, 14, 14, 384]", style=solid]; +"571 /layers/layers.2/blocks.1/Concat_2" -> "581 /layers/layers.2/blocks.1/Slice_7" [label="[1, 14, 14, 384]", style=solid]; +"572 /Flatten_0_0/nncf_smooth_quant" -> "582 /head/Gemm/WithoutBiases" [label="[1, 768]", style=solid]; +"573 /layers/layers.3/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" -> "583 /layers/layers.3/blocks.1/mlp/fc2/MatMul" [label="[1, 49, 3072]", style=solid]; +"574 /layers/layers.3/blocks.1/attn/qkv/MatMul" -> "584 /layers/layers.3/blocks.1/attn/qkv/Add" [label="[1, 49, 2304]", style=solid]; +"575 /layers/layers.3/blocks.0/mlp/fc2/Add" -> "467 /layers/layers.3/blocks.0/Add_1" [label="[1, 49, 768]", style=solid]; +"576 /layers/layers.3/blocks.0/attn/Reshape" -> "585 /layers/layers.3/blocks.0/attn/Transpose" [label="[1, 49, 3, 24, 32]", style=solid]; +"577 /layers/layers.2/blocks.5/attn/Reshape_2" -> "586 /layers/layers.2/blocks.5/attn/softmax/Softmax" [label="[4, 12, 49, 49]", style=solid]; +"578 /layers/layers.2/blocks.5/attn/proj/MatMul" -> "587 /layers/layers.2/blocks.5/attn/proj/Add" [label="[4, 49, 384]", style=solid]; +"579 /layers/layers.2/blocks.3/Transpose_1" -> "588 /layers/layers.2/blocks.3/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"580 /layers/layers.2/blocks.1/Slice_6" -> "589 /layers/layers.2/blocks.1/Concat_3" [label="[1, 14, 3, 384]", style=solid]; +"581 /layers/layers.2/blocks.1/Slice_7" -> "589 /layers/layers.2/blocks.1/Concat_3" [label="[1, 14, 11, 384]", style=solid]; +"582 /head/Gemm/WithoutBiases" -> "590 probs" [label="[1, 1000]", style=solid]; +"583 /layers/layers.3/blocks.1/mlp/fc2/MatMul" -> "591 /layers/layers.3/blocks.1/mlp/fc2/Add" [label="[1, 49, 768]", style=solid]; +"584 /layers/layers.3/blocks.1/attn/qkv/Add" -> "592 /layers/layers.3/blocks.1/attn/Reshape" [label="[1, 49, 2304]", style=solid]; +"585 /layers/layers.3/blocks.0/attn/Transpose" -> "593 /layers/layers.3/blocks.0/attn/Gather" [label="[3, 1, 24, 49, 32]", style=solid]; +"585 /layers/layers.3/blocks.0/attn/Transpose" -> "594 /layers/layers.3/blocks.0/attn/Gather_1" [label="[3, 1, 24, 49, 32]", style=solid]; +"585 /layers/layers.3/blocks.0/attn/Transpose" -> "595 /layers/layers.3/blocks.0/attn/Gather_2" [label="[3, 1, 24, 49, 32]", style=solid]; +"586 /layers/layers.2/blocks.5/attn/softmax/Softmax" -> "535 /layers/layers.2/blocks.5/attn/MatMul_1" [label="[4, 12, 49, 49]", style=solid]; +"587 /layers/layers.2/blocks.5/attn/proj/Add" -> "596 /layers/layers.2/blocks.5/Reshape_4" [label="[4, 49, 384]", style=solid]; +"588 /layers/layers.2/blocks.3/Reshape_6" -> "597 /layers/layers.2/blocks.3/Slice_4" [label="[1, 14, 14, 384]", style=solid]; +"588 /layers/layers.2/blocks.3/Reshape_6" -> "598 /layers/layers.2/blocks.3/Slice_5" [label="[1, 14, 14, 384]", style=solid]; +"589 /layers/layers.2/blocks.1/Concat_3" -> "599 /layers/layers.2/blocks.1/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; +"590 probs" -> "600 probs/sink_port_0" [label="[1, 1000]", style=solid]; +"591 /layers/layers.3/blocks.1/mlp/fc2/Add" -> "492 /layers/layers.3/blocks.1/Add_1" [label="[1, 49, 768]", style=solid]; +"592 /layers/layers.3/blocks.1/attn/Reshape" -> "601 /layers/layers.3/blocks.1/attn/Transpose" [label="[1, 49, 3, 24, 32]", style=solid]; +"593 /layers/layers.3/blocks.0/attn/Gather" -> "602 /layers/layers.3/blocks.0/attn/Mul" [label="[1, 24, 49, 32]", style=solid]; +"594 /layers/layers.3/blocks.0/attn/Gather_1" -> "603 /layers/layers.3/blocks.0/attn/MatMul" [label="[1, 24, 49, 32]", style=solid]; +"595 /layers/layers.3/blocks.0/attn/Gather_2" -> "604 /layers/layers.3/blocks.0/attn/MatMul_1" [label="[1, 24, 49, 32]", style=solid]; +"596 /layers/layers.2/blocks.5/Reshape_4" -> "605 /layers/layers.2/blocks.5/Reshape_5" [label="[4, 7, 7, 384]", style=solid]; +"597 /layers/layers.2/blocks.3/Slice_4" -> "606 /layers/layers.2/blocks.3/Concat_2" [label="[1, 3, 14, 384]", style=solid]; +"598 /layers/layers.2/blocks.3/Slice_5" -> "606 /layers/layers.2/blocks.3/Concat_2" [label="[1, 11, 14, 384]", style=solid]; +"599 /layers/layers.2/blocks.1/Reshape_7" -> "202 /layers/layers.2/blocks.1/Add" [label="[1, 196, 384]", style=solid]; +"601 /layers/layers.3/blocks.1/attn/Transpose" -> "607 /layers/layers.3/blocks.1/attn/Gather" [label="[3, 1, 24, 49, 32]", style=solid]; +"601 /layers/layers.3/blocks.1/attn/Transpose" -> "608 /layers/layers.3/blocks.1/attn/Gather_1" [label="[3, 1, 24, 49, 32]", style=solid]; +"601 /layers/layers.3/blocks.1/attn/Transpose" -> "609 /layers/layers.3/blocks.1/attn/Gather_2" [label="[3, 1, 24, 49, 32]", style=solid]; +"602 /layers/layers.3/blocks.0/attn/Mul" -> "603 /layers/layers.3/blocks.0/attn/MatMul" [label="[1, 24, 49, 32]", style=solid]; +"603 /layers/layers.3/blocks.0/attn/MatMul" -> "610 /layers/layers.3/blocks.0/attn/Add" [label="[1, 24, 49, 49]", style=solid]; +"604 /layers/layers.3/blocks.0/attn/MatMul_1" -> "611 /layers/layers.3/blocks.0/attn/Transpose_2" [label="[1, 24, 49, 32]", style=solid]; +"605 /layers/layers.2/blocks.5/Reshape_5" -> "612 /layers/layers.2/blocks.5/Transpose_1" [label="[1, 2, 2, 7, 7, 384]", style=solid]; +"606 /layers/layers.2/blocks.3/Concat_2" -> "613 /layers/layers.2/blocks.3/Slice_6" [label="[1, 14, 14, 384]", style=solid]; +"606 /layers/layers.2/blocks.3/Concat_2" -> "614 /layers/layers.2/blocks.3/Slice_7" [label="[1, 14, 14, 384]", style=solid]; +"607 /layers/layers.3/blocks.1/attn/Gather" -> "615 /layers/layers.3/blocks.1/attn/Mul" [label="[1, 24, 49, 32]", style=solid]; +"608 /layers/layers.3/blocks.1/attn/Gather_1" -> "616 /layers/layers.3/blocks.1/attn/MatMul" [label="[1, 24, 49, 32]", style=solid]; +"609 /layers/layers.3/blocks.1/attn/Gather_2" -> "617 /layers/layers.3/blocks.1/attn/MatMul_1" [label="[1, 24, 49, 32]", style=solid]; +"610 /layers/layers.3/blocks.0/attn/Add" -> "618 /layers/layers.3/blocks.0/attn/softmax/Softmax" [label="[1, 24, 49, 49]", style=solid]; +"611 /layers/layers.3/blocks.0/attn/Transpose_2" -> "619 /layers/layers.3/blocks.0/attn/Reshape_1" [label="[1, 49, 24, 32]", style=solid]; +"612 /layers/layers.2/blocks.5/Transpose_1" -> "620 /layers/layers.2/blocks.5/Reshape_6" [label="[1, 2, 7, 2, 7, 384]", style=solid]; +"613 /layers/layers.2/blocks.3/Slice_6" -> "621 /layers/layers.2/blocks.3/Concat_3" [label="[1, 14, 3, 384]", style=solid]; +"614 /layers/layers.2/blocks.3/Slice_7" -> "621 /layers/layers.2/blocks.3/Concat_3" [label="[1, 14, 11, 384]", style=solid]; +"615 /layers/layers.3/blocks.1/attn/Mul" -> "616 /layers/layers.3/blocks.1/attn/MatMul" [label="[1, 24, 49, 32]", style=solid]; +"616 /layers/layers.3/blocks.1/attn/MatMul" -> "622 /layers/layers.3/blocks.1/attn/Add" [label="[1, 24, 49, 49]", style=solid]; +"617 /layers/layers.3/blocks.1/attn/MatMul_1" -> "623 /layers/layers.3/blocks.1/attn/Transpose_2" [label="[1, 24, 49, 32]", style=solid]; +"618 /layers/layers.3/blocks.0/attn/softmax/Softmax" -> "604 /layers/layers.3/blocks.0/attn/MatMul_1" [label="[1, 24, 49, 49]", style=solid]; +"619 /layers/layers.3/blocks.0/attn/Reshape_1" -> "624 /layers/layers.3/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 49, 768]", style=solid]; +"620 /layers/layers.2/blocks.5/Reshape_6" -> "625 /layers/layers.2/blocks.5/Slice_4" [label="[1, 14, 14, 384]", style=solid]; +"620 /layers/layers.2/blocks.5/Reshape_6" -> "626 /layers/layers.2/blocks.5/Slice_5" [label="[1, 14, 14, 384]", style=solid]; +"621 /layers/layers.2/blocks.3/Concat_3" -> "627 /layers/layers.2/blocks.3/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; +"622 /layers/layers.3/blocks.1/attn/Add" -> "628 /layers/layers.3/blocks.1/attn/softmax/Softmax" [label="[1, 24, 49, 49]", style=solid]; +"623 /layers/layers.3/blocks.1/attn/Transpose_2" -> "629 /layers/layers.3/blocks.1/attn/Reshape_1" [label="[1, 49, 24, 32]", style=solid]; +"624 /layers/layers.3/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" -> "630 /layers/layers.3/blocks.0/attn/proj/MatMul" [label="[1, 49, 768]", style=solid]; +"625 /layers/layers.2/blocks.5/Slice_4" -> "631 /layers/layers.2/blocks.5/Concat_2" [label="[1, 3, 14, 384]", style=solid]; +"626 /layers/layers.2/blocks.5/Slice_5" -> "631 /layers/layers.2/blocks.5/Concat_2" [label="[1, 11, 14, 384]", style=solid]; +"627 /layers/layers.2/blocks.3/Reshape_7" -> "240 /layers/layers.2/blocks.3/Add" [label="[1, 196, 384]", style=solid]; +"628 /layers/layers.3/blocks.1/attn/softmax/Softmax" -> "617 /layers/layers.3/blocks.1/attn/MatMul_1" [label="[1, 24, 49, 49]", style=solid]; +"629 /layers/layers.3/blocks.1/attn/Reshape_1" -> "632 /layers/layers.3/blocks.1/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 49, 768]", style=solid]; +"630 /layers/layers.3/blocks.0/attn/proj/MatMul" -> "633 /layers/layers.3/blocks.0/attn/proj/Add" [label="[1, 49, 768]", style=solid]; +"631 /layers/layers.2/blocks.5/Concat_2" -> "634 /layers/layers.2/blocks.5/Slice_6" [label="[1, 14, 14, 384]", style=solid]; +"631 /layers/layers.2/blocks.5/Concat_2" -> "635 /layers/layers.2/blocks.5/Slice_7" [label="[1, 14, 14, 384]", style=solid]; +"632 /layers/layers.3/blocks.1/attn/Reshape_1_0_0/nncf_smooth_quant" -> "636 /layers/layers.3/blocks.1/attn/proj/MatMul" [label="[1, 49, 768]", style=solid]; +"633 /layers/layers.3/blocks.0/attn/proj/Add" -> "637 /layers/layers.3/blocks.0/Reshape_4" [label="[1, 49, 768]", style=solid]; +"634 /layers/layers.2/blocks.5/Slice_6" -> "638 /layers/layers.2/blocks.5/Concat_3" [label="[1, 14, 3, 384]", style=solid]; +"635 /layers/layers.2/blocks.5/Slice_7" -> "638 /layers/layers.2/blocks.5/Concat_3" [label="[1, 14, 11, 384]", style=solid]; +"636 /layers/layers.3/blocks.1/attn/proj/MatMul" -> "639 /layers/layers.3/blocks.1/attn/proj/Add" [label="[1, 49, 768]", style=solid]; +"637 /layers/layers.3/blocks.0/Reshape_4" -> "640 /layers/layers.3/blocks.0/Reshape_5" [label="[1, 7, 7, 768]", style=solid]; +"638 /layers/layers.2/blocks.5/Concat_3" -> "641 /layers/layers.2/blocks.5/Reshape_7" [label="[1, 14, 14, 384]", style=solid]; +"639 /layers/layers.3/blocks.1/attn/proj/Add" -> "642 /layers/layers.3/blocks.1/Reshape_4" [label="[1, 49, 768]", style=solid]; +"640 /layers/layers.3/blocks.0/Reshape_5" -> "643 /layers/layers.3/blocks.0/Transpose_1" [label="[1, 1, 1, 7, 7, 768]", style=solid]; +"641 /layers/layers.2/blocks.5/Reshape_7" -> "294 /layers/layers.2/blocks.5/Add" [label="[1, 196, 384]", style=solid]; +"642 /layers/layers.3/blocks.1/Reshape_4" -> "644 /layers/layers.3/blocks.1/Reshape_5" [label="[1, 7, 7, 768]", style=solid]; +"643 /layers/layers.3/blocks.0/Transpose_1" -> "645 /layers/layers.3/blocks.0/Reshape_6" [label="[1, 1, 7, 1, 7, 768]", style=solid]; +"644 /layers/layers.3/blocks.1/Reshape_5" -> "646 /layers/layers.3/blocks.1/Transpose_1" [label="[1, 1, 1, 7, 7, 768]", style=solid]; +"645 /layers/layers.3/blocks.0/Reshape_6" -> "647 /layers/layers.3/blocks.0/Reshape_7" [label="[1, 7, 7, 768]", style=solid]; +"646 /layers/layers.3/blocks.1/Transpose_1" -> "648 /layers/layers.3/blocks.1/Reshape_6" [label="[1, 1, 7, 1, 7, 768]", style=solid]; +"647 /layers/layers.3/blocks.0/Reshape_7" -> "457 /layers/layers.3/blocks.0/Add" [label="[1, 49, 768]", style=solid]; +"648 /layers/layers.3/blocks.1/Reshape_6" -> "649 /layers/layers.3/blocks.1/Reshape_7" [label="[1, 7, 7, 768]", style=solid]; +"649 /layers/layers.3/blocks.1/Reshape_7" -> "480 /layers/layers.3/blocks.1/Add" [label="[1, 49, 768]", style=solid]; +"650 Constant_7401" -> "590 probs" [label="[1, 1000]", style=solid]; +"651 head.weight" -> "582 /head/Gemm/WithoutBiases" [label="[1000, 768]", style=solid]; +"652 Constant_26065" -> "572 /Flatten_0_0/nncf_smooth_quant" [label="[1, 768]", style=solid]; +"653 Constant_2148" -> "562 /Flatten" [label="[2]", style=dashed]; +"654 Constant_6567" -> "551 /avgpool/GlobalAveragePool" [label="[3]", style=dashed]; +"655 Constant_6036" -> "540 ReduceMean_6037" [label="[1]", style=dashed]; +"656 Constant_7400" -> "528 /norm/Add_1" [label="[1, 1, 768]", style=solid]; +"657 Constant_7399" -> "515 /norm/Mul" [label="[1, 1, 768]", style=solid]; +"658 Constant_2123" -> "504 /norm/Div" [label="[1]", style=dashed]; +"659 Transpose_6564" -> "583 /layers/layers.3/blocks.1/mlp/fc2/MatMul" [label="[768, 3072]", style=solid]; +"660 Constant_26059" -> "573 /layers/layers.3/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 3072]", style=solid]; +"661 Transpose_6560" -> "541 /layers/layers.3/blocks.1/mlp/fc1/MatMul" [label="[3072, 768]", style=solid]; +"662 Constant_26053" -> "529 /layers/layers.3/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"663 Constant_7396" -> "516 /layers/layers.3/blocks.1/norm2/Add_1" [label="[1, 1, 768]", style=solid]; +"664 Constant_7395" -> "505 /layers/layers.3/blocks.1/norm2/Mul" [label="[1, 1, 768]", style=solid]; +"665 Constant_2097" -> "493 /layers/layers.3/blocks.1/norm2/Div" [label="[1]", style=dashed]; +"666 /layers/layers.3/blocks.1/Constant_7" -> "649 /layers/layers.3/blocks.1/Reshape_7" [label="[3]", style=dashed]; +"667 /layers/layers.3/blocks.1/Constant_6" -> "648 /layers/layers.3/blocks.1/Reshape_6" [label="[4]", style=dashed]; +"668 Constant_6554" -> "646 /layers/layers.3/blocks.1/Transpose_1" [label="[6]", style=dashed]; +"669 /layers/layers.3/blocks.1/Constant_5" -> "644 /layers/layers.3/blocks.1/Reshape_5" [label="[6]", style=dashed]; +"670 /layers/layers.3/blocks.1/Constant_4" -> "642 /layers/layers.3/blocks.1/Reshape_4" [label="[4]", style=dashed]; +"671 Transpose_6552" -> "636 /layers/layers.3/blocks.1/attn/proj/MatMul" [label="[768, 768]", style=solid]; +"672 Constant_26069" -> "632 /layers/layers.3/blocks.1/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"673 /layers/layers.3/blocks.1/attn/Constant_2" -> "629 /layers/layers.3/blocks.1/attn/Reshape_1" [label="[3]", style=dashed]; +"674 Constant_2070" -> "623 /layers/layers.3/blocks.1/attn/Transpose_2" [label="[4]", style=dashed]; +"675 Constant_2060" -> "609 /layers/layers.3/blocks.1/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "78 /layers/layers.0/blocks.0/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "123 /layers/layers.0/blocks.1/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "181 /layers/layers.1/blocks.0/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "237 /layers/layers.1/blocks.1/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "337 /layers/layers.2/blocks.0/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "393 /layers/layers.2/blocks.2/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "431 /layers/layers.2/blocks.1/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "439 /layers/layers.2/blocks.4/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "475 /layers/layers.2/blocks.3/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "522 /layers/layers.2/blocks.5/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "595 /layers/layers.3/blocks.0/attn/Gather_2" [label="[]", style=dashed]; +"676 /patch_embed/Constant" -> "609 /layers/layers.3/blocks.1/attn/Gather_2" [label="[]", style=dashed]; +"677 Constant_2054" -> "601 /layers/layers.3/blocks.1/attn/Transpose" [label="[5]", style=dashed]; +"678 /layers/layers.3/blocks.1/attn/Constant" -> "592 /layers/layers.3/blocks.1/attn/Reshape" [label="[5]", style=dashed]; +"679 Transpose_6549" -> "574 /layers/layers.3/blocks.1/attn/qkv/MatMul" [label="[2304, 768]", style=solid]; +"680 Constant_26061" -> "564 /layers/layers.3/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"681 /layers/layers.3/blocks.1/Constant_3" -> "553 /layers/layers.3/blocks.1/Reshape_3" [label="[3]", style=dashed]; +"682 /layers/layers.3/blocks.1/Constant_2" -> "542 /layers/layers.3/blocks.1/Reshape_2" [label="[4]", style=dashed]; +"683 Constant_6544" -> "530 /layers/layers.3/blocks.1/Transpose" [label="[6]", style=dashed]; +"684 /layers/layers.3/blocks.1/Constant_1" -> "517 /layers/layers.3/blocks.1/Reshape_1" [label="[6]", style=dashed]; +"685 Constant_7391" -> "506 /layers/layers.3/blocks.1/norm1/Add_1" [label="[1, 1, 768]", style=solid]; +"686 Constant_7390" -> "494 /layers/layers.3/blocks.1/norm1/Mul" [label="[1, 1, 768]", style=solid]; +"687 Constant_2017" -> "481 /layers/layers.3/blocks.1/norm1/Div" [label="[1]", style=dashed]; +"688 Transpose_6541" -> "565 /layers/layers.3/blocks.0/mlp/fc2/MatMul" [label="[768, 3072]", style=solid]; +"689 Constant_26055" -> "554 /layers/layers.3/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 3072]", style=solid]; +"690 Transpose_6537" -> "518 /layers/layers.3/blocks.0/mlp/fc1/MatMul" [label="[3072, 768]", style=solid]; +"691 Constant_26049" -> "507 /layers/layers.3/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"692 Constant_7387" -> "495 /layers/layers.3/blocks.0/norm2/Add_1" [label="[1, 1, 768]", style=solid]; +"693 Constant_7386" -> "482 /layers/layers.3/blocks.0/norm2/Mul" [label="[1, 1, 768]", style=solid]; +"694 Constant_1991" -> "468 /layers/layers.3/blocks.0/norm2/Div" [label="[1]", style=dashed]; +"695 /layers/layers.3/blocks.0/Constant_7" -> "647 /layers/layers.3/blocks.0/Reshape_7" [label="[3]", style=dashed]; +"696 /layers/layers.3/blocks.0/Constant_6" -> "645 /layers/layers.3/blocks.0/Reshape_6" [label="[4]", style=dashed]; +"697 Constant_6531" -> "643 /layers/layers.3/blocks.0/Transpose_1" [label="[6]", style=dashed]; +"698 /layers/layers.3/blocks.0/Constant_5" -> "640 /layers/layers.3/blocks.0/Reshape_5" [label="[6]", style=dashed]; +"699 /layers/layers.3/blocks.0/Constant_4" -> "637 /layers/layers.3/blocks.0/Reshape_4" [label="[4]", style=dashed]; +"700 Transpose_6529" -> "630 /layers/layers.3/blocks.0/attn/proj/MatMul" [label="[768, 768]", style=solid]; +"701 Constant_26067" -> "624 /layers/layers.3/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"702 /layers/layers.3/blocks.0/attn/Constant_2" -> "619 /layers/layers.3/blocks.0/attn/Reshape_1" [label="[3]", style=dashed]; +"703 Constant_1964" -> "611 /layers/layers.3/blocks.0/attn/Transpose_2" [label="[4]", style=dashed]; +"704 Constant_1954" -> "595 /layers/layers.3/blocks.0/attn/Gather_2" [label="[]", style=dashed]; +"705 Constant_1948" -> "585 /layers/layers.3/blocks.0/attn/Transpose" [label="[5]", style=dashed]; +"706 /layers/layers.3/blocks.0/attn/Constant" -> "576 /layers/layers.3/blocks.0/attn/Reshape" [label="[5]", style=dashed]; +"707 Transpose_6526" -> "555 /layers/layers.3/blocks.0/attn/qkv/MatMul" [label="[2304, 768]", style=solid]; +"708 Constant_26057" -> "544 /layers/layers.3/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"709 /layers/layers.3/blocks.0/Constant_3" -> "532 /layers/layers.3/blocks.0/Reshape_3" [label="[3]", style=dashed]; +"710 /layers/layers.3/blocks.0/Constant_2" -> "519 /layers/layers.3/blocks.0/Reshape_2" [label="[4]", style=dashed]; +"711 Constant_6521" -> "508 /layers/layers.3/blocks.0/Transpose" [label="[6]", style=dashed]; +"712 /layers/layers.3/blocks.0/Constant_1" -> "496 /layers/layers.3/blocks.0/Reshape_1" [label="[6]", style=dashed]; +"713 Constant_7382" -> "483 /layers/layers.3/blocks.0/norm1/Add_1" [label="[1, 1, 768]", style=solid]; +"714 Constant_7381" -> "469 /layers/layers.3/blocks.0/norm1/Mul" [label="[1, 1, 768]", style=solid]; +"715 Constant_1911" -> "458 /layers/layers.3/blocks.0/norm1/Div" [label="[1]", style=dashed]; +"716 Transpose_6518" -> "447 /layers/layers.2/downsample/reduction/MatMul" [label="[768, 1536]", style=solid]; +"717 Constant_26041" -> "434 /layers/layers.2/downsample/norm/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 1536]", style=solid]; +"718 Constant_7380" -> "422 /layers/layers.2/downsample/norm/Add_1" [label="[1, 1, 1536]", style=solid]; +"719 Constant_7379" -> "410 /layers/layers.2/downsample/norm/Mul" [label="[1, 1, 1536]", style=solid]; +"720 Constant_1897" -> "398 /layers/layers.2/downsample/norm/Div" [label="[1]", style=dashed]; +"721 /layers/layers.2/downsample/Constant_25" -> "383 /layers/layers.2/downsample/Reshape_1" [label="[3]", style=dashed]; +"722 Constant_5751" -> "357 /layers/layers.2/downsample/Slice_5" [label="[3]", style=dashed]; +"723 Constant_5748" -> "357 /layers/layers.2/downsample/Slice_5" [label="[3]", style=dashed]; +"724 Constant_5745" -> "357 /layers/layers.2/downsample/Slice_5" [label="[3]", style=dashed]; +"725 Constant_5715" -> "340 /layers/layers.2/downsample/Slice_2" [label="[2]", style=dashed]; +"726 Constant_5712" -> "340 /layers/layers.2/downsample/Slice_2" [label="[2]", style=dashed]; +"727 Constant_5709" -> "340 /layers/layers.2/downsample/Slice_2" [label="[2]", style=dashed]; +"728 /layers/layers.2/downsample/Constant" -> "323 /layers/layers.2/downsample/Reshape" [label="[4]", style=dashed]; +"729 Transpose_6514" -> "423 /layers/layers.2/blocks.5/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; +"730 Constant_26035" -> "411 /layers/layers.2/blocks.5/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 1536]", style=solid]; +"731 Transpose_6510" -> "372 /layers/layers.2/blocks.5/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; +"732 Constant_26025" -> "358 /layers/layers.2/blocks.5/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"733 Constant_7376" -> "341 /layers/layers.2/blocks.5/norm2/Add_1" [label="[1, 1, 384]", style=solid]; +"734 Constant_7375" -> "324 /layers/layers.2/blocks.5/norm2/Mul" [label="[1, 1, 384]", style=solid]; +"735 Constant_1832" -> "310 /layers/layers.2/blocks.5/norm2/Div" [label="[1]", style=dashed]; +"736 /layers/layers.2/blocks.5/Constant_31" -> "641 /layers/layers.2/blocks.5/Reshape_7" [label="[3]", style=dashed]; +"737 Constant_5679" -> "635 /layers/layers.2/blocks.5/Slice_7" [label="[3]", style=dashed]; +"738 Constant_5676" -> "635 /layers/layers.2/blocks.5/Slice_7" [label="[3]", style=dashed]; +"739 Constant_5673" -> "635 /layers/layers.2/blocks.5/Slice_7" [label="[3]", style=dashed]; +"740 Constant_5655" -> "626 /layers/layers.2/blocks.5/Slice_5" [label="[2]", style=dashed]; +"741 Constant_5652" -> "626 /layers/layers.2/blocks.5/Slice_5" [label="[2]", style=dashed]; +"742 Constant_5649" -> "626 /layers/layers.2/blocks.5/Slice_5" [label="[2]", style=dashed]; +"743 /layers/layers.2/blocks.5/Constant_18" -> "620 /layers/layers.2/blocks.5/Reshape_6" [label="[4]", style=dashed]; +"744 Constant_1779" -> "612 /layers/layers.2/blocks.5/Transpose_1" [label="[6]", style=dashed]; +"745 /layers/layers.2/blocks.5/Constant_17" -> "605 /layers/layers.2/blocks.5/Reshape_5" [label="[6]", style=dashed]; +"746 /layers/layers.2/blocks.5/Constant_16" -> "596 /layers/layers.2/blocks.5/Reshape_4" [label="[4]", style=dashed]; +"747 Transpose_6506" -> "578 /layers/layers.2/blocks.5/attn/proj/MatMul" [label="[384, 384]", style=solid]; +"748 Constant_26063" -> "568 /layers/layers.2/blocks.5/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"749 /layers/layers.2/blocks.5/attn/Constant_4" -> "557 /layers/layers.2/blocks.5/attn/Reshape_3" [label="[3]", style=dashed]; +"750 Constant_1763" -> "546 /layers/layers.2/blocks.5/attn/Transpose_2" [label="[4]", style=dashed]; +"751 Constant_1744" -> "522 /layers/layers.2/blocks.5/attn/Gather_2" [label="[]", style=dashed]; +"752 Constant_1738" -> "509 /layers/layers.2/blocks.5/attn/Transpose" [label="[5]", style=dashed]; +"753 /layers/layers.2/blocks.5/attn/Constant" -> "497 /layers/layers.2/blocks.5/attn/Reshape" [label="[5]", style=dashed]; +"754 Transpose_6503" -> "470 /layers/layers.2/blocks.5/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; +"755 Constant_26043" -> "459 /layers/layers.2/blocks.5/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"756 /layers/layers.2/blocks.5/Constant_15" -> "448 /layers/layers.2/blocks.5/Reshape_3" [label="[3]", style=dashed]; +"757 /layers/layers.2/blocks.5/Constant_14" -> "436 /layers/layers.2/blocks.5/Reshape_2" [label="[4]", style=dashed]; +"758 Constant_1722" -> "424 /layers/layers.2/blocks.5/Transpose" [label="[6]", style=dashed]; +"759 /layers/layers.2/blocks.5/Constant_13" -> "412 /layers/layers.2/blocks.5/Reshape_1" [label="[6]", style=dashed]; +"760 Constant_5631" -> "386 /layers/layers.2/blocks.5/Slice_3" [label="[3]", style=dashed]; +"761 Constant_5628" -> "386 /layers/layers.2/blocks.5/Slice_3" [label="[3]", style=dashed]; +"762 Constant_5625" -> "386 /layers/layers.2/blocks.5/Slice_3" [label="[3]", style=dashed]; +"763 Constant_5607" -> "360 /layers/layers.2/blocks.5/Slice_1" [label="[2]", style=dashed]; +"764 Constant_5604" -> "360 /layers/layers.2/blocks.5/Slice_1" [label="[2]", style=dashed]; +"765 Constant_5601" -> "360 /layers/layers.2/blocks.5/Slice_1" [label="[2]", style=dashed]; +"766 /layers/layers.2/blocks.5/Constant" -> "342 /layers/layers.2/blocks.5/Reshape" [label="[4]", style=dashed]; +"767 Constant_7371" -> "325 /layers/layers.2/blocks.5/norm1/Add_1" [label="[1, 1, 384]", style=solid]; +"768 Constant_7370" -> "311 /layers/layers.2/blocks.5/norm1/Mul" [label="[1, 1, 384]", style=solid]; +"769 Constant_1659" -> "295 /layers/layers.2/blocks.5/norm1/Div" [label="[1]", style=dashed]; +"770 Transpose_6499" -> "401 /layers/layers.2/blocks.4/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; +"771 Constant_26029" -> "387 /layers/layers.2/blocks.4/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 1536]", style=solid]; +"772 Transpose_6495" -> "343 /layers/layers.2/blocks.4/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; +"773 Constant_26021" -> "326 /layers/layers.2/blocks.4/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"774 Constant_7367" -> "312 /layers/layers.2/blocks.4/norm2/Add_1" [label="[1, 1, 384]", style=solid]; +"775 Constant_7366" -> "296 /layers/layers.2/blocks.4/norm2/Mul" [label="[1, 1, 384]", style=solid]; +"776 Constant_1633" -> "281 /layers/layers.2/blocks.4/norm2/Div" [label="[1]", style=dashed]; +"777 /layers/layers.2/blocks.4/Constant_7" -> "569 /layers/layers.2/blocks.4/Reshape_7" [label="[3]", style=dashed]; +"778 /layers/layers.2/blocks.4/Constant_6" -> "558 /layers/layers.2/blocks.4/Reshape_6" [label="[4]", style=dashed]; +"779 Constant_1622" -> "547 /layers/layers.2/blocks.4/Transpose_1" [label="[6]", style=dashed]; +"780 /layers/layers.2/blocks.4/Constant_5" -> "536 /layers/layers.2/blocks.4/Reshape_5" [label="[6]", style=dashed]; +"781 /layers/layers.2/blocks.4/Constant_4" -> "523 /layers/layers.2/blocks.4/Reshape_4" [label="[4]", style=dashed]; +"782 Transpose_6491" -> "498 /layers/layers.2/blocks.4/attn/proj/MatMul" [label="[384, 384]", style=solid]; +"783 Constant_26047" -> "485 /layers/layers.2/blocks.4/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"784 /layers/layers.2/blocks.4/attn/Constant_2" -> "472 /layers/layers.2/blocks.4/attn/Reshape_1" [label="[3]", style=dashed]; +"785 Constant_1606" -> "461 /layers/layers.2/blocks.4/attn/Transpose_2" [label="[4]", style=dashed]; +"786 Constant_1596" -> "439 /layers/layers.2/blocks.4/attn/Gather_2" [label="[]", style=dashed]; +"787 Constant_1590" -> "425 /layers/layers.2/blocks.4/attn/Transpose" [label="[5]", style=dashed]; +"788 /layers/layers.2/blocks.4/attn/Constant" -> "414 /layers/layers.2/blocks.4/attn/Reshape" [label="[5]", style=dashed]; +"789 Transpose_6488" -> "388 /layers/layers.2/blocks.4/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; +"790 Constant_26031" -> "375 /layers/layers.2/blocks.4/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"791 /layers/layers.2/blocks.4/Constant_3" -> "362 /layers/layers.2/blocks.4/Reshape_3" [label="[3]", style=dashed]; +"792 /layers/layers.2/blocks.4/Constant_2" -> "344 /layers/layers.2/blocks.4/Reshape_2" [label="[4]", style=dashed]; +"793 Constant_1574" -> "327 /layers/layers.2/blocks.4/Transpose" [label="[6]", style=dashed]; +"794 /layers/layers.2/blocks.4/Constant_1" -> "313 /layers/layers.2/blocks.4/Reshape_1" [label="[6]", style=dashed]; +"795 Constant_7362" -> "297 /layers/layers.2/blocks.4/norm1/Add_1" [label="[1, 1, 384]", style=solid]; +"796 Constant_7361" -> "282 /layers/layers.2/blocks.4/norm1/Mul" [label="[1, 1, 384]", style=solid]; +"797 Constant_1553" -> "267 /layers/layers.2/blocks.4/norm1/Div" [label="[1]", style=dashed]; +"798 Transpose_6484" -> "376 /layers/layers.2/blocks.3/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; +"799 Constant_26023" -> "363 /layers/layers.2/blocks.3/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 1536]", style=solid]; +"800 Transpose_6480" -> "314 /layers/layers.2/blocks.3/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; +"801 Constant_26015" -> "298 /layers/layers.2/blocks.3/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"802 Constant_7358" -> "283 /layers/layers.2/blocks.3/norm2/Add_1" [label="[1, 1, 384]", style=solid]; +"803 Constant_7357" -> "268 /layers/layers.2/blocks.3/norm2/Mul" [label="[1, 1, 384]", style=solid]; +"804 Constant_1527" -> "255 /layers/layers.2/blocks.3/norm2/Div" [label="[1]", style=dashed]; +"805 /layers/layers.2/blocks.3/Constant_31" -> "627 /layers/layers.2/blocks.3/Reshape_7" [label="[3]", style=dashed]; +"806 Constant_5583" -> "614 /layers/layers.2/blocks.3/Slice_7" [label="[3]", style=dashed]; +"807 Constant_5580" -> "614 /layers/layers.2/blocks.3/Slice_7" [label="[3]", style=dashed]; +"808 Constant_5577" -> "614 /layers/layers.2/blocks.3/Slice_7" [label="[3]", style=dashed]; +"809 Constant_5559" -> "598 /layers/layers.2/blocks.3/Slice_5" [label="[2]", style=dashed]; +"810 Constant_5556" -> "598 /layers/layers.2/blocks.3/Slice_5" [label="[2]", style=dashed]; +"811 Constant_5553" -> "598 /layers/layers.2/blocks.3/Slice_5" [label="[2]", style=dashed]; +"812 /layers/layers.2/blocks.3/Constant_18" -> "588 /layers/layers.2/blocks.3/Reshape_6" [label="[4]", style=dashed]; +"813 Constant_1474" -> "579 /layers/layers.2/blocks.3/Transpose_1" [label="[6]", style=dashed]; +"814 /layers/layers.2/blocks.3/Constant_17" -> "570 /layers/layers.2/blocks.3/Reshape_5" [label="[6]", style=dashed]; +"815 /layers/layers.2/blocks.3/Constant_16" -> "559 /layers/layers.2/blocks.3/Reshape_4" [label="[4]", style=dashed]; +"816 Transpose_6476" -> "538 /layers/layers.2/blocks.3/attn/proj/MatMul" [label="[384, 384]", style=solid]; +"817 Constant_26051" -> "525 /layers/layers.2/blocks.3/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"818 /layers/layers.2/blocks.3/attn/Constant_4" -> "512 /layers/layers.2/blocks.3/attn/Reshape_3" [label="[3]", style=dashed]; +"819 Constant_1458" -> "500 /layers/layers.2/blocks.3/attn/Transpose_2" [label="[4]", style=dashed]; +"820 Constant_1439" -> "475 /layers/layers.2/blocks.3/attn/Gather_2" [label="[]", style=dashed]; +"821 Constant_1433" -> "462 /layers/layers.2/blocks.3/attn/Transpose" [label="[5]", style=dashed]; +"822 /layers/layers.2/blocks.3/attn/Constant" -> "452 /layers/layers.2/blocks.3/attn/Reshape" [label="[5]", style=dashed]; +"823 Transpose_6473" -> "426 /layers/layers.2/blocks.3/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; +"824 Constant_26037" -> "415 /layers/layers.2/blocks.3/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"825 /layers/layers.2/blocks.3/Constant_15" -> "403 /layers/layers.2/blocks.3/Reshape_3" [label="[3]", style=dashed]; +"826 /layers/layers.2/blocks.3/Constant_14" -> "390 /layers/layers.2/blocks.3/Reshape_2" [label="[4]", style=dashed]; +"827 Constant_1417" -> "377 /layers/layers.2/blocks.3/Transpose" [label="[6]", style=dashed]; +"828 /layers/layers.2/blocks.3/Constant_13" -> "364 /layers/layers.2/blocks.3/Reshape_1" [label="[6]", style=dashed]; +"829 Constant_5535" -> "330 /layers/layers.2/blocks.3/Slice_3" [label="[3]", style=dashed]; +"830 Constant_5532" -> "330 /layers/layers.2/blocks.3/Slice_3" [label="[3]", style=dashed]; +"831 Constant_5529" -> "330 /layers/layers.2/blocks.3/Slice_3" [label="[3]", style=dashed]; +"832 Constant_5511" -> "300 /layers/layers.2/blocks.3/Slice_1" [label="[2]", style=dashed]; +"833 Constant_5508" -> "300 /layers/layers.2/blocks.3/Slice_1" [label="[2]", style=dashed]; +"834 Constant_5505" -> "300 /layers/layers.2/blocks.3/Slice_1" [label="[2]", style=dashed]; +"835 /layers/layers.2/blocks.3/Constant" -> "284 /layers/layers.2/blocks.3/Reshape" [label="[4]", style=dashed]; +"836 Constant_7353" -> "269 /layers/layers.2/blocks.3/norm1/Add_1" [label="[1, 1, 384]", style=solid]; +"837 Constant_7352" -> "256 /layers/layers.2/blocks.3/norm1/Mul" [label="[1, 1, 384]", style=solid]; +"838 Constant_1354" -> "241 /layers/layers.2/blocks.3/norm1/Div" [label="[1]", style=dashed]; +"839 Transpose_6469" -> "347 /layers/layers.2/blocks.2/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; +"840 Constant_26017" -> "331 /layers/layers.2/blocks.2/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 1536]", style=solid]; +"841 Transpose_6465" -> "285 /layers/layers.2/blocks.2/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; +"842 Constant_26009" -> "270 /layers/layers.2/blocks.2/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"843 Constant_7349" -> "257 /layers/layers.2/blocks.2/norm2/Add_1" [label="[1, 1, 384]", style=solid]; +"844 Constant_7348" -> "242 /layers/layers.2/blocks.2/norm2/Mul" [label="[1, 1, 384]", style=solid]; +"845 Constant_1328" -> "229 /layers/layers.2/blocks.2/norm2/Div" [label="[1]", style=dashed]; +"846 /layers/layers.2/blocks.2/Constant_7" -> "526 /layers/layers.2/blocks.2/Reshape_7" [label="[3]", style=dashed]; +"847 /layers/layers.2/blocks.2/Constant_6" -> "513 /layers/layers.2/blocks.2/Reshape_6" [label="[4]", style=dashed]; +"848 Constant_1317" -> "501 /layers/layers.2/blocks.2/Transpose_1" [label="[6]", style=dashed]; +"849 /layers/layers.2/blocks.2/Constant_5" -> "489 /layers/layers.2/blocks.2/Reshape_5" [label="[6]", style=dashed]; +"850 /layers/layers.2/blocks.2/Constant_4" -> "476 /layers/layers.2/blocks.2/Reshape_4" [label="[4]", style=dashed]; +"851 Transpose_6461" -> "453 /layers/layers.2/blocks.2/attn/proj/MatMul" [label="[384, 384]", style=solid]; +"852 Constant_26039" -> "441 /layers/layers.2/blocks.2/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"853 /layers/layers.2/blocks.2/attn/Constant_2" -> "428 /layers/layers.2/blocks.2/attn/Reshape_1" [label="[3]", style=dashed]; +"854 Constant_1301" -> "417 /layers/layers.2/blocks.2/attn/Transpose_2" [label="[4]", style=dashed]; +"855 Constant_1291" -> "393 /layers/layers.2/blocks.2/attn/Gather_2" [label="[]", style=dashed]; +"856 Constant_1285" -> "378 /layers/layers.2/blocks.2/attn/Transpose" [label="[5]", style=dashed]; +"857 /layers/layers.2/blocks.2/attn/Constant" -> "366 /layers/layers.2/blocks.2/attn/Reshape" [label="[5]", style=dashed]; +"858 Transpose_6458" -> "332 /layers/layers.2/blocks.2/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; +"859 Constant_26019" -> "317 /layers/layers.2/blocks.2/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"860 /layers/layers.2/blocks.2/Constant_3" -> "302 /layers/layers.2/blocks.2/Reshape_3" [label="[3]", style=dashed]; +"861 /layers/layers.2/blocks.2/Constant_2" -> "286 /layers/layers.2/blocks.2/Reshape_2" [label="[4]", style=dashed]; +"862 Constant_1269" -> "271 /layers/layers.2/blocks.2/Transpose" [label="[6]", style=dashed]; +"863 /layers/layers.2/blocks.2/Constant_1" -> "258 /layers/layers.2/blocks.2/Reshape_1" [label="[6]", style=dashed]; +"864 Constant_7344" -> "243 /layers/layers.2/blocks.2/norm1/Add_1" [label="[1, 1, 384]", style=solid]; +"865 Constant_7343" -> "230 /layers/layers.2/blocks.2/norm1/Mul" [label="[1, 1, 384]", style=solid]; +"866 Constant_1248" -> "219 /layers/layers.2/blocks.2/norm1/Div" [label="[1]", style=dashed]; +"867 Transpose_6454" -> "318 /layers/layers.2/blocks.1/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; +"868 Constant_26011" -> "303 /layers/layers.2/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 1536]", style=solid]; +"869 Transpose_6450" -> "259 /layers/layers.2/blocks.1/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; +"870 Constant_26003" -> "244 /layers/layers.2/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"871 Constant_7340" -> "231 /layers/layers.2/blocks.1/norm2/Add_1" [label="[1, 1, 384]", style=solid]; +"872 Constant_7339" -> "220 /layers/layers.2/blocks.1/norm2/Mul" [label="[1, 1, 384]", style=solid]; +"873 Constant_1222" -> "211 /layers/layers.2/blocks.1/norm2/Div" [label="[1]", style=dashed]; +"874 /layers/layers.2/blocks.1/Constant_31" -> "599 /layers/layers.2/blocks.1/Reshape_7" [label="[3]", style=dashed]; +"875 Constant_5487" -> "581 /layers/layers.2/blocks.1/Slice_7" [label="[3]", style=dashed]; +"876 Constant_5484" -> "581 /layers/layers.2/blocks.1/Slice_7" [label="[3]", style=dashed]; +"877 Constant_5481" -> "581 /layers/layers.2/blocks.1/Slice_7" [label="[3]", style=dashed]; +"878 Constant_5463" -> "561 /layers/layers.2/blocks.1/Slice_5" [label="[2]", style=dashed]; +"879 Constant_5460" -> "561 /layers/layers.2/blocks.1/Slice_5" [label="[2]", style=dashed]; +"880 Constant_5457" -> "561 /layers/layers.2/blocks.1/Slice_5" [label="[2]", style=dashed]; +"881 /layers/layers.2/blocks.1/Constant_18" -> "550 /layers/layers.2/blocks.1/Reshape_6" [label="[4]", style=dashed]; +"882 Constant_1169" -> "539 /layers/layers.2/blocks.1/Transpose_1" [label="[6]", style=dashed]; +"883 /layers/layers.2/blocks.1/Constant_17" -> "527 /layers/layers.2/blocks.1/Reshape_5" [label="[6]", style=dashed]; +"884 /layers/layers.2/blocks.1/Constant_16" -> "514 /layers/layers.2/blocks.1/Reshape_4" [label="[4]", style=dashed]; +"885 Transpose_6446" -> "491 /layers/layers.2/blocks.1/attn/proj/MatMul" [label="[384, 384]", style=solid]; +"886 Constant_26045" -> "478 /layers/layers.2/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"887 /layers/layers.2/blocks.1/attn/Constant_4" -> "465 /layers/layers.2/blocks.1/attn/Reshape_3" [label="[3]", style=dashed]; +"888 Constant_1153" -> "455 /layers/layers.2/blocks.1/attn/Transpose_2" [label="[4]", style=dashed]; +"889 Constant_1134" -> "431 /layers/layers.2/blocks.1/attn/Gather_2" [label="[]", style=dashed]; +"890 Constant_1128" -> "418 /layers/layers.2/blocks.1/attn/Transpose" [label="[5]", style=dashed]; +"891 /layers/layers.2/blocks.1/attn/Constant" -> "407 /layers/layers.2/blocks.1/attn/Reshape" [label="[5]", style=dashed]; +"892 Transpose_6443" -> "379 /layers/layers.2/blocks.1/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; +"893 Constant_26027" -> "367 /layers/layers.2/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"894 /layers/layers.2/blocks.1/Constant_15" -> "349 /layers/layers.2/blocks.1/Reshape_3" [label="[3]", style=dashed]; +"895 /layers/layers.2/blocks.1/Constant_14" -> "334 /layers/layers.2/blocks.1/Reshape_2" [label="[4]", style=dashed]; +"896 Constant_1112" -> "319 /layers/layers.2/blocks.1/Transpose" [label="[6]", style=dashed]; +"897 /layers/layers.2/blocks.1/Constant_13" -> "304 /layers/layers.2/blocks.1/Reshape_1" [label="[6]", style=dashed]; +"898 Constant_5439" -> "274 /layers/layers.2/blocks.1/Slice_3" [label="[3]", style=dashed]; +"899 Constant_5436" -> "274 /layers/layers.2/blocks.1/Slice_3" [label="[3]", style=dashed]; +"900 Constant_5433" -> "274 /layers/layers.2/blocks.1/Slice_3" [label="[3]", style=dashed]; +"901 Constant_5415" -> "246 /layers/layers.2/blocks.1/Slice_1" [label="[2]", style=dashed]; +"902 Constant_5412" -> "246 /layers/layers.2/blocks.1/Slice_1" [label="[2]", style=dashed]; +"903 Constant_5409" -> "246 /layers/layers.2/blocks.1/Slice_1" [label="[2]", style=dashed]; +"904 /layers/layers.2/blocks.1/Constant" -> "232 /layers/layers.2/blocks.1/Reshape" [label="[4]", style=dashed]; +"905 Constant_7335" -> "221 /layers/layers.2/blocks.1/norm1/Add_1" [label="[1, 1, 384]", style=solid]; +"906 Constant_7334" -> "212 /layers/layers.2/blocks.1/norm1/Mul" [label="[1, 1, 384]", style=solid]; +"907 Constant_1049" -> "203 /layers/layers.2/blocks.1/norm1/Div" [label="[1]", style=dashed]; +"908 Transpose_6439" -> "289 /layers/layers.2/blocks.0/mlp/fc2/MatMul" [label="[384, 1536]", style=solid]; +"909 Constant_26005" -> "275 /layers/layers.2/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 1536]", style=solid]; +"910 Transpose_6435" -> "233 /layers/layers.2/blocks.0/mlp/fc1/MatMul" [label="[1536, 384]", style=solid]; +"911 Constant_26001" -> "222 /layers/layers.2/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"912 Constant_7331" -> "213 /layers/layers.2/blocks.0/norm2/Add_1" [label="[1, 1, 384]", style=solid]; +"913 Constant_7330" -> "204 /layers/layers.2/blocks.0/norm2/Mul" [label="[1, 1, 384]", style=solid]; +"914 Constant_1023" -> "196 /layers/layers.2/blocks.0/norm2/Div" [label="[1]", style=dashed]; +"915 /layers/layers.2/blocks.0/Constant_7" -> "479 /layers/layers.2/blocks.0/Reshape_7" [label="[3]", style=dashed]; +"916 /layers/layers.2/blocks.0/Constant_6" -> "466 /layers/layers.2/blocks.0/Reshape_6" [label="[4]", style=dashed]; +"917 Constant_1012" -> "456 /layers/layers.2/blocks.0/Transpose_1" [label="[6]", style=dashed]; +"918 /layers/layers.2/blocks.0/Constant_5" -> "445 /layers/layers.2/blocks.0/Reshape_5" [label="[6]", style=dashed]; +"919 /layers/layers.2/blocks.0/Constant_4" -> "432 /layers/layers.2/blocks.0/Reshape_4" [label="[4]", style=dashed]; +"920 Transpose_6431" -> "408 /layers/layers.2/blocks.0/attn/proj/MatMul" [label="[384, 384]", style=solid]; +"921 Constant_26033" -> "395 /layers/layers.2/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"922 /layers/layers.2/blocks.0/attn/Constant_2" -> "381 /layers/layers.2/blocks.0/attn/Reshape_1" [label="[3]", style=dashed]; +"923 Constant_996" -> "369 /layers/layers.2/blocks.0/attn/Transpose_2" [label="[4]", style=dashed]; +"924 Constant_986" -> "337 /layers/layers.2/blocks.0/attn/Gather_2" [label="[]", style=dashed]; +"925 Constant_980" -> "320 /layers/layers.2/blocks.0/attn/Transpose" [label="[5]", style=dashed]; +"926 /layers/layers.2/blocks.0/attn/Constant" -> "306 /layers/layers.2/blocks.0/attn/Reshape" [label="[5]", style=dashed]; +"927 Transpose_6428" -> "276 /layers/layers.2/blocks.0/attn/qkv/MatMul" [label="[1152, 384]", style=solid]; +"928 Constant_26007" -> "262 /layers/layers.2/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"929 /layers/layers.2/blocks.0/Constant_3" -> "248 /layers/layers.2/blocks.0/Reshape_3" [label="[3]", style=dashed]; +"930 /layers/layers.2/blocks.0/Constant_2" -> "234 /layers/layers.2/blocks.0/Reshape_2" [label="[4]", style=dashed]; +"931 Constant_964" -> "223 /layers/layers.2/blocks.0/Transpose" [label="[6]", style=dashed]; +"932 /layers/layers.2/blocks.0/Constant_1" -> "214 /layers/layers.2/blocks.0/Reshape_1" [label="[6]", style=dashed]; +"933 Constant_7326" -> "205 /layers/layers.2/blocks.0/norm1/Add_1" [label="[1, 1, 384]", style=solid]; +"934 Constant_7325" -> "197 /layers/layers.2/blocks.0/norm1/Mul" [label="[1, 1, 384]", style=solid]; +"935 Constant_943" -> "190 /layers/layers.2/blocks.0/norm1/Div" [label="[1]", style=dashed]; +"936 Transpose_6424" -> "183 /layers/layers.1/downsample/reduction/MatMul" [label="[384, 768]", style=solid]; +"937 Constant_25995" -> "176 /layers/layers.1/downsample/norm/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"938 Constant_7324" -> "170 /layers/layers.1/downsample/norm/Add_1" [label="[1, 1, 768]", style=solid]; +"939 Constant_7323" -> "163 /layers/layers.1/downsample/norm/Mul" [label="[1, 1, 768]", style=solid]; +"940 Constant_929" -> "155 /layers/layers.1/downsample/norm/Div" [label="[1]", style=dashed]; +"941 /layers/layers.1/downsample/Constant_25" -> "146 /layers/layers.1/downsample/Reshape_1" [label="[3]", style=dashed]; +"942 Constant_5391" -> "128 /layers/layers.1/downsample/Slice_5" [label="[3]", style=dashed]; +"943 Constant_5388" -> "128 /layers/layers.1/downsample/Slice_5" [label="[3]", style=dashed]; +"944 Constant_5385" -> "128 /layers/layers.1/downsample/Slice_5" [label="[3]", style=dashed]; +"945 Constant_5355" -> "116 /layers/layers.1/downsample/Slice_2" [label="[2]", style=dashed]; +"946 Constant_5352" -> "116 /layers/layers.1/downsample/Slice_2" [label="[2]", style=dashed]; +"947 Constant_5349" -> "116 /layers/layers.1/downsample/Slice_2" [label="[2]", style=dashed]; +"948 /layers/layers.1/downsample/Constant" -> "108 /layers/layers.1/downsample/Reshape" [label="[4]", style=dashed]; +"949 Transpose_6420" -> "171 /layers/layers.1/blocks.1/mlp/fc2/MatMul" [label="[192, 768]", style=solid]; +"950 Constant_25991" -> "164 /layers/layers.1/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"951 Transpose_6416" -> "139 /layers/layers.1/blocks.1/mlp/fc1/MatMul" [label="[768, 192]", style=solid]; +"952 Constant_25985" -> "129 /layers/layers.1/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 192]", style=solid]; +"953 Constant_7320" -> "117 /layers/layers.1/blocks.1/norm2/Add_1" [label="[1, 1, 192]", style=solid]; +"954 Constant_7319" -> "109 /layers/layers.1/blocks.1/norm2/Mul" [label="[1, 1, 192]", style=solid]; +"955 Constant_864" -> "102 /layers/layers.1/blocks.1/norm2/Div" [label="[1]", style=dashed]; +"956 /layers/layers.1/blocks.1/Constant_31" -> "446 /layers/layers.1/blocks.1/Reshape_7" [label="[3]", style=dashed]; +"957 Constant_5319" -> "421 /layers/layers.1/blocks.1/Slice_7" [label="[3]", style=dashed]; +"958 Constant_5316" -> "421 /layers/layers.1/blocks.1/Slice_7" [label="[3]", style=dashed]; +"959 Constant_5313" -> "421 /layers/layers.1/blocks.1/Slice_7" [label="[3]", style=dashed]; +"960 Constant_5295" -> "397 /layers/layers.1/blocks.1/Slice_5" [label="[2]", style=dashed]; +"961 Constant_5292" -> "397 /layers/layers.1/blocks.1/Slice_5" [label="[2]", style=dashed]; +"962 Constant_5289" -> "397 /layers/layers.1/blocks.1/Slice_5" [label="[2]", style=dashed]; +"963 /layers/layers.1/blocks.1/Constant_18" -> "382 /layers/layers.1/blocks.1/Reshape_6" [label="[4]", style=dashed]; +"964 Constant_811" -> "370 /layers/layers.1/blocks.1/Transpose_1" [label="[6]", style=dashed]; +"965 /layers/layers.1/blocks.1/Constant_17" -> "353 /layers/layers.1/blocks.1/Reshape_5" [label="[6]", style=dashed]; +"966 /layers/layers.1/blocks.1/Constant_16" -> "338 /layers/layers.1/blocks.1/Reshape_4" [label="[4]", style=dashed]; +"967 Transpose_6412" -> "308 /layers/layers.1/blocks.1/attn/proj/MatMul" [label="[192, 192]", style=solid]; +"968 Constant_26013" -> "292 /layers/layers.1/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 192]", style=solid]; +"969 /layers/layers.1/blocks.1/attn/Constant_4" -> "278 /layers/layers.1/blocks.1/attn/Reshape_3" [label="[3]", style=dashed]; +"970 Constant_795" -> "264 /layers/layers.1/blocks.1/attn/Transpose_2" [label="[4]", style=dashed]; +"971 Constant_776" -> "237 /layers/layers.1/blocks.1/attn/Gather_2" [label="[]", style=dashed]; +"972 Constant_770" -> "224 /layers/layers.1/blocks.1/attn/Transpose" [label="[5]", style=dashed]; +"973 /layers/layers.1/blocks.1/attn/Constant" -> "215 /layers/layers.1/blocks.1/attn/Reshape" [label="[5]", style=dashed]; +"974 Transpose_6409" -> "198 /layers/layers.1/blocks.1/attn/qkv/MatMul" [label="[576, 192]", style=solid]; +"975 Constant_25997" -> "191 /layers/layers.1/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 192]", style=solid]; +"976 /layers/layers.1/blocks.1/Constant_15" -> "184 /layers/layers.1/blocks.1/Reshape_3" [label="[3]", style=dashed]; +"977 /layers/layers.1/blocks.1/Constant_14" -> "178 /layers/layers.1/blocks.1/Reshape_2" [label="[4]", style=dashed]; +"978 Constant_754" -> "172 /layers/layers.1/blocks.1/Transpose" [label="[6]", style=dashed]; +"979 /layers/layers.1/blocks.1/Constant_13" -> "165 /layers/layers.1/blocks.1/Reshape_1" [label="[6]", style=dashed]; +"980 Constant_5271" -> "149 /layers/layers.1/blocks.1/Slice_3" [label="[3]", style=dashed]; +"981 Constant_5268" -> "149 /layers/layers.1/blocks.1/Slice_3" [label="[3]", style=dashed]; +"982 Constant_5265" -> "149 /layers/layers.1/blocks.1/Slice_3" [label="[3]", style=dashed]; +"983 Constant_5247" -> "131 /layers/layers.1/blocks.1/Slice_1" [label="[2]", style=dashed]; +"984 Constant_5244" -> "131 /layers/layers.1/blocks.1/Slice_1" [label="[2]", style=dashed]; +"985 Constant_5241" -> "131 /layers/layers.1/blocks.1/Slice_1" [label="[2]", style=dashed]; +"986 /layers/layers.1/blocks.1/Constant" -> "118 /layers/layers.1/blocks.1/Reshape" [label="[4]", style=dashed]; +"987 Constant_7315" -> "110 /layers/layers.1/blocks.1/norm1/Add_1" [label="[1, 1, 192]", style=solid]; +"988 Constant_7314" -> "103 /layers/layers.1/blocks.1/norm1/Mul" [label="[1, 1, 192]", style=solid]; +"989 Constant_691" -> "96 /layers/layers.1/blocks.1/norm1/Div" [label="[1]", style=dashed]; +"990 Transpose_6405" -> "158 /layers/layers.1/blocks.0/mlp/fc2/MatMul" [label="[192, 768]", style=solid]; +"991 Constant_25987" -> "150 /layers/layers.1/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 768]", style=solid]; +"992 Transpose_6401" -> "119 /layers/layers.1/blocks.0/mlp/fc1/MatMul" [label="[768, 192]", style=solid]; +"993 Constant_25983" -> "111 /layers/layers.1/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 192]", style=solid]; +"994 Constant_7311" -> "104 /layers/layers.1/blocks.0/norm2/Add_1" [label="[1, 1, 192]", style=solid]; +"995 Constant_7310" -> "97 /layers/layers.1/blocks.0/norm2/Mul" [label="[1, 1, 192]", style=solid]; +"996 Constant_665" -> "90 /layers/layers.1/blocks.0/norm2/Div" [label="[1]", style=dashed]; +"997 /layers/layers.1/blocks.0/Constant_7" -> "293 /layers/layers.1/blocks.0/Reshape_7" [label="[3]", style=dashed]; +"998 /layers/layers.1/blocks.0/Constant_6" -> "279 /layers/layers.1/blocks.0/Reshape_6" [label="[4]", style=dashed]; +"999 Constant_654" -> "265 /layers/layers.1/blocks.0/Transpose_1" [label="[6]", style=dashed]; +"1000 /layers/layers.1/blocks.0/Constant_5" -> "252 /layers/layers.1/blocks.0/Reshape_5" [label="[6]", style=dashed]; +"1001 /layers/layers.1/blocks.0/Constant_4" -> "238 /layers/layers.1/blocks.0/Reshape_4" [label="[4]", style=dashed]; +"1002 Transpose_6397" -> "216 /layers/layers.1/blocks.0/attn/proj/MatMul" [label="[192, 192]", style=solid]; +"1003 Constant_25999" -> "207 /layers/layers.1/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 1, 192]", style=solid]; +"1004 /layers/layers.1/blocks.0/attn/Constant_2" -> "200 /layers/layers.1/blocks.0/attn/Reshape_1" [label="[3]", style=dashed]; +"1005 Constant_638" -> "193 /layers/layers.1/blocks.0/attn/Transpose_2" [label="[4]", style=dashed]; +"1006 Constant_628" -> "181 /layers/layers.1/blocks.0/attn/Gather_2" [label="[]", style=dashed]; +"1007 Constant_622" -> "173 /layers/layers.1/blocks.0/attn/Transpose" [label="[5]", style=dashed]; +"1008 /layers/layers.1/blocks.0/attn/Constant" -> "167 /layers/layers.1/blocks.0/attn/Reshape" [label="[5]", style=dashed]; +"1009 Transpose_6394" -> "151 /layers/layers.1/blocks.0/attn/qkv/MatMul" [label="[576, 192]", style=solid]; +"1010 Constant_25989" -> "142 /layers/layers.1/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 192]", style=solid]; +"1011 /layers/layers.1/blocks.0/Constant_3" -> "133 /layers/layers.1/blocks.0/Reshape_3" [label="[3]", style=dashed]; +"1012 /layers/layers.1/blocks.0/Constant_2" -> "120 /layers/layers.1/blocks.0/Reshape_2" [label="[4]", style=dashed]; +"1013 Constant_606" -> "112 /layers/layers.1/blocks.0/Transpose" [label="[6]", style=dashed]; +"1014 /layers/layers.1/blocks.0/Constant_1" -> "105 /layers/layers.1/blocks.0/Reshape_1" [label="[6]", style=dashed]; +"1015 Constant_7306" -> "98 /layers/layers.1/blocks.0/norm1/Add_1" [label="[1, 1, 192]", style=solid]; +"1016 Constant_7305" -> "91 /layers/layers.1/blocks.0/norm1/Mul" [label="[1, 1, 192]", style=solid]; +"1017 Constant_585" -> "85 /layers/layers.1/blocks.0/norm1/Div" [label="[1]", style=dashed]; +"1018 Transpose_6390" -> "79 /layers/layers.0/downsample/reduction/MatMul" [label="[192, 384]", style=solid]; +"1019 Constant_25977" -> "73 /layers/layers.0/downsample/norm/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"1020 Constant_7304" -> "69 /layers/layers.0/downsample/norm/Add_1" [label="[1, 1, 384]", style=solid]; +"1021 Constant_7303" -> "64 /layers/layers.0/downsample/norm/Mul" [label="[1, 1, 384]", style=solid]; +"1022 Constant_571" -> "59 /layers/layers.0/downsample/norm/Div" [label="[1]", style=dashed]; +"1023 /layers/layers.0/downsample/Constant_25" -> "53 /layers/layers.0/downsample/Reshape_1" [label="[3]", style=dashed]; +"1024 Constant_5223" -> "42 /layers/layers.0/downsample/Slice_5" [label="[3]", style=dashed]; +"1025 Constant_5220" -> "42 /layers/layers.0/downsample/Slice_5" [label="[3]", style=dashed]; +"1026 Constant_5217" -> "42 /layers/layers.0/downsample/Slice_5" [label="[3]", style=dashed]; +"1027 Constant_5187" -> "34 /layers/layers.0/downsample/Slice_2" [label="[2]", style=dashed]; +"1028 Constant_5184" -> "34 /layers/layers.0/downsample/Slice_2" [label="[2]", style=dashed]; +"1029 Constant_5181" -> "34 /layers/layers.0/downsample/Slice_2" [label="[2]", style=dashed]; +"1030 /layers/layers.0/downsample/Constant" -> "28 /layers/layers.0/downsample/Reshape" [label="[4]", style=dashed]; +"1031 Transpose_6386" -> "70 /layers/layers.0/blocks.1/mlp/fc2/MatMul" [label="[96, 384]", style=solid]; +"1032 Constant_25975" -> "65 /layers/layers.0/blocks.1/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"1033 Transpose_6382" -> "49 /layers/layers.0/blocks.1/mlp/fc1/MatMul" [label="[384, 96]", style=solid]; +"1034 Constant_25969" -> "43 /layers/layers.0/blocks.1/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 96]", style=solid]; +"1035 Constant_7300" -> "35 /layers/layers.0/blocks.1/norm2/Add_1" [label="[1, 1, 96]", style=solid]; +"1036 Constant_7299" -> "29 /layers/layers.0/blocks.1/norm2/Mul" [label="[1, 1, 96]", style=solid]; +"1037 Constant_506" -> "24 /layers/layers.0/blocks.1/norm2/Div" [label="[1]", style=dashed]; +"1038 /layers/layers.0/blocks.1/Constant_31" -> "253 /layers/layers.0/blocks.1/Reshape_7" [label="[3]", style=dashed]; +"1039 Constant_5151" -> "227 /layers/layers.0/blocks.1/Slice_7" [label="[3]", style=dashed]; +"1040 Constant_5148" -> "227 /layers/layers.0/blocks.1/Slice_7" [label="[3]", style=dashed]; +"1041 Constant_5145" -> "227 /layers/layers.0/blocks.1/Slice_7" [label="[3]", style=dashed]; +"1042 Constant_5127" -> "209 /layers/layers.0/blocks.1/Slice_5" [label="[2]", style=dashed]; +"1043 Constant_5124" -> "209 /layers/layers.0/blocks.1/Slice_5" [label="[2]", style=dashed]; +"1044 Constant_5121" -> "209 /layers/layers.0/blocks.1/Slice_5" [label="[2]", style=dashed]; +"1045 /layers/layers.0/blocks.1/Constant_18" -> "201 /layers/layers.0/blocks.1/Reshape_6" [label="[4]", style=dashed]; +"1046 Constant_453" -> "194 /layers/layers.0/blocks.1/Transpose_1" [label="[6]", style=dashed]; +"1047 /layers/layers.0/blocks.1/Constant_17" -> "188 /layers/layers.0/blocks.1/Reshape_5" [label="[6]", style=dashed]; +"1048 /layers/layers.0/blocks.1/Constant_16" -> "182 /layers/layers.0/blocks.1/Reshape_4" [label="[4]", style=dashed]; +"1049 Transpose_6378" -> "169 /layers/layers.0/blocks.1/attn/proj/MatMul" [label="[96, 96]", style=solid]; +"1050 Constant_25993" -> "161 /layers/layers.0/blocks.1/attn/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 96]", style=solid]; +"1051 /layers/layers.0/blocks.1/attn/Constant_4" -> "153 /layers/layers.0/blocks.1/attn/Reshape_3" [label="[3]", style=dashed]; +"1052 Constant_437" -> "144 /layers/layers.0/blocks.1/attn/Transpose_2" [label="[4]", style=dashed]; +"1053 Constant_418" -> "123 /layers/layers.0/blocks.1/attn/Gather_2" [label="[]", style=dashed]; +"1054 Constant_412" -> "113 /layers/layers.0/blocks.1/attn/Transpose" [label="[5]", style=dashed]; +"1055 /layers/layers.0/blocks.1/attn/Constant" -> "106 /layers/layers.0/blocks.1/attn/Reshape" [label="[5]", style=dashed]; +"1056 Transpose_6375" -> "92 /layers/layers.0/blocks.1/attn/qkv/MatMul" [label="[288, 96]", style=solid]; +"1057 Constant_25979" -> "86 /layers/layers.0/blocks.1/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 96]", style=solid]; +"1058 /layers/layers.0/blocks.1/Constant_15" -> "80 /layers/layers.0/blocks.1/Reshape_3" [label="[3]", style=dashed]; +"1059 /layers/layers.0/blocks.1/Constant_14" -> "75 /layers/layers.0/blocks.1/Reshape_2" [label="[4]", style=dashed]; +"1060 Constant_396" -> "71 /layers/layers.0/blocks.1/Transpose" [label="[6]", style=dashed]; +"1061 /layers/layers.0/blocks.1/Constant_13" -> "66 /layers/layers.0/blocks.1/Reshape_1" [label="[6]", style=dashed]; +"1062 Constant_5103" -> "56 /layers/layers.0/blocks.1/Slice_3" [label="[3]", style=dashed]; +"1063 Constant_5100" -> "56 /layers/layers.0/blocks.1/Slice_3" [label="[3]", style=dashed]; +"1064 Constant_5097" -> "56 /layers/layers.0/blocks.1/Slice_3" [label="[3]", style=dashed]; +"1065 Constant_5079" -> "45 /layers/layers.0/blocks.1/Slice_1" [label="[2]", style=dashed]; +"1066 Constant_5076" -> "45 /layers/layers.0/blocks.1/Slice_1" [label="[2]", style=dashed]; +"1067 Constant_5073" -> "45 /layers/layers.0/blocks.1/Slice_1" [label="[2]", style=dashed]; +"1068 /layers/layers.0/blocks.1/Constant" -> "36 /layers/layers.0/blocks.1/Reshape" [label="[4]", style=dashed]; +"1069 Constant_7295" -> "30 /layers/layers.0/blocks.1/norm1/Add_1" [label="[1, 1, 96]", style=solid]; +"1070 Constant_7294" -> "25 /layers/layers.0/blocks.1/norm1/Mul" [label="[1, 1, 96]", style=solid]; +"1071 Constant_333" -> "20 /layers/layers.0/blocks.1/norm1/Div" [label="[1]", style=dashed]; +"1072 Transpose_6371" -> "62 /layers/layers.0/blocks.0/mlp/fc2/MatMul" [label="[96, 384]", style=solid]; +"1073 Constant_25971" -> "57 /layers/layers.0/blocks.0/mlp/act/Mul_1_0_0/nncf_smooth_quant" [label="[1, 1, 384]", style=solid]; +"1074 Transpose_6367" -> "37 /layers/layers.0/blocks.0/mlp/fc1/MatMul" [label="[384, 96]", style=solid]; +"1075 Constant_25967" -> "31 /layers/layers.0/blocks.0/norm2/Add_1_0_0/nncf_smooth_quant" [label="[1, 1, 96]", style=solid]; +"1076 Constant_7291" -> "26 /layers/layers.0/blocks.0/norm2/Add_1" [label="[1, 1, 96]", style=solid]; +"1077 Constant_7290" -> "21 /layers/layers.0/blocks.0/norm2/Mul" [label="[1, 1, 96]", style=solid]; +"1078 Constant_307" -> "17 /layers/layers.0/blocks.0/norm2/Div" [label="[1]", style=dashed]; +"1079 /layers/layers.0/blocks.0/Constant_8" -> "162 /layers/layers.0/blocks.0/Reshape_7" [label="[3]", style=dashed]; +"1080 /layers/layers.0/blocks.0/Constant_7" -> "154 /layers/layers.0/blocks.0/Reshape_6" [label="[4]", style=dashed]; +"1081 Constant_296" -> "145 /layers/layers.0/blocks.0/Transpose_1" [label="[6]", style=dashed]; +"1082 /layers/layers.0/blocks.0/Constant_6" -> "137 /layers/layers.0/blocks.0/Reshape_5" [label="[6]", style=dashed]; +"1083 /layers/layers.0/blocks.0/Constant_5" -> "124 /layers/layers.0/blocks.0/Reshape_4" [label="[4]", style=dashed]; +"1084 Transpose_6363" -> "107 /layers/layers.0/blocks.0/attn/proj/MatMul" [label="[96, 96]", style=solid]; +"1085 Constant_25981" -> "100 /layers/layers.0/blocks.0/attn/Reshape_1_0_0/nncf_smooth_quant" [label="[1, 1, 96]", style=solid]; +"1086 /layers/layers.0/blocks.0/attn/Constant_2" -> "94 /layers/layers.0/blocks.0/attn/Reshape_1" [label="[3]", style=dashed]; +"1087 Constant_280" -> "88 /layers/layers.0/blocks.0/attn/Transpose_2" [label="[4]", style=dashed]; +"1088 Constant_270" -> "78 /layers/layers.0/blocks.0/attn/Gather_2" [label="[]", style=dashed]; +"1089 Constant_264" -> "72 /layers/layers.0/blocks.0/attn/Transpose" [label="[5]", style=dashed]; +"1090 /layers/layers.0/blocks.0/attn/Constant" -> "68 /layers/layers.0/blocks.0/attn/Reshape" [label="[5]", style=dashed]; +"1091 Transpose_6360" -> "58 /layers/layers.0/blocks.0/attn/qkv/MatMul" [label="[288, 96]", style=solid]; +"1092 Constant_25973" -> "52 /layers/layers.0/blocks.0/Reshape_3_0_0/nncf_smooth_quant" [label="[1, 1, 96]", style=solid]; +"1093 /layers/layers.0/blocks.0/Constant_4" -> "47 /layers/layers.0/blocks.0/Reshape_3" [label="[3]", style=dashed]; +"1094 /layers/layers.0/blocks.0/Constant_3" -> "38 /layers/layers.0/blocks.0/Reshape_2" [label="[4]", style=dashed]; +"1095 Constant_248" -> "32 /layers/layers.0/blocks.0/Transpose" [label="[6]", style=dashed]; +"1096 /layers/layers.0/blocks.0/Constant_2" -> "27 /layers/layers.0/blocks.0/Reshape_1" [label="[6]", style=dashed]; +"1097 Constant_7286" -> "22 /layers/layers.0/blocks.0/norm1/Add_1" [label="[1, 1, 96]", style=solid]; +"1098 Constant_7285" -> "18 /layers/layers.0/blocks.0/norm1/Mul" [label="[1, 1, 96]", style=solid]; +"1099 Constant_227" -> "15 /layers/layers.0/blocks.0/norm1/Div" [label="[1]", style=dashed]; +"1100 Constant_7284" -> "13 /patch_embed/norm/Add_1" [label="[1, 1, 96]", style=solid]; +"1101 Constant_7283" -> "12 /patch_embed/norm/Mul" [label="[1, 1, 96]", style=solid]; +"1102 Constant_213" -> "10 /patch_embed/norm/Div" [label="[1]", style=dashed]; +"1103 Constant_211" -> "8 /patch_embed/Transpose" [label="[3]", style=dashed]; +"1104 /patch_embed/Constant_4" -> "11 /patch_embed/Concat" [label="[1]", style=dashed]; +"1105 Broadcast_201" -> "9 /patch_embed/Slice" [label="[1]", style=dashed]; +"1106 /patch_embed/Constant_3" -> "9 /patch_embed/Slice" [label="[1]", style=dashed]; +"1107 /patch_embed/Constant_2" -> "9 /patch_embed/Slice" [label="[1]", style=dashed]; +"1108 Reshape_190" -> "5 /patch_embed/proj/Conv" [label="[1, 96, 1, 1]", style=solid]; +"1109 Gather_7282" -> "4 /patch_embed/proj/Conv/WithoutBiases" [label="[96, 3, 4, 4]", style=solid]; +"1110 Constant_25965" -> "3 Divide_2169_0_0/nncf_smooth_quant" [label="[1, 3, 1, 1]", style=solid]; +"1111 Gather_7279" -> "2 Divide_2169" [label="[1, 3, 1, 1]", style=solid]; +"1112 Gather_7276" -> "1 Multiply_6579" [label="[1, 3, 1, 1]", style=solid]; +"1113 Constant_7287" -> "63 /layers/layers.0/blocks.0/attn/qkv/Add" [label="[1, 1, 288]", style=solid]; +"1114 onnx^^Add_2244" -> "87 /layers/layers.0/blocks.0/attn/Add" [label="[1, 3, 49, 49]", style=solid]; +"1115 Constant_268" -> "77 /layers/layers.0/blocks.0/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "77 /layers/layers.0/blocks.0/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "122 /layers/layers.0/blocks.1/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "180 /layers/layers.1/blocks.0/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "236 /layers/layers.1/blocks.1/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "336 /layers/layers.2/blocks.0/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "392 /layers/layers.2/blocks.2/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "430 /layers/layers.2/blocks.1/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "438 /layers/layers.2/blocks.4/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "474 /layers/layers.2/blocks.3/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "521 /layers/layers.2/blocks.5/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "594 /layers/layers.3/blocks.0/attn/Gather_1" [label="[]", style=dashed]; +"1116 /patch_embed/proj/Constant" -> "608 /layers/layers.3/blocks.1/attn/Gather_1" [label="[]", style=dashed]; +"1117 Constant_7288" -> "81 /layers/layers.0/blocks.0/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1118 Constant_266" -> "76 /layers/layers.0/blocks.0/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "76 /layers/layers.0/blocks.0/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "121 /layers/layers.0/blocks.1/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "179 /layers/layers.1/blocks.0/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "235 /layers/layers.1/blocks.1/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "335 /layers/layers.2/blocks.0/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "391 /layers/layers.2/blocks.2/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "429 /layers/layers.2/blocks.1/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "437 /layers/layers.2/blocks.4/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "473 /layers/layers.2/blocks.3/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "520 /layers/layers.2/blocks.5/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "593 /layers/layers.3/blocks.0/attn/Gather" [label="[]", style=dashed]; +"1119 /layers/layers.0/blocks.0/Constant" -> "607 /layers/layers.3/blocks.1/attn/Gather" [label="[]", style=dashed]; +"1120 Constant_7289" -> "114 /layers/layers.0/blocks.0/attn/proj/Add" [label="[1, 1, 96]", style=solid]; +"1121 Constant_7292" -> "46 /layers/layers.0/blocks.0/mlp/fc1/Add" [label="[1, 1, 384]", style=solid]; +"1122 Constant_7293" -> "67 /layers/layers.0/blocks.0/mlp/fc2/Add" [label="[1, 1, 96]", style=solid]; +"1123 Constant_5067" -> "44 /layers/layers.0/blocks.1/Slice" [label="[2]", style=dashed]; +"1124 Constant_5064" -> "44 /layers/layers.0/blocks.1/Slice" [label="[2]", style=dashed]; +"1125 Constant_5061" -> "44 /layers/layers.0/blocks.1/Slice" [label="[2]", style=dashed]; +"1126 Constant_5091" -> "55 /layers/layers.0/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1127 Constant_5088" -> "55 /layers/layers.0/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1128 Constant_5085" -> "55 /layers/layers.0/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1129 Constant_7296" -> "99 /layers/layers.0/blocks.1/attn/qkv/Add" [label="[1, 1, 288]", style=solid]; +"1130 /layers/layers.0/blocks.1/attn/Constant_3" -> "168 /layers/layers.0/blocks.1/attn/Reshape_2" [label="[4]", style=dashed]; +"1131 onnx^^Add_2301" -> "160 /layers/layers.0/blocks.1/attn/Add_1" [label="[1, 64, 1, 49, 49]", style=solid]; +"1132 /layers/layers.0/blocks.1/attn/Constant_2" -> "152 /layers/layers.0/blocks.1/attn/Reshape_1" [label="[5]", style=dashed]; +"1133 onnx^^Add_2293" -> "143 /layers/layers.0/blocks.1/attn/Add" [label="[1, 3, 49, 49]", style=solid]; +"1134 Constant_416" -> "122 /layers/layers.0/blocks.1/attn/Gather_1" [label="[]", style=dashed]; +"1135 Constant_7297" -> "134 /layers/layers.0/blocks.1/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1136 Constant_414" -> "121 /layers/layers.0/blocks.1/attn/Gather" [label="[]", style=dashed]; +"1137 Constant_7298" -> "175 /layers/layers.0/blocks.1/attn/proj/Add" [label="[1, 1, 96]", style=solid]; +"1138 Constant_5115" -> "208 /layers/layers.0/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1139 Constant_5112" -> "208 /layers/layers.0/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1140 Constant_5109" -> "208 /layers/layers.0/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1141 Constant_5139" -> "226 /layers/layers.0/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1142 Constant_5136" -> "226 /layers/layers.0/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1143 Constant_5133" -> "226 /layers/layers.0/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1144 Constant_7301" -> "54 /layers/layers.0/blocks.1/mlp/fc1/Add" [label="[1, 1, 384]", style=solid]; +"1145 Constant_7302" -> "74 /layers/layers.0/blocks.1/mlp/fc2/Add" [label="[1, 1, 96]", style=solid]; +"1146 Constant_5211" -> "40 /layers/layers.0/downsample/Slice_4" [label="[3]", style=dashed]; +"1147 Constant_5208" -> "40 /layers/layers.0/downsample/Slice_4" [label="[3]", style=dashed]; +"1148 Constant_5205" -> "40 /layers/layers.0/downsample/Slice_4" [label="[3]", style=dashed]; +"1149 Constant_5163" -> "33 /layers/layers.0/downsample/Slice" [label="[2]", style=dashed]; +"1150 Constant_5160" -> "33 /layers/layers.0/downsample/Slice" [label="[2]", style=dashed]; +"1151 Constant_5157" -> "33 /layers/layers.0/downsample/Slice" [label="[2]", style=dashed]; +"1152 Constant_5199" -> "41 /layers/layers.0/downsample/Slice_3" [label="[3]", style=dashed]; +"1153 Constant_5196" -> "41 /layers/layers.0/downsample/Slice_3" [label="[3]", style=dashed]; +"1154 Constant_5193" -> "41 /layers/layers.0/downsample/Slice_3" [label="[3]", style=dashed]; +"1155 Constant_5175" -> "39 /layers/layers.0/downsample/Slice_1" [label="[3]", style=dashed]; +"1156 Constant_5172" -> "39 /layers/layers.0/downsample/Slice_1" [label="[3]", style=dashed]; +"1157 Constant_5169" -> "39 /layers/layers.0/downsample/Slice_1" [label="[3]", style=dashed]; +"1158 Constant_7307" -> "159 /layers/layers.1/blocks.0/attn/qkv/Add" [label="[1, 1, 576]", style=solid]; +"1159 onnx^^Add_2389" -> "192 /layers/layers.1/blocks.0/attn/Add" [label="[1, 6, 49, 49]", style=solid]; +"1160 Constant_626" -> "180 /layers/layers.1/blocks.0/attn/Gather_1" [label="[]", style=dashed]; +"1161 Constant_7308" -> "185 /layers/layers.1/blocks.0/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1162 Constant_624" -> "179 /layers/layers.1/blocks.0/attn/Gather" [label="[]", style=dashed]; +"1163 Constant_7309" -> "225 /layers/layers.1/blocks.0/attn/proj/Add" [label="[1, 1, 192]", style=solid]; +"1164 Constant_7312" -> "132 /layers/layers.1/blocks.0/mlp/fc1/Add" [label="[1, 1, 768]", style=solid]; +"1165 Constant_7313" -> "166 /layers/layers.1/blocks.0/mlp/fc2/Add" [label="[1, 1, 192]", style=solid]; +"1166 Constant_5235" -> "130 /layers/layers.1/blocks.1/Slice" [label="[2]", style=dashed]; +"1167 Constant_5232" -> "130 /layers/layers.1/blocks.1/Slice" [label="[2]", style=dashed]; +"1168 Constant_5229" -> "130 /layers/layers.1/blocks.1/Slice" [label="[2]", style=dashed]; +"1169 Constant_5259" -> "148 /layers/layers.1/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1170 Constant_5256" -> "148 /layers/layers.1/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1171 Constant_5253" -> "148 /layers/layers.1/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1172 Constant_7316" -> "206 /layers/layers.1/blocks.1/attn/qkv/Add" [label="[1, 1, 576]", style=solid]; +"1173 /layers/layers.1/blocks.1/attn/Constant_3" -> "307 /layers/layers.1/blocks.1/attn/Reshape_2" [label="[4]", style=dashed]; +"1174 onnx^^Add_2446" -> "291 /layers/layers.1/blocks.1/attn/Add_1" [label="[1, 16, 1, 49, 49]", style=solid]; +"1175 /layers/layers.1/blocks.1/attn/Constant_2" -> "277 /layers/layers.1/blocks.1/attn/Reshape_1" [label="[5]", style=dashed]; +"1176 onnx^^Add_2438" -> "263 /layers/layers.1/blocks.1/attn/Add" [label="[1, 6, 49, 49]", style=solid]; +"1177 Constant_774" -> "236 /layers/layers.1/blocks.1/attn/Gather_1" [label="[]", style=dashed]; +"1178 Constant_7317" -> "249 /layers/layers.1/blocks.1/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1179 Constant_772" -> "235 /layers/layers.1/blocks.1/attn/Gather" [label="[]", style=dashed]; +"1180 Constant_7318" -> "322 /layers/layers.1/blocks.1/attn/proj/Add" [label="[1, 1, 192]", style=solid]; +"1181 Constant_5283" -> "396 /layers/layers.1/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1182 Constant_5280" -> "396 /layers/layers.1/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1183 Constant_5277" -> "396 /layers/layers.1/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1184 Constant_5307" -> "420 /layers/layers.1/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1185 Constant_5304" -> "420 /layers/layers.1/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1186 Constant_5301" -> "420 /layers/layers.1/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1187 Constant_7321" -> "147 /layers/layers.1/blocks.1/mlp/fc1/Add" [label="[1, 1, 768]", style=solid]; +"1188 Constant_7322" -> "177 /layers/layers.1/blocks.1/mlp/fc2/Add" [label="[1, 1, 192]", style=solid]; +"1189 Constant_5379" -> "126 /layers/layers.1/downsample/Slice_4" [label="[3]", style=dashed]; +"1190 Constant_5376" -> "126 /layers/layers.1/downsample/Slice_4" [label="[3]", style=dashed]; +"1191 Constant_5373" -> "126 /layers/layers.1/downsample/Slice_4" [label="[3]", style=dashed]; +"1192 Constant_5331" -> "115 /layers/layers.1/downsample/Slice" [label="[2]", style=dashed]; +"1193 Constant_5328" -> "115 /layers/layers.1/downsample/Slice" [label="[2]", style=dashed]; +"1194 Constant_5325" -> "115 /layers/layers.1/downsample/Slice" [label="[2]", style=dashed]; +"1195 Constant_5367" -> "127 /layers/layers.1/downsample/Slice_3" [label="[3]", style=dashed]; +"1196 Constant_5364" -> "127 /layers/layers.1/downsample/Slice_3" [label="[3]", style=dashed]; +"1197 Constant_5361" -> "127 /layers/layers.1/downsample/Slice_3" [label="[3]", style=dashed]; +"1198 Constant_5343" -> "125 /layers/layers.1/downsample/Slice_1" [label="[3]", style=dashed]; +"1199 Constant_5340" -> "125 /layers/layers.1/downsample/Slice_1" [label="[3]", style=dashed]; +"1200 Constant_5337" -> "125 /layers/layers.1/downsample/Slice_1" [label="[3]", style=dashed]; +"1201 Constant_7327" -> "290 /layers/layers.2/blocks.0/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; +"1202 onnx^^Add_2534" -> "368 /layers/layers.2/blocks.0/attn/Add" [label="[1, 12, 49, 49]", style=solid]; +"1203 Constant_984" -> "336 /layers/layers.2/blocks.0/attn/Gather_1" [label="[]", style=dashed]; +"1204 Constant_7328" -> "350 /layers/layers.2/blocks.0/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1205 Constant_982" -> "335 /layers/layers.2/blocks.0/attn/Gather" [label="[]", style=dashed]; +"1206 Constant_7329" -> "419 /layers/layers.2/blocks.0/attn/proj/Add" [label="[1, 1, 384]", style=solid]; +"1207 Constant_7332" -> "247 /layers/layers.2/blocks.0/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; +"1208 Constant_7333" -> "305 /layers/layers.2/blocks.0/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; +"1209 Constant_5403" -> "245 /layers/layers.2/blocks.1/Slice" [label="[2]", style=dashed]; +"1210 Constant_5400" -> "245 /layers/layers.2/blocks.1/Slice" [label="[2]", style=dashed]; +"1211 Constant_5397" -> "245 /layers/layers.2/blocks.1/Slice" [label="[2]", style=dashed]; +"1212 Constant_5427" -> "273 /layers/layers.2/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1213 Constant_5424" -> "273 /layers/layers.2/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1214 Constant_5421" -> "273 /layers/layers.2/blocks.1/Slice_2" [label="[3]", style=dashed]; +"1215 Constant_7336" -> "394 /layers/layers.2/blocks.1/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; +"1216 /layers/layers.2/blocks.1/attn/Constant_3" -> "490 /layers/layers.2/blocks.1/attn/Reshape_2" [label="[4]", style=dashed]; +"1217 onnx^^Add_2702" -> "477 /layers/layers.2/blocks.1/attn/Add_1" [label="[1, 4, 1, 49, 49]", style=solid]; +"1217 onnx^^Add_2702" -> "524 /layers/layers.2/blocks.3/attn/Add_1" [label="[1, 4, 1, 49, 49]", style=solid]; +"1217 onnx^^Add_2702" -> "567 /layers/layers.2/blocks.5/attn/Add_1" [label="[1, 4, 1, 49, 49]", style=solid]; +"1218 /layers/layers.2/blocks.1/attn/Constant_2" -> "464 /layers/layers.2/blocks.1/attn/Reshape_1" [label="[5]", style=dashed]; +"1219 onnx^^Add_2583" -> "454 /layers/layers.2/blocks.1/attn/Add" [label="[1, 12, 49, 49]", style=solid]; +"1220 Constant_1132" -> "430 /layers/layers.2/blocks.1/attn/Gather_1" [label="[]", style=dashed]; +"1221 Constant_7337" -> "442 /layers/layers.2/blocks.1/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1222 Constant_1130" -> "429 /layers/layers.2/blocks.1/attn/Gather" [label="[]", style=dashed]; +"1223 Constant_7338" -> "503 /layers/layers.2/blocks.1/attn/proj/Add" [label="[1, 1, 384]", style=solid]; +"1224 Constant_5451" -> "560 /layers/layers.2/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1225 Constant_5448" -> "560 /layers/layers.2/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1226 Constant_5445" -> "560 /layers/layers.2/blocks.1/Slice_4" [label="[2]", style=dashed]; +"1227 Constant_5475" -> "580 /layers/layers.2/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1228 Constant_5472" -> "580 /layers/layers.2/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1229 Constant_5469" -> "580 /layers/layers.2/blocks.1/Slice_6" [label="[3]", style=dashed]; +"1230 Constant_7341" -> "272 /layers/layers.2/blocks.1/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; +"1231 Constant_7342" -> "333 /layers/layers.2/blocks.1/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; +"1232 Constant_7345" -> "348 /layers/layers.2/blocks.2/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; +"1233 onnx^^Add_2645" -> "416 /layers/layers.2/blocks.2/attn/Add" [label="[1, 12, 49, 49]", style=solid]; +"1234 Constant_1289" -> "392 /layers/layers.2/blocks.2/attn/Gather_1" [label="[]", style=dashed]; +"1235 Constant_7346" -> "404 /layers/layers.2/blocks.2/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1236 Constant_1287" -> "391 /layers/layers.2/blocks.2/attn/Gather" [label="[]", style=dashed]; +"1237 Constant_7347" -> "463 /layers/layers.2/blocks.2/attn/proj/Add" [label="[1, 1, 384]", style=solid]; +"1238 Constant_7350" -> "301 /layers/layers.2/blocks.2/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; +"1239 Constant_7351" -> "365 /layers/layers.2/blocks.2/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; +"1240 Constant_5499" -> "299 /layers/layers.2/blocks.3/Slice" [label="[2]", style=dashed]; +"1241 Constant_5496" -> "299 /layers/layers.2/blocks.3/Slice" [label="[2]", style=dashed]; +"1242 Constant_5493" -> "299 /layers/layers.2/blocks.3/Slice" [label="[2]", style=dashed]; +"1243 Constant_5523" -> "329 /layers/layers.2/blocks.3/Slice_2" [label="[3]", style=dashed]; +"1244 Constant_5520" -> "329 /layers/layers.2/blocks.3/Slice_2" [label="[3]", style=dashed]; +"1245 Constant_5517" -> "329 /layers/layers.2/blocks.3/Slice_2" [label="[3]", style=dashed]; +"1246 Constant_7354" -> "440 /layers/layers.2/blocks.3/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; +"1247 /layers/layers.2/blocks.3/attn/Constant_3" -> "537 /layers/layers.2/blocks.3/attn/Reshape_2" [label="[4]", style=dashed]; +"1248 /layers/layers.2/blocks.3/attn/Constant_2" -> "511 /layers/layers.2/blocks.3/attn/Reshape_1" [label="[5]", style=dashed]; +"1249 onnx^^Add_2694" -> "499 /layers/layers.2/blocks.3/attn/Add" [label="[1, 12, 49, 49]", style=solid]; +"1250 Constant_1437" -> "474 /layers/layers.2/blocks.3/attn/Gather_1" [label="[]", style=dashed]; +"1251 Constant_7355" -> "486 /layers/layers.2/blocks.3/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1252 Constant_1435" -> "473 /layers/layers.2/blocks.3/attn/Gather" [label="[]", style=dashed]; +"1253 Constant_7356" -> "549 /layers/layers.2/blocks.3/attn/proj/Add" [label="[1, 1, 384]", style=solid]; +"1254 Constant_5547" -> "597 /layers/layers.2/blocks.3/Slice_4" [label="[2]", style=dashed]; +"1255 Constant_5544" -> "597 /layers/layers.2/blocks.3/Slice_4" [label="[2]", style=dashed]; +"1256 Constant_5541" -> "597 /layers/layers.2/blocks.3/Slice_4" [label="[2]", style=dashed]; +"1257 Constant_5571" -> "613 /layers/layers.2/blocks.3/Slice_6" [label="[3]", style=dashed]; +"1258 Constant_5568" -> "613 /layers/layers.2/blocks.3/Slice_6" [label="[3]", style=dashed]; +"1259 Constant_5565" -> "613 /layers/layers.2/blocks.3/Slice_6" [label="[3]", style=dashed]; +"1260 Constant_7359" -> "328 /layers/layers.2/blocks.3/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; +"1261 Constant_7360" -> "389 /layers/layers.2/blocks.3/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; +"1262 Constant_7363" -> "402 /layers/layers.2/blocks.4/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; +"1263 onnx^^Add_2756" -> "460 /layers/layers.2/blocks.4/attn/Add" [label="[1, 12, 49, 49]", style=solid]; +"1264 Constant_1594" -> "438 /layers/layers.2/blocks.4/attn/Gather_1" [label="[]", style=dashed]; +"1265 Constant_7364" -> "449 /layers/layers.2/blocks.4/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1266 Constant_1592" -> "437 /layers/layers.2/blocks.4/attn/Gather" [label="[]", style=dashed]; +"1267 Constant_7365" -> "510 /layers/layers.2/blocks.4/attn/proj/Add" [label="[1, 1, 384]", style=solid]; +"1268 Constant_7368" -> "361 /layers/layers.2/blocks.4/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; +"1269 Constant_7369" -> "413 /layers/layers.2/blocks.4/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; +"1270 Constant_5595" -> "359 /layers/layers.2/blocks.5/Slice" [label="[2]", style=dashed]; +"1271 Constant_5592" -> "359 /layers/layers.2/blocks.5/Slice" [label="[2]", style=dashed]; +"1272 Constant_5589" -> "359 /layers/layers.2/blocks.5/Slice" [label="[2]", style=dashed]; +"1273 Constant_5619" -> "385 /layers/layers.2/blocks.5/Slice_2" [label="[3]", style=dashed]; +"1274 Constant_5616" -> "385 /layers/layers.2/blocks.5/Slice_2" [label="[3]", style=dashed]; +"1275 Constant_5613" -> "385 /layers/layers.2/blocks.5/Slice_2" [label="[3]", style=dashed]; +"1276 Constant_7372" -> "484 /layers/layers.2/blocks.5/attn/qkv/Add" [label="[1, 1, 1152]", style=solid]; +"1277 /layers/layers.2/blocks.5/attn/Constant_3" -> "577 /layers/layers.2/blocks.5/attn/Reshape_2" [label="[4]", style=dashed]; +"1278 /layers/layers.2/blocks.5/attn/Constant_2" -> "556 /layers/layers.2/blocks.5/attn/Reshape_1" [label="[5]", style=dashed]; +"1279 onnx^^Add_2805" -> "545 /layers/layers.2/blocks.5/attn/Add" [label="[1, 12, 49, 49]", style=solid]; +"1280 Constant_1742" -> "521 /layers/layers.2/blocks.5/attn/Gather_1" [label="[]", style=dashed]; +"1281 Constant_7373" -> "533 /layers/layers.2/blocks.5/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1282 Constant_1740" -> "520 /layers/layers.2/blocks.5/attn/Gather" [label="[]", style=dashed]; +"1283 Constant_7374" -> "587 /layers/layers.2/blocks.5/attn/proj/Add" [label="[1, 1, 384]", style=solid]; +"1284 Constant_5643" -> "625 /layers/layers.2/blocks.5/Slice_4" [label="[2]", style=dashed]; +"1285 Constant_5640" -> "625 /layers/layers.2/blocks.5/Slice_4" [label="[2]", style=dashed]; +"1286 Constant_5637" -> "625 /layers/layers.2/blocks.5/Slice_4" [label="[2]", style=dashed]; +"1287 Constant_5667" -> "634 /layers/layers.2/blocks.5/Slice_6" [label="[3]", style=dashed]; +"1288 Constant_5664" -> "634 /layers/layers.2/blocks.5/Slice_6" [label="[3]", style=dashed]; +"1289 Constant_5661" -> "634 /layers/layers.2/blocks.5/Slice_6" [label="[3]", style=dashed]; +"1290 Constant_7377" -> "384 /layers/layers.2/blocks.5/mlp/fc1/Add" [label="[1, 1, 1536]", style=solid]; +"1291 Constant_7378" -> "435 /layers/layers.2/blocks.5/mlp/fc2/Add" [label="[1, 1, 384]", style=solid]; +"1292 Constant_5739" -> "355 /layers/layers.2/downsample/Slice_4" [label="[3]", style=dashed]; +"1293 Constant_5736" -> "355 /layers/layers.2/downsample/Slice_4" [label="[3]", style=dashed]; +"1294 Constant_5733" -> "355 /layers/layers.2/downsample/Slice_4" [label="[3]", style=dashed]; +"1295 Constant_5691" -> "339 /layers/layers.2/downsample/Slice" [label="[2]", style=dashed]; +"1296 Constant_5688" -> "339 /layers/layers.2/downsample/Slice" [label="[2]", style=dashed]; +"1297 Constant_5685" -> "339 /layers/layers.2/downsample/Slice" [label="[2]", style=dashed]; +"1298 Constant_5727" -> "356 /layers/layers.2/downsample/Slice_3" [label="[3]", style=dashed]; +"1299 Constant_5724" -> "356 /layers/layers.2/downsample/Slice_3" [label="[3]", style=dashed]; +"1300 Constant_5721" -> "356 /layers/layers.2/downsample/Slice_3" [label="[3]", style=dashed]; +"1301 Constant_5703" -> "354 /layers/layers.2/downsample/Slice_1" [label="[3]", style=dashed]; +"1302 Constant_5700" -> "354 /layers/layers.2/downsample/Slice_1" [label="[3]", style=dashed]; +"1303 Constant_5697" -> "354 /layers/layers.2/downsample/Slice_1" [label="[3]", style=dashed]; +"1304 Constant_7383" -> "566 /layers/layers.3/blocks.0/attn/qkv/Add" [label="[1, 1, 2304]", style=solid]; +"1305 onnx^^Add_2901" -> "610 /layers/layers.3/blocks.0/attn/Add" [label="[1, 24, 49, 49]", style=solid]; +"1306 Constant_1952" -> "594 /layers/layers.3/blocks.0/attn/Gather_1" [label="[]", style=dashed]; +"1307 Constant_7384" -> "602 /layers/layers.3/blocks.0/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1308 Constant_1950" -> "593 /layers/layers.3/blocks.0/attn/Gather" [label="[]", style=dashed]; +"1309 Constant_7385" -> "633 /layers/layers.3/blocks.0/attn/proj/Add" [label="[1, 1, 768]", style=solid]; +"1310 Constant_7388" -> "531 /layers/layers.3/blocks.0/mlp/fc1/Add" [label="[1, 1, 3072]", style=solid]; +"1311 Constant_7389" -> "575 /layers/layers.3/blocks.0/mlp/fc2/Add" [label="[1, 1, 768]", style=solid]; +"1312 Constant_7392" -> "584 /layers/layers.3/blocks.1/attn/qkv/Add" [label="[1, 1, 2304]", style=solid]; +"1313 onnx^^Add_2950" -> "622 /layers/layers.3/blocks.1/attn/Add" [label="[1, 24, 49, 49]", style=solid]; +"1314 Constant_2058" -> "608 /layers/layers.3/blocks.1/attn/Gather_1" [label="[]", style=dashed]; +"1315 Constant_7393" -> "615 /layers/layers.3/blocks.1/attn/Mul" [label="[1, 1, 1, 1]", style=solid]; +"1316 Constant_2056" -> "607 /layers/layers.3/blocks.1/attn/Gather" [label="[]", style=dashed]; +"1317 Constant_7394" -> "639 /layers/layers.3/blocks.1/attn/proj/Add" [label="[1, 1, 768]", style=solid]; +"1318 Constant_7397" -> "552 /layers/layers.3/blocks.1/mlp/fc1/Add" [label="[1, 1, 3072]", style=solid]; +"1319 Constant_7398" -> "591 /layers/layers.3/blocks.1/mlp/fc2/Add" [label="[1, 1, 768]", style=solid]; } diff --git a/tests/openvino/native/test_smooth_quant.py b/tests/openvino/native/test_smooth_quant.py index 1c8b3dc1cbb..39fe6af4dca 100644 --- a/tests/openvino/native/test_smooth_quant.py +++ b/tests/openvino/native/test_smooth_quant.py @@ -86,7 +86,7 @@ def test_get_activation_channel_axis(self, node_metatype, layer_attributes, port (OVMatMulMetatype, OVLayerAttributes({0: {"transpose": False}}), 0, -1), (OVMatMulMetatype, OVLayerAttributes({0: {"transpose": True}}), 0, -2), (OVMatMulMetatype, OVLayerAttributes({1: {"transpose": False}}), 2, RuntimeError), - (OVConvolutionMetatype, OVLayerAttributes({1: {}}), 1, 0), + (OVConvolutionMetatype, OVLayerAttributes({1: {}}), 1, 1), ), ) def test_get_weight_channel_axis(self, node_metatype, layer_attributes, port_id, reference_value): diff --git a/tests/openvino/tools/calibrate.py b/tests/openvino/tools/calibrate.py index ecb589aa1ca..5e86a329caa 100644 --- a/tests/openvino/tools/calibrate.py +++ b/tests/openvino/tools/calibrate.py @@ -35,6 +35,7 @@ from openvino.tools.pot.configs.config import Config import nncf +from nncf.common.deprecation import warning_deprecated from nncf.common.logging.logger import set_log_file from nncf.common.quantization.structs import QuantizationMode from nncf.common.quantization.structs import QuantizationPreset @@ -506,14 +507,24 @@ def map_apply_for_all_nodes(apply_for_all_nodes): return {advanced_parameter_name: advanced_parameters} -def map_smooth_quant_alpha(smooth_quant_alpha): +def map_smooth_quant_alphas(smooth_quant_alphas): ctx = get_algorithm_parameters_context() advanced_parameter_name = ctx.param_name_map[ParameterNames.advanced_parameters] advanced_parameters = ctx.params.get(advanced_parameter_name, AdvancedQuantizationParameters()) - advanced_parameters.smooth_quant_alpha = smooth_quant_alpha + for key in ["convolution", "matmul"]: + if key in smooth_quant_alphas: + advanced_parameters.smooth_quant_alphas.__setattr__(key, smooth_quant_alphas[key]) return {advanced_parameter_name: advanced_parameters} +def map_smooth_quant_alpha(smooth_quant_alpha): + warning_deprecated( + "`smooth_quant_alpha` parameter is deprecated." + "Please, use `smooth_quant_alphas: {'convolution': .., 'matmul': ..}` instead." + ) + return map_smooth_quant_alphas({"matmul": smooth_quant_alpha, "convolution": -1}) + + def map_threshold(threshold): ctx = get_algorithm_parameters_context() advanced_parameter_name = ctx.param_name_map[ParameterNames.advanced_parameters] @@ -592,6 +603,7 @@ def get_pot_quantization_parameters_mapping(): "saturation_fix": map_saturation_fix, "apply_for_all_nodes": map_apply_for_all_nodes, "threshold": map_threshold, + "smooth_quant_alphas": map_smooth_quant_alphas, "smooth_quant_alpha": map_smooth_quant_alpha, } @@ -1000,7 +1012,7 @@ def quantize_model_with_accuracy_control( def filter_configuration(config: Config) -> Config: - fields_to_filter = ["smooth_quant_alpha"] + fields_to_filter = ["smooth_quant_alphas", "smooth_quant_alpha"] algorithms_to_update = defaultdict(dict) # Drop params before configure diff --git a/tests/post_training/model_scope.py b/tests/post_training/model_scope.py index f8e87f04ce6..489f8831a9b 100644 --- a/tests/post_training/model_scope.py +++ b/tests/post_training/model_scope.py @@ -14,6 +14,7 @@ from nncf import ModelType from nncf import QuantizationPreset from nncf.quantization.advanced_parameters import AdvancedQuantizationParameters +from nncf.quantization.advanced_parameters import AdvancedSmoothQuantParameters from tests.post_training.pipelines.base import ALL_PTQ_BACKENDS from tests.post_training.pipelines.base import NNCF_PTQ_BACKENDS from tests.post_training.pipelines.base import BackendType @@ -73,7 +74,9 @@ "ptq_params": { "preset": QuantizationPreset.MIXED, "model_type": ModelType.TRANSFORMER, - "advanced_parameters": AdvancedQuantizationParameters(smooth_quant_alpha=-1.0), + "advanced_parameters": AdvancedQuantizationParameters( + smooth_quant_alphas=AdvancedSmoothQuantParameters(matmul=-1) + ), }, "backends": ALL_PTQ_BACKENDS, }, @@ -146,7 +149,9 @@ "ptq_params": { "preset": QuantizationPreset.MIXED, "model_type": ModelType.TRANSFORMER, - "advanced_parameters": AdvancedQuantizationParameters(smooth_quant_alpha=0.05), + "advanced_parameters": AdvancedQuantizationParameters( + smooth_quant_alphas=AdvancedSmoothQuantParameters(matmul=0.05) + ), }, "backends": [BackendType.TORCH, BackendType.ONNX, BackendType.OV], }, diff --git a/tests/post_training/test_templates/test_smooth_quant.py b/tests/post_training/test_templates/test_smooth_quant.py index 119acc31726..a8731d7d91e 100644 --- a/tests/post_training/test_templates/test_smooth_quant.py +++ b/tests/post_training/test_templates/test_smooth_quant.py @@ -21,6 +21,7 @@ from nncf.experimental.common.tensor_statistics.collectors import MaxAggregator 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.algorithm import SmoothQuant @@ -79,7 +80,9 @@ def get_quantization_algorithm(): subset_size=1, model_type=ModelType.TRANSFORMER, advanced_parameters=AdvancedQuantizationParameters( - overflow_fix=OverflowFix.DISABLE, smooth_quant_alpha=0.95, inplace_statistics=False + overflow_fix=OverflowFix.DISABLE, + smooth_quant_alphas=AdvancedSmoothQuantParameters(matmul=0.95), + inplace_statistics=False, ), ) @@ -89,10 +92,10 @@ def get_quantization_algorithm(): ( LinearMultiShapeModel, { - "/Reshape_0_0/sq_multiply": [[[[1.0594617, 1.1019668, 1.2208323, 1.1003988]]]], - "/Split_1_0/sq_multiply": [[[[1.1276343, 0.7605822]]]], - "/Split_0_0/sq_multiply": [[[[0.32575992, 0.33121374]]]], - "/Reshape_1_0_0/sq_multiply": [ + "/Reshape_0_0/nncf_smooth_quant": [[[[1.0594617, 1.1019668, 1.2208323, 1.1003988]]]], + "/Split_1_0/nncf_smooth_quant": [[[[1.1276343, 0.7605822]]]], + "/Split_0_0/nncf_smooth_quant": [[[[0.32575992, 0.33121374]]]], + "/Reshape_1_0_0/nncf_smooth_quant": [ [ [ 0.3251956, @@ -106,10 +109,10 @@ def get_quantization_algorithm(): ] ] ], - "/Reshape_1_0_1/sq_multiply": [[[0.4699388], [0.3369332], [0.3674589]]], - "/Reshape_2_0_0/sq_multiply": [[0.1242606]], - "/ReduceMax_0_0/sq_multiply": [ - [0.0944255, 0.0853033, 0.7187095, 0.3429819, 0.1422914, 0.2127623, 0.4640060, 0.7210725] + "/Reshape_1_0_1/nncf_smooth_quant": [[[0.4699388], [0.3369332], [0.3674589]]], + "/Reshape_2_0_0/nncf_smooth_quant": [[0.1242606]], + "/ReduceMax_0_0/nncf_smooth_quant": [ + [0.08709318, 0.08033343, 0.67289335, 0.33452678, 0.14223875, 0.19858328, 0.46314085, 0.68816555] ], }, ), @@ -172,7 +175,8 @@ def test__get_nodes_to_smooth_data(self, model_cls, references, tmpdir): algo = SmoothQuant() algo._set_backend_entity(model) - smooth_data = algo._get_nodes_to_smooth_data(nncf_graph) + alpha_map = algo._get_alpha_map() + smooth_data = algo._get_nodes_to_smooth_data(nncf_graph, alpha_map.keys()) smooth_data = {d["node_to_smooth"].node_name: d["input_act_port"] for d in smooth_data} for ref_node_name, ref_port_id in references: diff --git a/tests/torch/ptq/test_fq_params_calculation.py b/tests/torch/ptq/test_fq_params_calculation.py index e1236ac05ba..cee34321bb9 100644 --- a/tests/torch/ptq/test_fq_params_calculation.py +++ b/tests/torch/ptq/test_fq_params_calculation.py @@ -17,6 +17,7 @@ import nncf 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.torch.model_creation import create_nncf_network @@ -49,7 +50,7 @@ def transform_fn(sample): advanced_parameters = quantization_params.get("advanced_parameters", AdvancedQuantizationParameters()) advanced_parameters.disable_bias_correction = True advanced_parameters.disable_channel_alignment = True - advanced_parameters.smooth_quant_alpha = -1 + advanced_parameters.smooth_quant_alphas = AdvancedSmoothQuantParameters(matmul=-1) quantization_params["advanced_parameters"] = advanced_parameters post_training_quantization = PostTrainingQuantization(subset_size=1, **quantization_params)