From db49e8fe442b4f60bb323b0e6d693109742aae9d Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 26 Jul 2024 13:50:47 +0400 Subject: [PATCH 1/8] add test for models --- tests/torch/fx/test_models.py | 135 ++++++++++++++++++++++++++++++++++ 1 file changed, 135 insertions(+) create mode 100644 tests/torch/fx/test_models.py diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py new file mode 100644 index 00000000000..a78aca38fe9 --- /dev/null +++ b/tests/torch/fx/test_models.py @@ -0,0 +1,135 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + + +import json +import os +from dataclasses import dataclass +from pathlib import Path +from typing import Dict, Tuple, Type + +import openvino.torch # noqa +import pytest +import torch +import torch.fx +import torch.nn.parallel +import torch.optim +import torch.utils.data +import torch.utils.data.distributed +import torchvision.models as models +from torch._export import capture_pre_autograd_graph +from ultralytics.models.yolo import YOLO + +from nncf.common.graph.graph import NNCFNodeName +from nncf.common.graph.operator_metatypes import OperatorMetatype +from nncf.common.utils.os import safe_open +from nncf.experimental.torch.fx.nncf_graph_builder import GraphConverter +from nncf.torch.dynamic_graph.patch_pytorch import disable_patching +from nncf.torch.graph.graph import PTNNCFGraph +from tests.shared.paths import TEST_ROOT +from tests.torch.test_compressed_graph import check_graph + + +@pytest.fixture(name="fx_dir") +def fx_dir_fixture(request): + fx_dir_name = "fx" + return fx_dir_name + + +@dataclass +class ModelCase: + model: torch.nn.Module + model_id: str + input_shape: Tuple[int] + + +def torchvision_model_builder(model_id: str, input_shape: Tuple[int,]): + model = getattr(models, model_id)(weights=None) + return ModelCase(model, model_id, input_shape) + + +def ultralytics_model_builder(model_id: str, input_shape: Tuple[int,]): + model_config = model_id + ".yaml" # Initialize the model with random weights instead of downloading them. + model = YOLO(model_config) + model = model.model + ex_input = torch.ones(input_shape) + model.eval() + model(ex_input) # inferring from model to avoid anchor mutation in YOLOv8 + model.eval() + model(ex_input) # inferring from model to avoid anchor mutation in YOLOv8 + return ModelCase(model, model_id, input_shape) + + +TEST_MODELS = ( + torchvision_model_builder("resnet18", (1, 3, 224, 224)), + torchvision_model_builder("mobilenet_v3_small", (1, 3, 224, 224)), + torchvision_model_builder("vit_b_16", (1, 3, 224, 224)), + torchvision_model_builder("swin_v2_s", (1, 3, 224, 224)), + ultralytics_model_builder("yolov8n", (1, 3, 224, 224)), +) + + +def get_dot_filename(model_name): + return model_name + ".dot" + + +def get_json_filename(model_name): + return model_name + ".json" + + +def get_full_path_to_json(model_json_name: str) -> str: + path_to_dir = TEST_ROOT / "torch" / "data" / "reference_graphs" / "fx" / "reference_metatypes" + path_to_json = path_to_dir / model_json_name + return path_to_json + + +def get_ref_metatypes_from_json( + model_name: str, model_metatypes: Dict[NNCFNodeName, Type[OperatorMetatype]] +) -> Dict[NNCFNodeName, Type[OperatorMetatype]]: + + model_json_name = get_json_filename(model_name) + complete_path = get_full_path_to_json(model_json_name) + + json_parent_dir = Path(complete_path).parent + + if os.getenv("NNCF_TEST_REGEN_JSON") is not None: + if not os.path.exists(json_parent_dir): + os.makedirs(json_parent_dir) + with safe_open(complete_path, "w") as file: + json.dump(model_metatypes, file) + + with safe_open(complete_path, "r") as file: + return json.load(file) + + +def compare_nncf_graph_model(model: PTNNCFGraph, model_name: str, path_to_dot: str): + dot_filename = get_dot_filename(model_name) + check_graph(model, dot_filename, path_to_dot) + + +@pytest.mark.parametrize("test_case", TEST_MODELS) +def test_models(test_case: ModelCase, fx_dir): + with disable_patching(): + device = torch.device("cpu") + model_name = test_case.model_id + model = test_case.model + model.to(device) + + with torch.no_grad(): + ex_input = torch.ones(test_case.input_shape) + path_to_dot = fx_dir + model.eval() + exported_model = capture_pre_autograd_graph(model, args=(ex_input,)) + nncf_graph = GraphConverter.create_nncf_graph(exported_model) + compare_nncf_graph_model(nncf_graph, model_name, path_to_dot) + model_metatypes = {n.node_name: n.metatype.name for n in nncf_graph.get_all_nodes()} + ref_metatypes = get_ref_metatypes_from_json(model_name, model_metatypes) + assert model_metatypes == ref_metatypes \ No newline at end of file From 19fd8414bdd171cac5ee232cdcfe83f18c63d012 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 26 Jul 2024 13:51:09 +0400 Subject: [PATCH 2/8] add reference metatypes and reference graphs for the models --- .../fx/mobilenet_v3_small.dot | 992 +++ .../mobilenet_v3_small.json | 1 + .../fx/reference_metatypes/resnet18.json | 1 + .../fx/reference_metatypes/swin_v2_s.json | 1 + .../fx/reference_metatypes/vit_b_16.json | 1 + .../fx/reference_metatypes/yolov8n.json | 1 + .../data/reference_graphs/fx/resnet18.dot | 495 ++ .../data/reference_graphs/fx/swin_v2_s.dot | 5610 +++++++++++++++++ .../data/reference_graphs/fx/vit_b_16.dot | 1219 ++++ .../data/reference_graphs/fx/yolov8n.dot | 1554 +++++ 10 files changed, 9875 insertions(+) create mode 100644 tests/torch/data/reference_graphs/fx/mobilenet_v3_small.dot create mode 100644 tests/torch/data/reference_graphs/fx/reference_metatypes/mobilenet_v3_small.json create mode 100644 tests/torch/data/reference_graphs/fx/reference_metatypes/resnet18.json create mode 100644 tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json create mode 100644 tests/torch/data/reference_graphs/fx/reference_metatypes/vit_b_16.json create mode 100644 tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json create mode 100644 tests/torch/data/reference_graphs/fx/resnet18.dot create mode 100644 tests/torch/data/reference_graphs/fx/swin_v2_s.dot create mode 100644 tests/torch/data/reference_graphs/fx/vit_b_16.dot create mode 100644 tests/torch/data/reference_graphs/fx/yolov8n.dot diff --git a/tests/torch/data/reference_graphs/fx/mobilenet_v3_small.dot b/tests/torch/data/reference_graphs/fx/mobilenet_v3_small.dot new file mode 100644 index 00000000000..449076359ce --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/mobilenet_v3_small.dot @@ -0,0 +1,992 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 conv2d" [id=2, type=conv2d]; +"3 empty" [id=3, type=empty]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 getitem_1" [id=10, type=__getitem__]; +"11 getitem_2" [id=11, type=__getitem__]; +"12 hardswish_" [id=12, type=hardswish_]; +"13 _param_constant3" [id=13, type=get_attr]; +"14 conv2d_1" [id=14, type=conv2d]; +"15 empty_1" [id=15, type=empty]; +"16 _param_constant4" [id=16, type=get_attr]; +"17 _param_constant5" [id=17, type=get_attr]; +"18 _tensor_constant2" [id=18, type=get_attr]; +"19 _tensor_constant3" [id=19, type=get_attr]; +"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; +"21 getitem_3" [id=21, type=__getitem__]; +"22 getitem_4" [id=22, type=__getitem__]; +"23 getitem_5" [id=23, type=__getitem__]; +"24 relu_" [id=24, type=relu_]; +"25 adaptive_avg_pool2d" [id=25, type=adaptive_avg_pool2d]; +"26 _param_constant6" [id=26, type=get_attr]; +"27 _param_constant7" [id=27, type=get_attr]; +"28 conv2d_2" [id=28, type=conv2d]; +"29 relu" [id=29, type=relu]; +"30 _param_constant8" [id=30, type=get_attr]; +"31 _param_constant9" [id=31, type=get_attr]; +"32 conv2d_3" [id=32, type=conv2d]; +"33 hardsigmoid" [id=33, type=hardsigmoid]; +"34 mul" [id=34, type=mul]; +"35 _param_constant10" [id=35, type=get_attr]; +"36 conv2d_4" [id=36, type=conv2d]; +"37 empty_2" [id=37, type=empty]; +"38 _param_constant11" [id=38, type=get_attr]; +"39 _param_constant12" [id=39, type=get_attr]; +"40 _tensor_constant4" [id=40, type=get_attr]; +"41 _tensor_constant5" [id=41, type=get_attr]; +"42 _native_batch_norm_legit_no_training_2" [id=42, type=_native_batch_norm_legit_no_training]; +"43 getitem_6" [id=43, type=__getitem__]; +"44 getitem_7" [id=44, type=__getitem__]; +"45 getitem_8" [id=45, type=__getitem__]; +"46 _param_constant13" [id=46, type=get_attr]; +"47 conv2d_5" [id=47, type=conv2d]; +"48 empty_3" [id=48, type=empty]; +"49 _param_constant14" [id=49, type=get_attr]; +"50 _param_constant15" [id=50, type=get_attr]; +"51 _tensor_constant6" [id=51, type=get_attr]; +"52 _tensor_constant7" [id=52, type=get_attr]; +"53 _native_batch_norm_legit_no_training_3" [id=53, type=_native_batch_norm_legit_no_training]; +"54 getitem_9" [id=54, type=__getitem__]; +"55 getitem_10" [id=55, type=__getitem__]; +"56 getitem_11" [id=56, type=__getitem__]; +"57 relu__1" [id=57, type=relu_]; +"58 _param_constant16" [id=58, type=get_attr]; +"59 conv2d_6" [id=59, type=conv2d]; +"60 empty_4" [id=60, type=empty]; +"61 _param_constant17" [id=61, type=get_attr]; +"62 _param_constant18" [id=62, type=get_attr]; +"63 _tensor_constant8" [id=63, type=get_attr]; +"64 _tensor_constant9" [id=64, type=get_attr]; +"65 _native_batch_norm_legit_no_training_4" [id=65, type=_native_batch_norm_legit_no_training]; +"66 getitem_12" [id=66, type=__getitem__]; +"67 getitem_13" [id=67, type=__getitem__]; +"68 getitem_14" [id=68, type=__getitem__]; +"69 relu__2" [id=69, type=relu_]; +"70 _param_constant19" [id=70, type=get_attr]; +"71 conv2d_7" [id=71, type=conv2d]; +"72 empty_5" [id=72, type=empty]; +"73 _param_constant20" [id=73, type=get_attr]; +"74 _param_constant21" [id=74, type=get_attr]; +"75 _tensor_constant10" [id=75, type=get_attr]; +"76 _tensor_constant11" [id=76, type=get_attr]; +"77 _native_batch_norm_legit_no_training_5" [id=77, type=_native_batch_norm_legit_no_training]; +"78 getitem_15" [id=78, type=__getitem__]; +"79 getitem_16" [id=79, type=__getitem__]; +"80 getitem_17" [id=80, type=__getitem__]; +"81 _param_constant22" [id=81, type=get_attr]; +"82 conv2d_8" [id=82, type=conv2d]; +"83 empty_6" [id=83, type=empty]; +"84 _param_constant23" [id=84, type=get_attr]; +"85 _param_constant24" [id=85, type=get_attr]; +"86 _tensor_constant12" [id=86, type=get_attr]; +"87 _tensor_constant13" [id=87, type=get_attr]; +"88 _native_batch_norm_legit_no_training_6" [id=88, type=_native_batch_norm_legit_no_training]; +"89 getitem_18" [id=89, type=__getitem__]; +"90 getitem_19" [id=90, type=__getitem__]; +"91 getitem_20" [id=91, type=__getitem__]; +"92 relu__3" [id=92, type=relu_]; +"93 _param_constant25" [id=93, type=get_attr]; +"94 conv2d_9" [id=94, type=conv2d]; +"95 empty_7" [id=95, type=empty]; +"96 _param_constant26" [id=96, type=get_attr]; +"97 _param_constant27" [id=97, type=get_attr]; +"98 _tensor_constant14" [id=98, type=get_attr]; +"99 _tensor_constant15" [id=99, type=get_attr]; +"100 _native_batch_norm_legit_no_training_7" [id=100, type=_native_batch_norm_legit_no_training]; +"101 getitem_21" [id=101, type=__getitem__]; +"102 getitem_22" [id=102, type=__getitem__]; +"103 getitem_23" [id=103, type=__getitem__]; +"104 relu__4" [id=104, type=relu_]; +"105 _param_constant28" [id=105, type=get_attr]; +"106 conv2d_10" [id=106, type=conv2d]; +"107 empty_8" [id=107, type=empty]; +"108 _param_constant29" [id=108, type=get_attr]; +"109 _param_constant30" [id=109, type=get_attr]; +"110 _tensor_constant16" [id=110, type=get_attr]; +"111 _tensor_constant17" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_8" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_24" [id=113, type=__getitem__]; +"114 getitem_25" [id=114, type=__getitem__]; +"115 getitem_26" [id=115, type=__getitem__]; +"116 add_" [id=116, type=add_]; +"117 _param_constant31" [id=117, type=get_attr]; +"118 conv2d_11" [id=118, type=conv2d]; +"119 empty_9" [id=119, type=empty]; +"120 _param_constant32" [id=120, type=get_attr]; +"121 _param_constant33" [id=121, type=get_attr]; +"122 _tensor_constant18" [id=122, type=get_attr]; +"123 _tensor_constant19" [id=123, type=get_attr]; +"124 _native_batch_norm_legit_no_training_9" [id=124, type=_native_batch_norm_legit_no_training]; +"125 getitem_27" [id=125, type=__getitem__]; +"126 getitem_28" [id=126, type=__getitem__]; +"127 getitem_29" [id=127, type=__getitem__]; +"128 hardswish__1" [id=128, type=hardswish_]; +"129 _param_constant34" [id=129, type=get_attr]; +"130 conv2d_12" [id=130, type=conv2d]; +"131 empty_10" [id=131, type=empty]; +"132 _param_constant35" [id=132, type=get_attr]; +"133 _param_constant36" [id=133, type=get_attr]; +"134 _tensor_constant20" [id=134, type=get_attr]; +"135 _tensor_constant21" [id=135, type=get_attr]; +"136 _native_batch_norm_legit_no_training_10" [id=136, type=_native_batch_norm_legit_no_training]; +"137 getitem_30" [id=137, type=__getitem__]; +"138 getitem_31" [id=138, type=__getitem__]; +"139 getitem_32" [id=139, type=__getitem__]; +"140 hardswish__2" [id=140, type=hardswish_]; +"141 adaptive_avg_pool2d_1" [id=141, type=adaptive_avg_pool2d]; +"142 _param_constant37" [id=142, type=get_attr]; +"143 _param_constant38" [id=143, type=get_attr]; +"144 conv2d_13" [id=144, type=conv2d]; +"145 relu_1" [id=145, type=relu]; +"146 _param_constant39" [id=146, type=get_attr]; +"147 _param_constant40" [id=147, type=get_attr]; +"148 conv2d_14" [id=148, type=conv2d]; +"149 hardsigmoid_1" [id=149, type=hardsigmoid]; +"150 mul_1" [id=150, type=mul]; +"151 _param_constant41" [id=151, type=get_attr]; +"152 conv2d_15" [id=152, type=conv2d]; +"153 empty_11" [id=153, type=empty]; +"154 _param_constant42" [id=154, type=get_attr]; +"155 _param_constant43" [id=155, type=get_attr]; +"156 _tensor_constant22" [id=156, type=get_attr]; +"157 _tensor_constant23" [id=157, type=get_attr]; +"158 _native_batch_norm_legit_no_training_11" [id=158, type=_native_batch_norm_legit_no_training]; +"159 getitem_33" [id=159, type=__getitem__]; +"160 getitem_34" [id=160, type=__getitem__]; +"161 getitem_35" [id=161, type=__getitem__]; +"162 _param_constant44" [id=162, type=get_attr]; +"163 conv2d_16" [id=163, type=conv2d]; +"164 empty_12" [id=164, type=empty]; +"165 _param_constant45" [id=165, type=get_attr]; +"166 _param_constant46" [id=166, type=get_attr]; +"167 _tensor_constant24" [id=167, type=get_attr]; +"168 _tensor_constant25" [id=168, type=get_attr]; +"169 _native_batch_norm_legit_no_training_12" [id=169, type=_native_batch_norm_legit_no_training]; +"170 getitem_36" [id=170, type=__getitem__]; +"171 getitem_37" [id=171, type=__getitem__]; +"172 getitem_38" [id=172, type=__getitem__]; +"173 hardswish__3" [id=173, type=hardswish_]; +"174 _param_constant47" [id=174, type=get_attr]; +"175 conv2d_17" [id=175, type=conv2d]; +"176 empty_13" [id=176, type=empty]; +"177 _param_constant48" [id=177, type=get_attr]; +"178 _param_constant49" [id=178, type=get_attr]; +"179 _tensor_constant26" [id=179, type=get_attr]; +"180 _tensor_constant27" [id=180, type=get_attr]; +"181 _native_batch_norm_legit_no_training_13" [id=181, type=_native_batch_norm_legit_no_training]; +"182 getitem_39" [id=182, type=__getitem__]; +"183 getitem_40" [id=183, type=__getitem__]; +"184 getitem_41" [id=184, type=__getitem__]; +"185 hardswish__4" [id=185, type=hardswish_]; +"186 adaptive_avg_pool2d_2" [id=186, type=adaptive_avg_pool2d]; +"187 _param_constant50" [id=187, type=get_attr]; +"188 _param_constant51" [id=188, type=get_attr]; +"189 conv2d_18" [id=189, type=conv2d]; +"190 relu_2" [id=190, type=relu]; +"191 _param_constant52" [id=191, type=get_attr]; +"192 _param_constant53" [id=192, type=get_attr]; +"193 conv2d_19" [id=193, type=conv2d]; +"194 hardsigmoid_2" [id=194, type=hardsigmoid]; +"195 mul_2" [id=195, type=mul]; +"196 _param_constant54" [id=196, type=get_attr]; +"197 conv2d_20" [id=197, type=conv2d]; +"198 empty_14" [id=198, type=empty]; +"199 _param_constant55" [id=199, type=get_attr]; +"200 _param_constant56" [id=200, type=get_attr]; +"201 _tensor_constant28" [id=201, type=get_attr]; +"202 _tensor_constant29" [id=202, type=get_attr]; +"203 _native_batch_norm_legit_no_training_14" [id=203, type=_native_batch_norm_legit_no_training]; +"204 getitem_42" [id=204, type=__getitem__]; +"205 getitem_43" [id=205, type=__getitem__]; +"206 getitem_44" [id=206, type=__getitem__]; +"207 add__1" [id=207, type=add_]; +"208 _param_constant57" [id=208, type=get_attr]; +"209 conv2d_21" [id=209, type=conv2d]; +"210 empty_15" [id=210, type=empty]; +"211 _param_constant58" [id=211, type=get_attr]; +"212 _param_constant59" [id=212, type=get_attr]; +"213 _tensor_constant30" [id=213, type=get_attr]; +"214 _tensor_constant31" [id=214, type=get_attr]; +"215 _native_batch_norm_legit_no_training_15" [id=215, type=_native_batch_norm_legit_no_training]; +"216 getitem_45" [id=216, type=__getitem__]; +"217 getitem_46" [id=217, type=__getitem__]; +"218 getitem_47" [id=218, type=__getitem__]; +"219 hardswish__5" [id=219, type=hardswish_]; +"220 _param_constant60" [id=220, type=get_attr]; +"221 conv2d_22" [id=221, type=conv2d]; +"222 empty_16" [id=222, type=empty]; +"223 _param_constant61" [id=223, type=get_attr]; +"224 _param_constant62" [id=224, type=get_attr]; +"225 _tensor_constant32" [id=225, type=get_attr]; +"226 _tensor_constant33" [id=226, type=get_attr]; +"227 _native_batch_norm_legit_no_training_16" [id=227, type=_native_batch_norm_legit_no_training]; +"228 getitem_48" [id=228, type=__getitem__]; +"229 getitem_49" [id=229, type=__getitem__]; +"230 getitem_50" [id=230, type=__getitem__]; +"231 hardswish__6" [id=231, type=hardswish_]; +"232 adaptive_avg_pool2d_3" [id=232, type=adaptive_avg_pool2d]; +"233 _param_constant63" [id=233, type=get_attr]; +"234 _param_constant64" [id=234, type=get_attr]; +"235 conv2d_23" [id=235, type=conv2d]; +"236 relu_3" [id=236, type=relu]; +"237 _param_constant65" [id=237, type=get_attr]; +"238 _param_constant66" [id=238, type=get_attr]; +"239 conv2d_24" [id=239, type=conv2d]; +"240 hardsigmoid_3" [id=240, type=hardsigmoid]; +"241 mul_3" [id=241, type=mul]; +"242 _param_constant67" [id=242, type=get_attr]; +"243 conv2d_25" [id=243, type=conv2d]; +"244 empty_17" [id=244, type=empty]; +"245 _param_constant68" [id=245, type=get_attr]; +"246 _param_constant69" [id=246, type=get_attr]; +"247 _tensor_constant34" [id=247, type=get_attr]; +"248 _tensor_constant35" [id=248, type=get_attr]; +"249 _native_batch_norm_legit_no_training_17" [id=249, type=_native_batch_norm_legit_no_training]; +"250 getitem_51" [id=250, type=__getitem__]; +"251 getitem_52" [id=251, type=__getitem__]; +"252 getitem_53" [id=252, type=__getitem__]; +"253 add__2" [id=253, type=add_]; +"254 _param_constant70" [id=254, type=get_attr]; +"255 conv2d_26" [id=255, type=conv2d]; +"256 empty_18" [id=256, type=empty]; +"257 _param_constant71" [id=257, type=get_attr]; +"258 _param_constant72" [id=258, type=get_attr]; +"259 _tensor_constant36" [id=259, type=get_attr]; +"260 _tensor_constant37" [id=260, type=get_attr]; +"261 _native_batch_norm_legit_no_training_18" [id=261, type=_native_batch_norm_legit_no_training]; +"262 getitem_54" [id=262, type=__getitem__]; +"263 getitem_55" [id=263, type=__getitem__]; +"264 getitem_56" [id=264, type=__getitem__]; +"265 hardswish__7" [id=265, type=hardswish_]; +"266 _param_constant73" [id=266, type=get_attr]; +"267 conv2d_27" [id=267, type=conv2d]; +"268 empty_19" [id=268, type=empty]; +"269 _param_constant74" [id=269, type=get_attr]; +"270 _param_constant75" [id=270, type=get_attr]; +"271 _tensor_constant38" [id=271, type=get_attr]; +"272 _tensor_constant39" [id=272, type=get_attr]; +"273 _native_batch_norm_legit_no_training_19" [id=273, type=_native_batch_norm_legit_no_training]; +"274 getitem_57" [id=274, type=__getitem__]; +"275 getitem_58" [id=275, type=__getitem__]; +"276 getitem_59" [id=276, type=__getitem__]; +"277 hardswish__8" [id=277, type=hardswish_]; +"278 adaptive_avg_pool2d_4" [id=278, type=adaptive_avg_pool2d]; +"279 _param_constant76" [id=279, type=get_attr]; +"280 _param_constant77" [id=280, type=get_attr]; +"281 conv2d_28" [id=281, type=conv2d]; +"282 relu_4" [id=282, type=relu]; +"283 _param_constant78" [id=283, type=get_attr]; +"284 _param_constant79" [id=284, type=get_attr]; +"285 conv2d_29" [id=285, type=conv2d]; +"286 hardsigmoid_4" [id=286, type=hardsigmoid]; +"287 mul_4" [id=287, type=mul]; +"288 _param_constant80" [id=288, type=get_attr]; +"289 conv2d_30" [id=289, type=conv2d]; +"290 empty_20" [id=290, type=empty]; +"291 _param_constant81" [id=291, type=get_attr]; +"292 _param_constant82" [id=292, type=get_attr]; +"293 _tensor_constant40" [id=293, type=get_attr]; +"294 _tensor_constant41" [id=294, type=get_attr]; +"295 _native_batch_norm_legit_no_training_20" [id=295, type=_native_batch_norm_legit_no_training]; +"296 getitem_60" [id=296, type=__getitem__]; +"297 getitem_61" [id=297, type=__getitem__]; +"298 getitem_62" [id=298, type=__getitem__]; +"299 _param_constant83" [id=299, type=get_attr]; +"300 conv2d_31" [id=300, type=conv2d]; +"301 empty_21" [id=301, type=empty]; +"302 _param_constant84" [id=302, type=get_attr]; +"303 _param_constant85" [id=303, type=get_attr]; +"304 _tensor_constant42" [id=304, type=get_attr]; +"305 _tensor_constant43" [id=305, type=get_attr]; +"306 _native_batch_norm_legit_no_training_21" [id=306, type=_native_batch_norm_legit_no_training]; +"307 getitem_63" [id=307, type=__getitem__]; +"308 getitem_64" [id=308, type=__getitem__]; +"309 getitem_65" [id=309, type=__getitem__]; +"310 hardswish__9" [id=310, type=hardswish_]; +"311 _param_constant86" [id=311, type=get_attr]; +"312 conv2d_32" [id=312, type=conv2d]; +"313 empty_22" [id=313, type=empty]; +"314 _param_constant87" [id=314, type=get_attr]; +"315 _param_constant88" [id=315, type=get_attr]; +"316 _tensor_constant44" [id=316, type=get_attr]; +"317 _tensor_constant45" [id=317, type=get_attr]; +"318 _native_batch_norm_legit_no_training_22" [id=318, type=_native_batch_norm_legit_no_training]; +"319 getitem_66" [id=319, type=__getitem__]; +"320 getitem_67" [id=320, type=__getitem__]; +"321 getitem_68" [id=321, type=__getitem__]; +"322 hardswish__10" [id=322, type=hardswish_]; +"323 adaptive_avg_pool2d_5" [id=323, type=adaptive_avg_pool2d]; +"324 _param_constant89" [id=324, type=get_attr]; +"325 _param_constant90" [id=325, type=get_attr]; +"326 conv2d_33" [id=326, type=conv2d]; +"327 relu_5" [id=327, type=relu]; +"328 _param_constant91" [id=328, type=get_attr]; +"329 _param_constant92" [id=329, type=get_attr]; +"330 conv2d_34" [id=330, type=conv2d]; +"331 hardsigmoid_5" [id=331, type=hardsigmoid]; +"332 mul_5" [id=332, type=mul]; +"333 _param_constant93" [id=333, type=get_attr]; +"334 conv2d_35" [id=334, type=conv2d]; +"335 empty_23" [id=335, type=empty]; +"336 _param_constant94" [id=336, type=get_attr]; +"337 _param_constant95" [id=337, type=get_attr]; +"338 _tensor_constant46" [id=338, type=get_attr]; +"339 _tensor_constant47" [id=339, type=get_attr]; +"340 _native_batch_norm_legit_no_training_23" [id=340, type=_native_batch_norm_legit_no_training]; +"341 getitem_69" [id=341, type=__getitem__]; +"342 getitem_70" [id=342, type=__getitem__]; +"343 getitem_71" [id=343, type=__getitem__]; +"344 add__3" [id=344, type=add_]; +"345 _param_constant96" [id=345, type=get_attr]; +"346 conv2d_36" [id=346, type=conv2d]; +"347 empty_24" [id=347, type=empty]; +"348 _param_constant97" [id=348, type=get_attr]; +"349 _param_constant98" [id=349, type=get_attr]; +"350 _tensor_constant48" [id=350, type=get_attr]; +"351 _tensor_constant49" [id=351, type=get_attr]; +"352 _native_batch_norm_legit_no_training_24" [id=352, type=_native_batch_norm_legit_no_training]; +"353 getitem_72" [id=353, type=__getitem__]; +"354 getitem_73" [id=354, type=__getitem__]; +"355 getitem_74" [id=355, type=__getitem__]; +"356 hardswish__11" [id=356, type=hardswish_]; +"357 _param_constant99" [id=357, type=get_attr]; +"358 conv2d_37" [id=358, type=conv2d]; +"359 empty_25" [id=359, type=empty]; +"360 _param_constant100" [id=360, type=get_attr]; +"361 _param_constant101" [id=361, type=get_attr]; +"362 _tensor_constant50" [id=362, type=get_attr]; +"363 _tensor_constant51" [id=363, type=get_attr]; +"364 _native_batch_norm_legit_no_training_25" [id=364, type=_native_batch_norm_legit_no_training]; +"365 getitem_75" [id=365, type=__getitem__]; +"366 getitem_76" [id=366, type=__getitem__]; +"367 getitem_77" [id=367, type=__getitem__]; +"368 hardswish__12" [id=368, type=hardswish_]; +"369 adaptive_avg_pool2d_6" [id=369, type=adaptive_avg_pool2d]; +"370 _param_constant102" [id=370, type=get_attr]; +"371 _param_constant103" [id=371, type=get_attr]; +"372 conv2d_38" [id=372, type=conv2d]; +"373 relu_6" [id=373, type=relu]; +"374 _param_constant104" [id=374, type=get_attr]; +"375 _param_constant105" [id=375, type=get_attr]; +"376 conv2d_39" [id=376, type=conv2d]; +"377 hardsigmoid_6" [id=377, type=hardsigmoid]; +"378 mul_6" [id=378, type=mul]; +"379 _param_constant106" [id=379, type=get_attr]; +"380 conv2d_40" [id=380, type=conv2d]; +"381 empty_26" [id=381, type=empty]; +"382 _param_constant107" [id=382, type=get_attr]; +"383 _param_constant108" [id=383, type=get_attr]; +"384 _tensor_constant52" [id=384, type=get_attr]; +"385 _tensor_constant53" [id=385, type=get_attr]; +"386 _native_batch_norm_legit_no_training_26" [id=386, type=_native_batch_norm_legit_no_training]; +"387 getitem_78" [id=387, type=__getitem__]; +"388 getitem_79" [id=388, type=__getitem__]; +"389 getitem_80" [id=389, type=__getitem__]; +"390 _param_constant109" [id=390, type=get_attr]; +"391 conv2d_41" [id=391, type=conv2d]; +"392 empty_27" [id=392, type=empty]; +"393 _param_constant110" [id=393, type=get_attr]; +"394 _param_constant111" [id=394, type=get_attr]; +"395 _tensor_constant54" [id=395, type=get_attr]; +"396 _tensor_constant55" [id=396, type=get_attr]; +"397 _native_batch_norm_legit_no_training_27" [id=397, type=_native_batch_norm_legit_no_training]; +"398 getitem_81" [id=398, type=__getitem__]; +"399 getitem_82" [id=399, type=__getitem__]; +"400 getitem_83" [id=400, type=__getitem__]; +"401 hardswish__13" [id=401, type=hardswish_]; +"402 _param_constant112" [id=402, type=get_attr]; +"403 conv2d_42" [id=403, type=conv2d]; +"404 empty_28" [id=404, type=empty]; +"405 _param_constant113" [id=405, type=get_attr]; +"406 _param_constant114" [id=406, type=get_attr]; +"407 _tensor_constant56" [id=407, type=get_attr]; +"408 _tensor_constant57" [id=408, type=get_attr]; +"409 _native_batch_norm_legit_no_training_28" [id=409, type=_native_batch_norm_legit_no_training]; +"410 getitem_84" [id=410, type=__getitem__]; +"411 getitem_85" [id=411, type=__getitem__]; +"412 getitem_86" [id=412, type=__getitem__]; +"413 hardswish__14" [id=413, type=hardswish_]; +"414 adaptive_avg_pool2d_7" [id=414, type=adaptive_avg_pool2d]; +"415 _param_constant115" [id=415, type=get_attr]; +"416 _param_constant116" [id=416, type=get_attr]; +"417 conv2d_43" [id=417, type=conv2d]; +"418 relu_7" [id=418, type=relu]; +"419 _param_constant117" [id=419, type=get_attr]; +"420 _param_constant118" [id=420, type=get_attr]; +"421 conv2d_44" [id=421, type=conv2d]; +"422 hardsigmoid_7" [id=422, type=hardsigmoid]; +"423 mul_7" [id=423, type=mul]; +"424 _param_constant119" [id=424, type=get_attr]; +"425 conv2d_45" [id=425, type=conv2d]; +"426 empty_29" [id=426, type=empty]; +"427 _param_constant120" [id=427, type=get_attr]; +"428 _param_constant121" [id=428, type=get_attr]; +"429 _tensor_constant58" [id=429, type=get_attr]; +"430 _tensor_constant59" [id=430, type=get_attr]; +"431 _native_batch_norm_legit_no_training_29" [id=431, type=_native_batch_norm_legit_no_training]; +"432 getitem_87" [id=432, type=__getitem__]; +"433 getitem_88" [id=433, type=__getitem__]; +"434 getitem_89" [id=434, type=__getitem__]; +"435 add__4" [id=435, type=add_]; +"436 _param_constant122" [id=436, type=get_attr]; +"437 conv2d_46" [id=437, type=conv2d]; +"438 empty_30" [id=438, type=empty]; +"439 _param_constant123" [id=439, type=get_attr]; +"440 _param_constant124" [id=440, type=get_attr]; +"441 _tensor_constant60" [id=441, type=get_attr]; +"442 _tensor_constant61" [id=442, type=get_attr]; +"443 _native_batch_norm_legit_no_training_30" [id=443, type=_native_batch_norm_legit_no_training]; +"444 getitem_90" [id=444, type=__getitem__]; +"445 getitem_91" [id=445, type=__getitem__]; +"446 getitem_92" [id=446, type=__getitem__]; +"447 hardswish__15" [id=447, type=hardswish_]; +"448 _param_constant125" [id=448, type=get_attr]; +"449 conv2d_47" [id=449, type=conv2d]; +"450 empty_31" [id=450, type=empty]; +"451 _param_constant126" [id=451, type=get_attr]; +"452 _param_constant127" [id=452, type=get_attr]; +"453 _tensor_constant62" [id=453, type=get_attr]; +"454 _tensor_constant63" [id=454, type=get_attr]; +"455 _native_batch_norm_legit_no_training_31" [id=455, type=_native_batch_norm_legit_no_training]; +"456 getitem_93" [id=456, type=__getitem__]; +"457 getitem_94" [id=457, type=__getitem__]; +"458 getitem_95" [id=458, type=__getitem__]; +"459 hardswish__16" [id=459, type=hardswish_]; +"460 adaptive_avg_pool2d_8" [id=460, type=adaptive_avg_pool2d]; +"461 _param_constant128" [id=461, type=get_attr]; +"462 _param_constant129" [id=462, type=get_attr]; +"463 conv2d_48" [id=463, type=conv2d]; +"464 relu_8" [id=464, type=relu]; +"465 _param_constant130" [id=465, type=get_attr]; +"466 _param_constant131" [id=466, type=get_attr]; +"467 conv2d_49" [id=467, type=conv2d]; +"468 hardsigmoid_8" [id=468, type=hardsigmoid]; +"469 mul_8" [id=469, type=mul]; +"470 _param_constant132" [id=470, type=get_attr]; +"471 conv2d_50" [id=471, type=conv2d]; +"472 empty_32" [id=472, type=empty]; +"473 _param_constant133" [id=473, type=get_attr]; +"474 _param_constant134" [id=474, type=get_attr]; +"475 _tensor_constant64" [id=475, type=get_attr]; +"476 _tensor_constant65" [id=476, type=get_attr]; +"477 _native_batch_norm_legit_no_training_32" [id=477, type=_native_batch_norm_legit_no_training]; +"478 getitem_96" [id=478, type=__getitem__]; +"479 getitem_97" [id=479, type=__getitem__]; +"480 getitem_98" [id=480, type=__getitem__]; +"481 add__5" [id=481, type=add_]; +"482 _param_constant135" [id=482, type=get_attr]; +"483 conv2d_51" [id=483, type=conv2d]; +"484 empty_33" [id=484, type=empty]; +"485 _param_constant136" [id=485, type=get_attr]; +"486 _param_constant137" [id=486, type=get_attr]; +"487 _tensor_constant66" [id=487, type=get_attr]; +"488 _tensor_constant67" [id=488, type=get_attr]; +"489 _native_batch_norm_legit_no_training_33" [id=489, type=_native_batch_norm_legit_no_training]; +"490 getitem_99" [id=490, type=__getitem__]; +"491 getitem_100" [id=491, type=__getitem__]; +"492 getitem_101" [id=492, type=__getitem__]; +"493 hardswish__17" [id=493, type=hardswish_]; +"494 adaptive_avg_pool2d_9" [id=494, type=adaptive_avg_pool2d]; +"495 flatten" [id=495, type=flatten]; +"496 _param_constant138" [id=496, type=get_attr]; +"497 _param_constant139" [id=497, type=get_attr]; +"498 linear" [id=498, type=linear]; +"499 hardswish__18" [id=499, type=hardswish_]; +"500 dropout_" [id=500, type=dropout_]; +"501 _param_constant140" [id=501, type=get_attr]; +"502 _param_constant141" [id=502, type=get_attr]; +"503 linear_1" [id=503, type=linear]; +"504 output" [id=504, type=output]; +"0 arg0_1" -> "2 conv2d"; +"1 _param_constant0" -> "2 conv2d"; +"2 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"8 _native_batch_norm_legit_no_training" -> "10 getitem_1"; +"8 _native_batch_norm_legit_no_training" -> "11 getitem_2"; +"9 getitem" -> "12 hardswish_"; +"12 hardswish_" -> "14 conv2d_1"; +"13 _param_constant3" -> "14 conv2d_1"; +"14 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; +"16 _param_constant4" -> "20 _native_batch_norm_legit_no_training_1"; +"17 _param_constant5" -> "20 _native_batch_norm_legit_no_training_1"; +"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1"; +"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1"; +"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; +"20 _native_batch_norm_legit_no_training_1" -> "22 getitem_4"; +"20 _native_batch_norm_legit_no_training_1" -> "23 getitem_5"; +"21 getitem_3" -> "24 relu_"; +"24 relu_" -> "25 adaptive_avg_pool2d"; +"24 relu_" -> "34 mul"; +"25 adaptive_avg_pool2d" -> "28 conv2d_2"; +"26 _param_constant6" -> "28 conv2d_2"; +"27 _param_constant7" -> "28 conv2d_2"; +"28 conv2d_2" -> "29 relu"; +"29 relu" -> "32 conv2d_3"; +"30 _param_constant8" -> "32 conv2d_3"; +"31 _param_constant9" -> "32 conv2d_3"; +"32 conv2d_3" -> "33 hardsigmoid"; +"33 hardsigmoid" -> "34 mul"; +"34 mul" -> "36 conv2d_4"; +"35 _param_constant10" -> "36 conv2d_4"; +"36 conv2d_4" -> "42 _native_batch_norm_legit_no_training_2"; +"38 _param_constant11" -> "42 _native_batch_norm_legit_no_training_2"; +"39 _param_constant12" -> "42 _native_batch_norm_legit_no_training_2"; +"40 _tensor_constant4" -> "42 _native_batch_norm_legit_no_training_2"; +"41 _tensor_constant5" -> "42 _native_batch_norm_legit_no_training_2"; +"42 _native_batch_norm_legit_no_training_2" -> "43 getitem_6"; +"42 _native_batch_norm_legit_no_training_2" -> "44 getitem_7"; +"42 _native_batch_norm_legit_no_training_2" -> "45 getitem_8"; +"43 getitem_6" -> "47 conv2d_5"; +"46 _param_constant13" -> "47 conv2d_5"; +"47 conv2d_5" -> "53 _native_batch_norm_legit_no_training_3"; +"49 _param_constant14" -> "53 _native_batch_norm_legit_no_training_3"; +"50 _param_constant15" -> "53 _native_batch_norm_legit_no_training_3"; +"51 _tensor_constant6" -> "53 _native_batch_norm_legit_no_training_3"; +"52 _tensor_constant7" -> "53 _native_batch_norm_legit_no_training_3"; +"53 _native_batch_norm_legit_no_training_3" -> "54 getitem_9"; +"53 _native_batch_norm_legit_no_training_3" -> "55 getitem_10"; +"53 _native_batch_norm_legit_no_training_3" -> "56 getitem_11"; +"54 getitem_9" -> "57 relu__1"; +"57 relu__1" -> "59 conv2d_6"; +"58 _param_constant16" -> "59 conv2d_6"; +"59 conv2d_6" -> "65 _native_batch_norm_legit_no_training_4"; +"61 _param_constant17" -> "65 _native_batch_norm_legit_no_training_4"; +"62 _param_constant18" -> "65 _native_batch_norm_legit_no_training_4"; +"63 _tensor_constant8" -> "65 _native_batch_norm_legit_no_training_4"; +"64 _tensor_constant9" -> "65 _native_batch_norm_legit_no_training_4"; +"65 _native_batch_norm_legit_no_training_4" -> "66 getitem_12"; +"65 _native_batch_norm_legit_no_training_4" -> "67 getitem_13"; +"65 _native_batch_norm_legit_no_training_4" -> "68 getitem_14"; +"66 getitem_12" -> "69 relu__2"; +"69 relu__2" -> "71 conv2d_7"; +"70 _param_constant19" -> "71 conv2d_7"; +"71 conv2d_7" -> "77 _native_batch_norm_legit_no_training_5"; +"73 _param_constant20" -> "77 _native_batch_norm_legit_no_training_5"; +"74 _param_constant21" -> "77 _native_batch_norm_legit_no_training_5"; +"75 _tensor_constant10" -> "77 _native_batch_norm_legit_no_training_5"; +"76 _tensor_constant11" -> "77 _native_batch_norm_legit_no_training_5"; +"77 _native_batch_norm_legit_no_training_5" -> "78 getitem_15"; +"77 _native_batch_norm_legit_no_training_5" -> "79 getitem_16"; +"77 _native_batch_norm_legit_no_training_5" -> "80 getitem_17"; +"78 getitem_15" -> "82 conv2d_8"; +"78 getitem_15" -> "116 add_"; +"81 _param_constant22" -> "82 conv2d_8"; +"82 conv2d_8" -> "88 _native_batch_norm_legit_no_training_6"; +"84 _param_constant23" -> "88 _native_batch_norm_legit_no_training_6"; +"85 _param_constant24" -> "88 _native_batch_norm_legit_no_training_6"; +"86 _tensor_constant12" -> "88 _native_batch_norm_legit_no_training_6"; +"87 _tensor_constant13" -> "88 _native_batch_norm_legit_no_training_6"; +"88 _native_batch_norm_legit_no_training_6" -> "89 getitem_18"; +"88 _native_batch_norm_legit_no_training_6" -> "90 getitem_19"; +"88 _native_batch_norm_legit_no_training_6" -> "91 getitem_20"; +"89 getitem_18" -> "92 relu__3"; +"92 relu__3" -> "94 conv2d_9"; +"93 _param_constant25" -> "94 conv2d_9"; +"94 conv2d_9" -> "100 _native_batch_norm_legit_no_training_7"; +"96 _param_constant26" -> "100 _native_batch_norm_legit_no_training_7"; +"97 _param_constant27" -> "100 _native_batch_norm_legit_no_training_7"; +"98 _tensor_constant14" -> "100 _native_batch_norm_legit_no_training_7"; +"99 _tensor_constant15" -> "100 _native_batch_norm_legit_no_training_7"; +"100 _native_batch_norm_legit_no_training_7" -> "101 getitem_21"; +"100 _native_batch_norm_legit_no_training_7" -> "102 getitem_22"; +"100 _native_batch_norm_legit_no_training_7" -> "103 getitem_23"; +"101 getitem_21" -> "104 relu__4"; +"104 relu__4" -> "106 conv2d_10"; +"105 _param_constant28" -> "106 conv2d_10"; +"106 conv2d_10" -> "112 _native_batch_norm_legit_no_training_8"; +"108 _param_constant29" -> "112 _native_batch_norm_legit_no_training_8"; +"109 _param_constant30" -> "112 _native_batch_norm_legit_no_training_8"; +"110 _tensor_constant16" -> "112 _native_batch_norm_legit_no_training_8"; +"111 _tensor_constant17" -> "112 _native_batch_norm_legit_no_training_8"; +"112 _native_batch_norm_legit_no_training_8" -> "113 getitem_24"; +"112 _native_batch_norm_legit_no_training_8" -> "114 getitem_25"; +"112 _native_batch_norm_legit_no_training_8" -> "115 getitem_26"; +"113 getitem_24" -> "116 add_"; +"116 add_" -> "118 conv2d_11"; +"117 _param_constant31" -> "118 conv2d_11"; +"118 conv2d_11" -> "124 _native_batch_norm_legit_no_training_9"; +"120 _param_constant32" -> "124 _native_batch_norm_legit_no_training_9"; +"121 _param_constant33" -> "124 _native_batch_norm_legit_no_training_9"; +"122 _tensor_constant18" -> "124 _native_batch_norm_legit_no_training_9"; +"123 _tensor_constant19" -> "124 _native_batch_norm_legit_no_training_9"; +"124 _native_batch_norm_legit_no_training_9" -> "125 getitem_27"; +"124 _native_batch_norm_legit_no_training_9" -> "126 getitem_28"; +"124 _native_batch_norm_legit_no_training_9" -> "127 getitem_29"; +"125 getitem_27" -> "128 hardswish__1"; +"128 hardswish__1" -> "130 conv2d_12"; +"129 _param_constant34" -> "130 conv2d_12"; +"130 conv2d_12" -> "136 _native_batch_norm_legit_no_training_10"; +"132 _param_constant35" -> "136 _native_batch_norm_legit_no_training_10"; +"133 _param_constant36" -> "136 _native_batch_norm_legit_no_training_10"; +"134 _tensor_constant20" -> "136 _native_batch_norm_legit_no_training_10"; +"135 _tensor_constant21" -> "136 _native_batch_norm_legit_no_training_10"; +"136 _native_batch_norm_legit_no_training_10" -> "137 getitem_30"; +"136 _native_batch_norm_legit_no_training_10" -> "138 getitem_31"; +"136 _native_batch_norm_legit_no_training_10" -> "139 getitem_32"; +"137 getitem_30" -> "140 hardswish__2"; +"140 hardswish__2" -> "141 adaptive_avg_pool2d_1"; +"140 hardswish__2" -> "150 mul_1"; +"141 adaptive_avg_pool2d_1" -> "144 conv2d_13"; +"142 _param_constant37" -> "144 conv2d_13"; +"143 _param_constant38" -> "144 conv2d_13"; +"144 conv2d_13" -> "145 relu_1"; +"145 relu_1" -> "148 conv2d_14"; +"146 _param_constant39" -> "148 conv2d_14"; +"147 _param_constant40" -> "148 conv2d_14"; +"148 conv2d_14" -> "149 hardsigmoid_1"; +"149 hardsigmoid_1" -> "150 mul_1"; +"150 mul_1" -> "152 conv2d_15"; +"151 _param_constant41" -> "152 conv2d_15"; +"152 conv2d_15" -> "158 _native_batch_norm_legit_no_training_11"; +"154 _param_constant42" -> "158 _native_batch_norm_legit_no_training_11"; +"155 _param_constant43" -> "158 _native_batch_norm_legit_no_training_11"; +"156 _tensor_constant22" -> "158 _native_batch_norm_legit_no_training_11"; +"157 _tensor_constant23" -> "158 _native_batch_norm_legit_no_training_11"; +"158 _native_batch_norm_legit_no_training_11" -> "159 getitem_33"; +"158 _native_batch_norm_legit_no_training_11" -> "160 getitem_34"; +"158 _native_batch_norm_legit_no_training_11" -> "161 getitem_35"; +"159 getitem_33" -> "163 conv2d_16"; +"159 getitem_33" -> "207 add__1"; +"162 _param_constant44" -> "163 conv2d_16"; +"163 conv2d_16" -> "169 _native_batch_norm_legit_no_training_12"; +"165 _param_constant45" -> "169 _native_batch_norm_legit_no_training_12"; +"166 _param_constant46" -> "169 _native_batch_norm_legit_no_training_12"; +"167 _tensor_constant24" -> "169 _native_batch_norm_legit_no_training_12"; +"168 _tensor_constant25" -> "169 _native_batch_norm_legit_no_training_12"; +"169 _native_batch_norm_legit_no_training_12" -> "170 getitem_36"; +"169 _native_batch_norm_legit_no_training_12" -> "171 getitem_37"; +"169 _native_batch_norm_legit_no_training_12" -> "172 getitem_38"; +"170 getitem_36" -> "173 hardswish__3"; +"173 hardswish__3" -> "175 conv2d_17"; +"174 _param_constant47" -> "175 conv2d_17"; +"175 conv2d_17" -> "181 _native_batch_norm_legit_no_training_13"; +"177 _param_constant48" -> "181 _native_batch_norm_legit_no_training_13"; +"178 _param_constant49" -> "181 _native_batch_norm_legit_no_training_13"; +"179 _tensor_constant26" -> "181 _native_batch_norm_legit_no_training_13"; +"180 _tensor_constant27" -> "181 _native_batch_norm_legit_no_training_13"; +"181 _native_batch_norm_legit_no_training_13" -> "182 getitem_39"; +"181 _native_batch_norm_legit_no_training_13" -> "183 getitem_40"; +"181 _native_batch_norm_legit_no_training_13" -> "184 getitem_41"; +"182 getitem_39" -> "185 hardswish__4"; +"185 hardswish__4" -> "186 adaptive_avg_pool2d_2"; +"185 hardswish__4" -> "195 mul_2"; +"186 adaptive_avg_pool2d_2" -> "189 conv2d_18"; +"187 _param_constant50" -> "189 conv2d_18"; +"188 _param_constant51" -> "189 conv2d_18"; +"189 conv2d_18" -> "190 relu_2"; +"190 relu_2" -> "193 conv2d_19"; +"191 _param_constant52" -> "193 conv2d_19"; +"192 _param_constant53" -> "193 conv2d_19"; +"193 conv2d_19" -> "194 hardsigmoid_2"; +"194 hardsigmoid_2" -> "195 mul_2"; +"195 mul_2" -> "197 conv2d_20"; +"196 _param_constant54" -> "197 conv2d_20"; +"197 conv2d_20" -> "203 _native_batch_norm_legit_no_training_14"; +"199 _param_constant55" -> "203 _native_batch_norm_legit_no_training_14"; +"200 _param_constant56" -> "203 _native_batch_norm_legit_no_training_14"; +"201 _tensor_constant28" -> "203 _native_batch_norm_legit_no_training_14"; +"202 _tensor_constant29" -> "203 _native_batch_norm_legit_no_training_14"; +"203 _native_batch_norm_legit_no_training_14" -> "204 getitem_42"; +"203 _native_batch_norm_legit_no_training_14" -> "205 getitem_43"; +"203 _native_batch_norm_legit_no_training_14" -> "206 getitem_44"; +"204 getitem_42" -> "207 add__1"; +"207 add__1" -> "209 conv2d_21"; +"207 add__1" -> "253 add__2"; +"208 _param_constant57" -> "209 conv2d_21"; +"209 conv2d_21" -> "215 _native_batch_norm_legit_no_training_15"; +"211 _param_constant58" -> "215 _native_batch_norm_legit_no_training_15"; +"212 _param_constant59" -> "215 _native_batch_norm_legit_no_training_15"; +"213 _tensor_constant30" -> "215 _native_batch_norm_legit_no_training_15"; +"214 _tensor_constant31" -> "215 _native_batch_norm_legit_no_training_15"; +"215 _native_batch_norm_legit_no_training_15" -> "216 getitem_45"; +"215 _native_batch_norm_legit_no_training_15" -> "217 getitem_46"; +"215 _native_batch_norm_legit_no_training_15" -> "218 getitem_47"; +"216 getitem_45" -> "219 hardswish__5"; +"219 hardswish__5" -> "221 conv2d_22"; +"220 _param_constant60" -> "221 conv2d_22"; +"221 conv2d_22" -> "227 _native_batch_norm_legit_no_training_16"; +"223 _param_constant61" -> "227 _native_batch_norm_legit_no_training_16"; +"224 _param_constant62" -> "227 _native_batch_norm_legit_no_training_16"; +"225 _tensor_constant32" -> "227 _native_batch_norm_legit_no_training_16"; +"226 _tensor_constant33" -> "227 _native_batch_norm_legit_no_training_16"; +"227 _native_batch_norm_legit_no_training_16" -> "228 getitem_48"; +"227 _native_batch_norm_legit_no_training_16" -> "229 getitem_49"; +"227 _native_batch_norm_legit_no_training_16" -> "230 getitem_50"; +"228 getitem_48" -> "231 hardswish__6"; +"231 hardswish__6" -> "232 adaptive_avg_pool2d_3"; +"231 hardswish__6" -> "241 mul_3"; +"232 adaptive_avg_pool2d_3" -> "235 conv2d_23"; +"233 _param_constant63" -> "235 conv2d_23"; +"234 _param_constant64" -> "235 conv2d_23"; +"235 conv2d_23" -> "236 relu_3"; +"236 relu_3" -> "239 conv2d_24"; +"237 _param_constant65" -> "239 conv2d_24"; +"238 _param_constant66" -> "239 conv2d_24"; +"239 conv2d_24" -> "240 hardsigmoid_3"; +"240 hardsigmoid_3" -> "241 mul_3"; +"241 mul_3" -> "243 conv2d_25"; +"242 _param_constant67" -> "243 conv2d_25"; +"243 conv2d_25" -> "249 _native_batch_norm_legit_no_training_17"; +"245 _param_constant68" -> "249 _native_batch_norm_legit_no_training_17"; +"246 _param_constant69" -> "249 _native_batch_norm_legit_no_training_17"; +"247 _tensor_constant34" -> "249 _native_batch_norm_legit_no_training_17"; +"248 _tensor_constant35" -> "249 _native_batch_norm_legit_no_training_17"; +"249 _native_batch_norm_legit_no_training_17" -> "250 getitem_51"; +"249 _native_batch_norm_legit_no_training_17" -> "251 getitem_52"; +"249 _native_batch_norm_legit_no_training_17" -> "252 getitem_53"; +"250 getitem_51" -> "253 add__2"; +"253 add__2" -> "255 conv2d_26"; +"254 _param_constant70" -> "255 conv2d_26"; +"255 conv2d_26" -> "261 _native_batch_norm_legit_no_training_18"; +"257 _param_constant71" -> "261 _native_batch_norm_legit_no_training_18"; +"258 _param_constant72" -> "261 _native_batch_norm_legit_no_training_18"; +"259 _tensor_constant36" -> "261 _native_batch_norm_legit_no_training_18"; +"260 _tensor_constant37" -> "261 _native_batch_norm_legit_no_training_18"; +"261 _native_batch_norm_legit_no_training_18" -> "262 getitem_54"; +"261 _native_batch_norm_legit_no_training_18" -> "263 getitem_55"; +"261 _native_batch_norm_legit_no_training_18" -> "264 getitem_56"; +"262 getitem_54" -> "265 hardswish__7"; +"265 hardswish__7" -> "267 conv2d_27"; +"266 _param_constant73" -> "267 conv2d_27"; +"267 conv2d_27" -> "273 _native_batch_norm_legit_no_training_19"; +"269 _param_constant74" -> "273 _native_batch_norm_legit_no_training_19"; +"270 _param_constant75" -> "273 _native_batch_norm_legit_no_training_19"; +"271 _tensor_constant38" -> "273 _native_batch_norm_legit_no_training_19"; +"272 _tensor_constant39" -> "273 _native_batch_norm_legit_no_training_19"; +"273 _native_batch_norm_legit_no_training_19" -> "274 getitem_57"; +"273 _native_batch_norm_legit_no_training_19" -> "275 getitem_58"; +"273 _native_batch_norm_legit_no_training_19" -> "276 getitem_59"; +"274 getitem_57" -> "277 hardswish__8"; +"277 hardswish__8" -> "278 adaptive_avg_pool2d_4"; +"277 hardswish__8" -> "287 mul_4"; +"278 adaptive_avg_pool2d_4" -> "281 conv2d_28"; +"279 _param_constant76" -> "281 conv2d_28"; +"280 _param_constant77" -> "281 conv2d_28"; +"281 conv2d_28" -> "282 relu_4"; +"282 relu_4" -> "285 conv2d_29"; +"283 _param_constant78" -> "285 conv2d_29"; +"284 _param_constant79" -> "285 conv2d_29"; +"285 conv2d_29" -> "286 hardsigmoid_4"; +"286 hardsigmoid_4" -> "287 mul_4"; +"287 mul_4" -> "289 conv2d_30"; +"288 _param_constant80" -> "289 conv2d_30"; +"289 conv2d_30" -> "295 _native_batch_norm_legit_no_training_20"; +"291 _param_constant81" -> "295 _native_batch_norm_legit_no_training_20"; +"292 _param_constant82" -> "295 _native_batch_norm_legit_no_training_20"; +"293 _tensor_constant40" -> "295 _native_batch_norm_legit_no_training_20"; +"294 _tensor_constant41" -> "295 _native_batch_norm_legit_no_training_20"; +"295 _native_batch_norm_legit_no_training_20" -> "296 getitem_60"; +"295 _native_batch_norm_legit_no_training_20" -> "297 getitem_61"; +"295 _native_batch_norm_legit_no_training_20" -> "298 getitem_62"; +"296 getitem_60" -> "300 conv2d_31"; +"296 getitem_60" -> "344 add__3"; +"299 _param_constant83" -> "300 conv2d_31"; +"300 conv2d_31" -> "306 _native_batch_norm_legit_no_training_21"; +"302 _param_constant84" -> "306 _native_batch_norm_legit_no_training_21"; +"303 _param_constant85" -> "306 _native_batch_norm_legit_no_training_21"; +"304 _tensor_constant42" -> "306 _native_batch_norm_legit_no_training_21"; +"305 _tensor_constant43" -> "306 _native_batch_norm_legit_no_training_21"; +"306 _native_batch_norm_legit_no_training_21" -> "307 getitem_63"; +"306 _native_batch_norm_legit_no_training_21" -> "308 getitem_64"; +"306 _native_batch_norm_legit_no_training_21" -> "309 getitem_65"; +"307 getitem_63" -> "310 hardswish__9"; +"310 hardswish__9" -> "312 conv2d_32"; +"311 _param_constant86" -> "312 conv2d_32"; +"312 conv2d_32" -> "318 _native_batch_norm_legit_no_training_22"; +"314 _param_constant87" -> "318 _native_batch_norm_legit_no_training_22"; +"315 _param_constant88" -> "318 _native_batch_norm_legit_no_training_22"; +"316 _tensor_constant44" -> "318 _native_batch_norm_legit_no_training_22"; +"317 _tensor_constant45" -> "318 _native_batch_norm_legit_no_training_22"; +"318 _native_batch_norm_legit_no_training_22" -> "319 getitem_66"; +"318 _native_batch_norm_legit_no_training_22" -> "320 getitem_67"; +"318 _native_batch_norm_legit_no_training_22" -> "321 getitem_68"; +"319 getitem_66" -> "322 hardswish__10"; +"322 hardswish__10" -> "323 adaptive_avg_pool2d_5"; +"322 hardswish__10" -> "332 mul_5"; +"323 adaptive_avg_pool2d_5" -> "326 conv2d_33"; +"324 _param_constant89" -> "326 conv2d_33"; +"325 _param_constant90" -> "326 conv2d_33"; +"326 conv2d_33" -> "327 relu_5"; +"327 relu_5" -> "330 conv2d_34"; +"328 _param_constant91" -> "330 conv2d_34"; +"329 _param_constant92" -> "330 conv2d_34"; +"330 conv2d_34" -> "331 hardsigmoid_5"; +"331 hardsigmoid_5" -> "332 mul_5"; +"332 mul_5" -> "334 conv2d_35"; +"333 _param_constant93" -> "334 conv2d_35"; +"334 conv2d_35" -> "340 _native_batch_norm_legit_no_training_23"; +"336 _param_constant94" -> "340 _native_batch_norm_legit_no_training_23"; +"337 _param_constant95" -> "340 _native_batch_norm_legit_no_training_23"; +"338 _tensor_constant46" -> "340 _native_batch_norm_legit_no_training_23"; +"339 _tensor_constant47" -> "340 _native_batch_norm_legit_no_training_23"; +"340 _native_batch_norm_legit_no_training_23" -> "341 getitem_69"; +"340 _native_batch_norm_legit_no_training_23" -> "342 getitem_70"; +"340 _native_batch_norm_legit_no_training_23" -> "343 getitem_71"; +"341 getitem_69" -> "344 add__3"; +"344 add__3" -> "346 conv2d_36"; +"345 _param_constant96" -> "346 conv2d_36"; +"346 conv2d_36" -> "352 _native_batch_norm_legit_no_training_24"; +"348 _param_constant97" -> "352 _native_batch_norm_legit_no_training_24"; +"349 _param_constant98" -> "352 _native_batch_norm_legit_no_training_24"; +"350 _tensor_constant48" -> "352 _native_batch_norm_legit_no_training_24"; +"351 _tensor_constant49" -> "352 _native_batch_norm_legit_no_training_24"; +"352 _native_batch_norm_legit_no_training_24" -> "353 getitem_72"; +"352 _native_batch_norm_legit_no_training_24" -> "354 getitem_73"; +"352 _native_batch_norm_legit_no_training_24" -> "355 getitem_74"; +"353 getitem_72" -> "356 hardswish__11"; +"356 hardswish__11" -> "358 conv2d_37"; +"357 _param_constant99" -> "358 conv2d_37"; +"358 conv2d_37" -> "364 _native_batch_norm_legit_no_training_25"; +"360 _param_constant100" -> "364 _native_batch_norm_legit_no_training_25"; +"361 _param_constant101" -> "364 _native_batch_norm_legit_no_training_25"; +"362 _tensor_constant50" -> "364 _native_batch_norm_legit_no_training_25"; +"363 _tensor_constant51" -> "364 _native_batch_norm_legit_no_training_25"; +"364 _native_batch_norm_legit_no_training_25" -> "365 getitem_75"; +"364 _native_batch_norm_legit_no_training_25" -> "366 getitem_76"; +"364 _native_batch_norm_legit_no_training_25" -> "367 getitem_77"; +"365 getitem_75" -> "368 hardswish__12"; +"368 hardswish__12" -> "369 adaptive_avg_pool2d_6"; +"368 hardswish__12" -> "378 mul_6"; +"369 adaptive_avg_pool2d_6" -> "372 conv2d_38"; +"370 _param_constant102" -> "372 conv2d_38"; +"371 _param_constant103" -> "372 conv2d_38"; +"372 conv2d_38" -> "373 relu_6"; +"373 relu_6" -> "376 conv2d_39"; +"374 _param_constant104" -> "376 conv2d_39"; +"375 _param_constant105" -> "376 conv2d_39"; +"376 conv2d_39" -> "377 hardsigmoid_6"; +"377 hardsigmoid_6" -> "378 mul_6"; +"378 mul_6" -> "380 conv2d_40"; +"379 _param_constant106" -> "380 conv2d_40"; +"380 conv2d_40" -> "386 _native_batch_norm_legit_no_training_26"; +"382 _param_constant107" -> "386 _native_batch_norm_legit_no_training_26"; +"383 _param_constant108" -> "386 _native_batch_norm_legit_no_training_26"; +"384 _tensor_constant52" -> "386 _native_batch_norm_legit_no_training_26"; +"385 _tensor_constant53" -> "386 _native_batch_norm_legit_no_training_26"; +"386 _native_batch_norm_legit_no_training_26" -> "387 getitem_78"; +"386 _native_batch_norm_legit_no_training_26" -> "388 getitem_79"; +"386 _native_batch_norm_legit_no_training_26" -> "389 getitem_80"; +"387 getitem_78" -> "391 conv2d_41"; +"387 getitem_78" -> "435 add__4"; +"390 _param_constant109" -> "391 conv2d_41"; +"391 conv2d_41" -> "397 _native_batch_norm_legit_no_training_27"; +"393 _param_constant110" -> "397 _native_batch_norm_legit_no_training_27"; +"394 _param_constant111" -> "397 _native_batch_norm_legit_no_training_27"; +"395 _tensor_constant54" -> "397 _native_batch_norm_legit_no_training_27"; +"396 _tensor_constant55" -> "397 _native_batch_norm_legit_no_training_27"; +"397 _native_batch_norm_legit_no_training_27" -> "398 getitem_81"; +"397 _native_batch_norm_legit_no_training_27" -> "399 getitem_82"; +"397 _native_batch_norm_legit_no_training_27" -> "400 getitem_83"; +"398 getitem_81" -> "401 hardswish__13"; +"401 hardswish__13" -> "403 conv2d_42"; +"402 _param_constant112" -> "403 conv2d_42"; +"403 conv2d_42" -> "409 _native_batch_norm_legit_no_training_28"; +"405 _param_constant113" -> "409 _native_batch_norm_legit_no_training_28"; +"406 _param_constant114" -> "409 _native_batch_norm_legit_no_training_28"; +"407 _tensor_constant56" -> "409 _native_batch_norm_legit_no_training_28"; +"408 _tensor_constant57" -> "409 _native_batch_norm_legit_no_training_28"; +"409 _native_batch_norm_legit_no_training_28" -> "410 getitem_84"; +"409 _native_batch_norm_legit_no_training_28" -> "411 getitem_85"; +"409 _native_batch_norm_legit_no_training_28" -> "412 getitem_86"; +"410 getitem_84" -> "413 hardswish__14"; +"413 hardswish__14" -> "414 adaptive_avg_pool2d_7"; +"413 hardswish__14" -> "423 mul_7"; +"414 adaptive_avg_pool2d_7" -> "417 conv2d_43"; +"415 _param_constant115" -> "417 conv2d_43"; +"416 _param_constant116" -> "417 conv2d_43"; +"417 conv2d_43" -> "418 relu_7"; +"418 relu_7" -> "421 conv2d_44"; +"419 _param_constant117" -> "421 conv2d_44"; +"420 _param_constant118" -> "421 conv2d_44"; +"421 conv2d_44" -> "422 hardsigmoid_7"; +"422 hardsigmoid_7" -> "423 mul_7"; +"423 mul_7" -> "425 conv2d_45"; +"424 _param_constant119" -> "425 conv2d_45"; +"425 conv2d_45" -> "431 _native_batch_norm_legit_no_training_29"; +"427 _param_constant120" -> "431 _native_batch_norm_legit_no_training_29"; +"428 _param_constant121" -> "431 _native_batch_norm_legit_no_training_29"; +"429 _tensor_constant58" -> "431 _native_batch_norm_legit_no_training_29"; +"430 _tensor_constant59" -> "431 _native_batch_norm_legit_no_training_29"; +"431 _native_batch_norm_legit_no_training_29" -> "432 getitem_87"; +"431 _native_batch_norm_legit_no_training_29" -> "433 getitem_88"; +"431 _native_batch_norm_legit_no_training_29" -> "434 getitem_89"; +"432 getitem_87" -> "435 add__4"; +"435 add__4" -> "437 conv2d_46"; +"435 add__4" -> "481 add__5"; +"436 _param_constant122" -> "437 conv2d_46"; +"437 conv2d_46" -> "443 _native_batch_norm_legit_no_training_30"; +"439 _param_constant123" -> "443 _native_batch_norm_legit_no_training_30"; +"440 _param_constant124" -> "443 _native_batch_norm_legit_no_training_30"; +"441 _tensor_constant60" -> "443 _native_batch_norm_legit_no_training_30"; +"442 _tensor_constant61" -> "443 _native_batch_norm_legit_no_training_30"; +"443 _native_batch_norm_legit_no_training_30" -> "444 getitem_90"; +"443 _native_batch_norm_legit_no_training_30" -> "445 getitem_91"; +"443 _native_batch_norm_legit_no_training_30" -> "446 getitem_92"; +"444 getitem_90" -> "447 hardswish__15"; +"447 hardswish__15" -> "449 conv2d_47"; +"448 _param_constant125" -> "449 conv2d_47"; +"449 conv2d_47" -> "455 _native_batch_norm_legit_no_training_31"; +"451 _param_constant126" -> "455 _native_batch_norm_legit_no_training_31"; +"452 _param_constant127" -> "455 _native_batch_norm_legit_no_training_31"; +"453 _tensor_constant62" -> "455 _native_batch_norm_legit_no_training_31"; +"454 _tensor_constant63" -> "455 _native_batch_norm_legit_no_training_31"; +"455 _native_batch_norm_legit_no_training_31" -> "456 getitem_93"; +"455 _native_batch_norm_legit_no_training_31" -> "457 getitem_94"; +"455 _native_batch_norm_legit_no_training_31" -> "458 getitem_95"; +"456 getitem_93" -> "459 hardswish__16"; +"459 hardswish__16" -> "460 adaptive_avg_pool2d_8"; +"459 hardswish__16" -> "469 mul_8"; +"460 adaptive_avg_pool2d_8" -> "463 conv2d_48"; +"461 _param_constant128" -> "463 conv2d_48"; +"462 _param_constant129" -> "463 conv2d_48"; +"463 conv2d_48" -> "464 relu_8"; +"464 relu_8" -> "467 conv2d_49"; +"465 _param_constant130" -> "467 conv2d_49"; +"466 _param_constant131" -> "467 conv2d_49"; +"467 conv2d_49" -> "468 hardsigmoid_8"; +"468 hardsigmoid_8" -> "469 mul_8"; +"469 mul_8" -> "471 conv2d_50"; +"470 _param_constant132" -> "471 conv2d_50"; +"471 conv2d_50" -> "477 _native_batch_norm_legit_no_training_32"; +"473 _param_constant133" -> "477 _native_batch_norm_legit_no_training_32"; +"474 _param_constant134" -> "477 _native_batch_norm_legit_no_training_32"; +"475 _tensor_constant64" -> "477 _native_batch_norm_legit_no_training_32"; +"476 _tensor_constant65" -> "477 _native_batch_norm_legit_no_training_32"; +"477 _native_batch_norm_legit_no_training_32" -> "478 getitem_96"; +"477 _native_batch_norm_legit_no_training_32" -> "479 getitem_97"; +"477 _native_batch_norm_legit_no_training_32" -> "480 getitem_98"; +"478 getitem_96" -> "481 add__5"; +"481 add__5" -> "483 conv2d_51"; +"482 _param_constant135" -> "483 conv2d_51"; +"483 conv2d_51" -> "489 _native_batch_norm_legit_no_training_33"; +"485 _param_constant136" -> "489 _native_batch_norm_legit_no_training_33"; +"486 _param_constant137" -> "489 _native_batch_norm_legit_no_training_33"; +"487 _tensor_constant66" -> "489 _native_batch_norm_legit_no_training_33"; +"488 _tensor_constant67" -> "489 _native_batch_norm_legit_no_training_33"; +"489 _native_batch_norm_legit_no_training_33" -> "490 getitem_99"; +"489 _native_batch_norm_legit_no_training_33" -> "491 getitem_100"; +"489 _native_batch_norm_legit_no_training_33" -> "492 getitem_101"; +"490 getitem_99" -> "493 hardswish__17"; +"493 hardswish__17" -> "494 adaptive_avg_pool2d_9"; +"494 adaptive_avg_pool2d_9" -> "495 flatten"; +"495 flatten" -> "498 linear"; +"496 _param_constant138" -> "498 linear"; +"497 _param_constant139" -> "498 linear"; +"498 linear" -> "499 hardswish__18"; +"499 hardswish__18" -> "500 dropout_"; +"500 dropout_" -> "503 linear_1"; +"501 _param_constant140" -> "503 linear_1"; +"502 _param_constant141" -> "503 linear_1"; +"503 linear_1" -> "504 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/mobilenet_v3_small.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/mobilenet_v3_small.json new file mode 100644 index 00000000000..528e382a7de --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/mobilenet_v3_small.json @@ -0,0 +1 @@ +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "EmptyOp", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "hardswish_": "HardSwishOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "EmptyOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "relu_": "ReluOp", "adaptive_avg_pool2d": "AvgPool2DOp", "_param_constant6": "const_noop", "_param_constant7": "const_noop", "conv2d_2": "Conv2DOp", "relu": "ReluOp", "_param_constant8": "const_noop", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "hardsigmoid": "HardSigmoidOp", "mul": "MulOp", "_param_constant10": "const_noop", "conv2d_4": "Conv2DOp", "empty_2": "EmptyOp", "_param_constant11": "const_noop", "_param_constant12": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "_param_constant13": "const_noop", "conv2d_5": "Conv2DOp", "empty_3": "EmptyOp", "_param_constant14": "const_noop", "_param_constant15": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "getitem_11": "GatherOp", "relu__1": "ReluOp", "_param_constant16": "const_noop", "conv2d_6": "Conv2DOp", "empty_4": "EmptyOp", "_param_constant17": "const_noop", "_param_constant18": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "getitem_14": "GatherOp", "relu__2": "ReluOp", "_param_constant19": "const_noop", "conv2d_7": "Conv2DOp", "empty_5": "EmptyOp", "_param_constant20": "const_noop", "_param_constant21": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "getitem_17": "GatherOp", "_param_constant22": "const_noop", "conv2d_8": "Conv2DOp", "empty_6": "EmptyOp", "_param_constant23": "const_noop", "_param_constant24": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "getitem_20": "GatherOp", "relu__3": "ReluOp", "_param_constant25": "const_noop", "conv2d_9": "Conv2DOp", "empty_7": "EmptyOp", "_param_constant26": "const_noop", "_param_constant27": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "getitem_23": "GatherOp", "relu__4": "ReluOp", "_param_constant28": "const_noop", "conv2d_10": "Conv2DOp", "empty_8": "EmptyOp", "_param_constant29": "const_noop", "_param_constant30": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "getitem_26": "GatherOp", "add_": "AddOp", "_param_constant31": "const_noop", "conv2d_11": "Conv2DOp", "empty_9": "EmptyOp", "_param_constant32": "const_noop", "_param_constant33": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_27": "GatherOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "hardswish__1": "HardSwishOp", "_param_constant34": "const_noop", "conv2d_12": "Conv2DOp", "empty_10": "EmptyOp", "_param_constant35": "const_noop", "_param_constant36": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_30": "GatherOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "hardswish__2": "HardSwishOp", "adaptive_avg_pool2d_1": "AvgPool2DOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "conv2d_13": "Conv2DOp", "relu_1": "ReluOp", "_param_constant39": "const_noop", "_param_constant40": "const_noop", "conv2d_14": "Conv2DOp", "hardsigmoid_1": "HardSigmoidOp", "mul_1": "MulOp", "_param_constant41": "const_noop", "conv2d_15": "Conv2DOp", "empty_11": "EmptyOp", "_param_constant42": "const_noop", "_param_constant43": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_33": "GatherOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "_param_constant44": "const_noop", "conv2d_16": "Conv2DOp", "empty_12": "EmptyOp", "_param_constant45": "const_noop", "_param_constant46": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_36": "GatherOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "hardswish__3": "HardSwishOp", "_param_constant47": "const_noop", "conv2d_17": "Conv2DOp", "empty_13": "EmptyOp", "_param_constant48": "const_noop", "_param_constant49": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_39": "GatherOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "hardswish__4": "HardSwishOp", "adaptive_avg_pool2d_2": "AvgPool2DOp", "_param_constant50": "const_noop", "_param_constant51": "const_noop", "conv2d_18": "Conv2DOp", "relu_2": "ReluOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "conv2d_19": "Conv2DOp", "hardsigmoid_2": "HardSigmoidOp", "mul_2": "MulOp", "_param_constant54": "const_noop", "conv2d_20": "Conv2DOp", "empty_14": "EmptyOp", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_42": "GatherOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "add__1": "AddOp", "_param_constant57": "const_noop", "conv2d_21": "Conv2DOp", "empty_15": "EmptyOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_45": "GatherOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "hardswish__5": "HardSwishOp", "_param_constant60": "const_noop", "conv2d_22": "Conv2DOp", "empty_16": "EmptyOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_48": "GatherOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "hardswish__6": "HardSwishOp", "adaptive_avg_pool2d_3": "AvgPool2DOp", "_param_constant63": "const_noop", "_param_constant64": "const_noop", "conv2d_23": "Conv2DOp", "relu_3": "ReluOp", "_param_constant65": "const_noop", "_param_constant66": "const_noop", "conv2d_24": "Conv2DOp", "hardsigmoid_3": "HardSigmoidOp", "mul_3": "MulOp", "_param_constant67": "const_noop", "conv2d_25": "Conv2DOp", "empty_17": "EmptyOp", "_param_constant68": "const_noop", "_param_constant69": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "add__2": "AddOp", "_param_constant70": "const_noop", "conv2d_26": "Conv2DOp", "empty_18": "EmptyOp", "_param_constant71": "const_noop", "_param_constant72": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "hardswish__7": "HardSwishOp", "_param_constant73": "const_noop", "conv2d_27": "Conv2DOp", "empty_19": "EmptyOp", "_param_constant74": "const_noop", "_param_constant75": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "hardswish__8": "HardSwishOp", "adaptive_avg_pool2d_4": "AvgPool2DOp", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "conv2d_28": "Conv2DOp", "relu_4": "ReluOp", "_param_constant78": "const_noop", "_param_constant79": "const_noop", "conv2d_29": "Conv2DOp", "hardsigmoid_4": "HardSigmoidOp", "mul_4": "MulOp", "_param_constant80": "const_noop", "conv2d_30": "Conv2DOp", "empty_20": "EmptyOp", "_param_constant81": "const_noop", "_param_constant82": "const_noop", "_tensor_constant40": "const_noop", "_tensor_constant41": "const_noop", "_native_batch_norm_legit_no_training_20": "BatchNormOp", "getitem_60": "GatherOp", "getitem_61": "GatherOp", "getitem_62": "GatherOp", "_param_constant83": "const_noop", "conv2d_31": "Conv2DOp", "empty_21": "EmptyOp", "_param_constant84": "const_noop", "_param_constant85": "const_noop", "_tensor_constant42": "const_noop", "_tensor_constant43": "const_noop", "_native_batch_norm_legit_no_training_21": "BatchNormOp", "getitem_63": "GatherOp", "getitem_64": "GatherOp", "getitem_65": "GatherOp", "hardswish__9": "HardSwishOp", "_param_constant86": "const_noop", "conv2d_32": "Conv2DOp", "empty_22": "EmptyOp", "_param_constant87": "const_noop", "_param_constant88": "const_noop", "_tensor_constant44": "const_noop", "_tensor_constant45": "const_noop", "_native_batch_norm_legit_no_training_22": "BatchNormOp", "getitem_66": "GatherOp", "getitem_67": "GatherOp", "getitem_68": "GatherOp", "hardswish__10": "HardSwishOp", "adaptive_avg_pool2d_5": "AvgPool2DOp", "_param_constant89": "const_noop", "_param_constant90": "const_noop", "conv2d_33": "Conv2DOp", "relu_5": "ReluOp", "_param_constant91": "const_noop", "_param_constant92": "const_noop", "conv2d_34": "Conv2DOp", "hardsigmoid_5": "HardSigmoidOp", "mul_5": "MulOp", "_param_constant93": "const_noop", "conv2d_35": "Conv2DOp", "empty_23": "EmptyOp", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "_tensor_constant46": "const_noop", "_tensor_constant47": "const_noop", "_native_batch_norm_legit_no_training_23": "BatchNormOp", "getitem_69": "GatherOp", "getitem_70": "GatherOp", "getitem_71": "GatherOp", "add__3": "AddOp", "_param_constant96": "const_noop", "conv2d_36": "Conv2DOp", "empty_24": "EmptyOp", "_param_constant97": "const_noop", "_param_constant98": "const_noop", "_tensor_constant48": "const_noop", "_tensor_constant49": "const_noop", "_native_batch_norm_legit_no_training_24": "BatchNormOp", "getitem_72": "GatherOp", "getitem_73": "GatherOp", "getitem_74": "GatherOp", "hardswish__11": "HardSwishOp", "_param_constant99": "const_noop", "conv2d_37": "Conv2DOp", "empty_25": "EmptyOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "_tensor_constant50": "const_noop", "_tensor_constant51": "const_noop", "_native_batch_norm_legit_no_training_25": "BatchNormOp", "getitem_75": "GatherOp", "getitem_76": "GatherOp", "getitem_77": "GatherOp", "hardswish__12": "HardSwishOp", "adaptive_avg_pool2d_6": "AvgPool2DOp", "_param_constant102": "const_noop", "_param_constant103": "const_noop", "conv2d_38": "Conv2DOp", "relu_6": "ReluOp", "_param_constant104": "const_noop", "_param_constant105": "const_noop", "conv2d_39": "Conv2DOp", "hardsigmoid_6": "HardSigmoidOp", "mul_6": "MulOp", "_param_constant106": "const_noop", "conv2d_40": "Conv2DOp", "empty_26": "EmptyOp", "_param_constant107": "const_noop", "_param_constant108": "const_noop", "_tensor_constant52": "const_noop", "_tensor_constant53": "const_noop", "_native_batch_norm_legit_no_training_26": "BatchNormOp", "getitem_78": "GatherOp", "getitem_79": "GatherOp", "getitem_80": "GatherOp", "_param_constant109": "const_noop", "conv2d_41": "Conv2DOp", "empty_27": "EmptyOp", "_param_constant110": "const_noop", "_param_constant111": "const_noop", "_tensor_constant54": "const_noop", "_tensor_constant55": "const_noop", "_native_batch_norm_legit_no_training_27": "BatchNormOp", "getitem_81": "GatherOp", "getitem_82": "GatherOp", "getitem_83": "GatherOp", "hardswish__13": "HardSwishOp", "_param_constant112": "const_noop", "conv2d_42": "Conv2DOp", "empty_28": "EmptyOp", "_param_constant113": "const_noop", "_param_constant114": "const_noop", "_tensor_constant56": "const_noop", "_tensor_constant57": "const_noop", "_native_batch_norm_legit_no_training_28": "BatchNormOp", "getitem_84": "GatherOp", "getitem_85": "GatherOp", "getitem_86": "GatherOp", "hardswish__14": "HardSwishOp", "adaptive_avg_pool2d_7": "AvgPool2DOp", "_param_constant115": "const_noop", "_param_constant116": "const_noop", "conv2d_43": "Conv2DOp", "relu_7": "ReluOp", "_param_constant117": "const_noop", "_param_constant118": "const_noop", "conv2d_44": "Conv2DOp", "hardsigmoid_7": "HardSigmoidOp", "mul_7": "MulOp", "_param_constant119": "const_noop", "conv2d_45": "Conv2DOp", "empty_29": "EmptyOp", "_param_constant120": "const_noop", "_param_constant121": "const_noop", "_tensor_constant58": "const_noop", "_tensor_constant59": "const_noop", "_native_batch_norm_legit_no_training_29": "BatchNormOp", "getitem_87": "GatherOp", "getitem_88": "GatherOp", "getitem_89": "GatherOp", "add__4": "AddOp", "_param_constant122": "const_noop", "conv2d_46": "Conv2DOp", "empty_30": "EmptyOp", "_param_constant123": "const_noop", "_param_constant124": "const_noop", "_tensor_constant60": "const_noop", "_tensor_constant61": "const_noop", "_native_batch_norm_legit_no_training_30": "BatchNormOp", "getitem_90": "GatherOp", "getitem_91": "GatherOp", "getitem_92": "GatherOp", "hardswish__15": "HardSwishOp", "_param_constant125": "const_noop", "conv2d_47": "Conv2DOp", "empty_31": "EmptyOp", "_param_constant126": "const_noop", "_param_constant127": "const_noop", "_tensor_constant62": "const_noop", "_tensor_constant63": "const_noop", "_native_batch_norm_legit_no_training_31": "BatchNormOp", "getitem_93": "GatherOp", "getitem_94": "GatherOp", "getitem_95": "GatherOp", "hardswish__16": "HardSwishOp", "adaptive_avg_pool2d_8": "AvgPool2DOp", "_param_constant128": "const_noop", "_param_constant129": "const_noop", "conv2d_48": "Conv2DOp", "relu_8": "ReluOp", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "conv2d_49": "Conv2DOp", "hardsigmoid_8": "HardSigmoidOp", "mul_8": "MulOp", "_param_constant132": "const_noop", "conv2d_50": "Conv2DOp", "empty_32": "EmptyOp", "_param_constant133": "const_noop", "_param_constant134": "const_noop", "_tensor_constant64": "const_noop", "_tensor_constant65": "const_noop", "_native_batch_norm_legit_no_training_32": "BatchNormOp", "getitem_96": "GatherOp", "getitem_97": "GatherOp", "getitem_98": "GatherOp", "add__5": "AddOp", "_param_constant135": "const_noop", "conv2d_51": "Conv2DOp", "empty_33": "EmptyOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "_tensor_constant66": "const_noop", "_tensor_constant67": "const_noop", "_native_batch_norm_legit_no_training_33": "BatchNormOp", "getitem_99": "GatherOp", "getitem_100": "GatherOp", "getitem_101": "GatherOp", "hardswish__17": "HardSwishOp", "adaptive_avg_pool2d_9": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant138": "const_noop", "_param_constant139": "const_noop", "linear": "LinearOp", "hardswish__18": "HardSwishOp", "dropout_": "DropoutOp", "_param_constant140": "const_noop", "_param_constant141": "const_noop", "linear_1": "LinearOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/resnet18.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/resnet18.json new file mode 100644 index 00000000000..5fba84edad1 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/resnet18.json @@ -0,0 +1 @@ +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "EmptyOp", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "relu_": "ReluOp", "max_pool2d": "MaxPool2DOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "EmptyOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "relu__1": "ReluOp", "_param_constant6": "const_noop", "conv2d_2": "Conv2DOp", "empty_2": "EmptyOp", "_param_constant7": "const_noop", "_param_constant8": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "add_": "AddOp", "relu__2": "ReluOp", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "empty_3": "EmptyOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "getitem_11": "GatherOp", "relu__3": "ReluOp", "_param_constant12": "const_noop", "conv2d_4": "Conv2DOp", "empty_4": "EmptyOp", "_param_constant13": "const_noop", "_param_constant14": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "getitem_14": "GatherOp", "add__1": "AddOp", "relu__4": "ReluOp", "_param_constant15": "const_noop", "conv2d_5": "Conv2DOp", "empty_5": "EmptyOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "getitem_17": "GatherOp", "relu__5": "ReluOp", "_param_constant18": "const_noop", "conv2d_6": "Conv2DOp", "empty_6": "EmptyOp", "_param_constant19": "const_noop", "_param_constant20": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "getitem_20": "GatherOp", "_param_constant21": "const_noop", "conv2d_7": "Conv2DOp", "empty_7": "EmptyOp", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "getitem_23": "GatherOp", "add__2": "AddOp", "relu__6": "ReluOp", "_param_constant24": "const_noop", "conv2d_8": "Conv2DOp", "empty_8": "EmptyOp", "_param_constant25": "const_noop", "_param_constant26": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "getitem_26": "GatherOp", "relu__7": "ReluOp", "_param_constant27": "const_noop", "conv2d_9": "Conv2DOp", "empty_9": "EmptyOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_27": "GatherOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "add__3": "AddOp", "relu__8": "ReluOp", "_param_constant30": "const_noop", "conv2d_10": "Conv2DOp", "empty_10": "EmptyOp", "_param_constant31": "const_noop", "_param_constant32": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_30": "GatherOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "relu__9": "ReluOp", "_param_constant33": "const_noop", "conv2d_11": "Conv2DOp", "empty_11": "EmptyOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_33": "GatherOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "_param_constant36": "const_noop", "conv2d_12": "Conv2DOp", "empty_12": "EmptyOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_36": "GatherOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "add__4": "AddOp", "relu__10": "ReluOp", "_param_constant39": "const_noop", "conv2d_13": "Conv2DOp", "empty_13": "EmptyOp", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_39": "GatherOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "relu__11": "ReluOp", "_param_constant42": "const_noop", "conv2d_14": "Conv2DOp", "empty_14": "EmptyOp", "_param_constant43": "const_noop", "_param_constant44": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_42": "GatherOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "add__5": "AddOp", "relu__12": "ReluOp", "_param_constant45": "const_noop", "conv2d_15": "Conv2DOp", "empty_15": "EmptyOp", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_45": "GatherOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "relu__13": "ReluOp", "_param_constant48": "const_noop", "conv2d_16": "Conv2DOp", "empty_16": "EmptyOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_48": "GatherOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "_param_constant51": "const_noop", "conv2d_17": "Conv2DOp", "empty_17": "EmptyOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "add__6": "AddOp", "relu__14": "ReluOp", "_param_constant54": "const_noop", "conv2d_18": "Conv2DOp", "empty_18": "EmptyOp", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "relu__15": "ReluOp", "_param_constant57": "const_noop", "conv2d_19": "Conv2DOp", "empty_19": "EmptyOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "add__7": "AddOp", "relu__16": "ReluOp", "adaptive_avg_pool2d": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant60": "const_noop", "_param_constant61": "const_noop", "linear": "LinearOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json new file mode 100644 index 00000000000..f2dda956d96 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json @@ -0,0 +1 @@ +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "_param_constant1": "const_noop", "conv2d": "Conv2DOp", "permute": "TransposeOp", "_param_constant2": "const_noop", "_param_constant3": "const_noop", "layer_norm": "LayerNormOp", "_tensor_constant0": "const_noop", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "linear": "LinearOp", "relu_": "ReluOp", "_param_constant6": "const_noop", "linear_1": "LinearOp", "view": "ReshapeOp", "_tensor_constant1": "const_noop", "index": "unknown", "view_1": "ReshapeOp", "permute_1": "TransposeOp", "contiguous": "noop", "unsqueeze": "ReshapeOp", "sigmoid": "SigmoidOp", "mul": "MulOp", "pad": "PadOp", "view_2": "ReshapeOp", "permute_2": "TransposeOp", "reshape": "ReshapeOp", "_param_constant7": "const_noop", "clone": "noop", "slice_1": "GatherOp", "zero_": "unknown", "_param_constant8": "const_noop", "linear_2": "LinearOp", "reshape_1": "ReshapeOp", "permute_3": "TransposeOp", "select": "GatherOp", "select_1": "GatherOp", "select_2": "GatherOp", "linalg_vector_norm": "VectorNormOp", "clamp_min": "ClampOp", "expand_as": "ExpandAsOp", "div": "DivOp", "linalg_vector_norm_1": "VectorNormOp", "clamp_min_1": "ClampOp", "expand_as_1": "ExpandAsOp", "div_1": "DivOp", "transpose": "TransposeOp", "matmul": "MatMulOp", "_param_constant9": "const_noop", "clamp": "ClampOp", "exp": "ExpOp", "mul_1": "MulOp", "add": "AddOp", "softmax": "SoftmaxOp", "dropout": "DropoutOp", "matmul_1": "MatMulOp", "transpose_1": "TransposeOp", "reshape_2": "ReshapeOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "linear_3": "LinearOp", "dropout_1": "DropoutOp", "view_3": "ReshapeOp", "permute_4": "TransposeOp", "reshape_3": "ReshapeOp", "slice_2": "GatherOp", "slice_3": "GatherOp", "_param_constant12": "const_noop", "_param_constant13": "const_noop", "layer_norm_1": "LayerNormOp", "add_1": "AddOp", "_param_constant14": "const_noop", "_param_constant15": "const_noop", "linear_4": "LinearOp", "gelu": "GeluOp", "dropout_2": "DropoutOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "linear_5": "LinearOp", "dropout_3": "DropoutOp", "_param_constant18": "const_noop", "_param_constant19": "const_noop", "layer_norm_2": "LayerNormOp", "add_2": "AddOp", "_tensor_constant2": "const_noop", "_param_constant20": "const_noop", "_param_constant21": "const_noop", "linear_6": "LinearOp", "relu__1": "ReluOp", "_param_constant22": "const_noop", "linear_7": "LinearOp", "view_4": "ReshapeOp", "_tensor_constant3": "const_noop", "index_1": "unknown", "view_5": "ReshapeOp", "permute_5": "TransposeOp", "contiguous_1": "noop", "unsqueeze_1": "ReshapeOp", "sigmoid_1": "SigmoidOp", "mul_2": "MulOp", "pad_1": "PadOp", "roll": "unknown", "view_6": "ReshapeOp", "permute_6": "TransposeOp", "reshape_4": "ReshapeOp", "_param_constant23": "const_noop", "clone_1": "noop", "slice_4": "GatherOp", "zero__1": "unknown", "_param_constant24": "const_noop", "linear_8": "LinearOp", "reshape_5": "ReshapeOp", "permute_7": "TransposeOp", "select_3": "GatherOp", "select_4": "GatherOp", "select_5": "GatherOp", "linalg_vector_norm_2": "VectorNormOp", "clamp_min_2": "ClampOp", "expand_as_2": "ExpandAsOp", "div_2": "DivOp", "linalg_vector_norm_3": "VectorNormOp", "clamp_min_3": "ClampOp", "expand_as_3": "ExpandAsOp", "div_3": "DivOp", "transpose_2": "TransposeOp", "matmul_2": "MatMulOp", "_param_constant25": "const_noop", "clamp_1": "ClampOp", "exp_1": "ExpOp", "mul_3": "MulOp", "add_3": "AddOp", "new_zeros": "unknown", "_tensor_constant4": "const_noop", "lift_fresh_copy": "unknown", "slice_5": "GatherOp", "slice_6": "GatherOp", "fill_": "unknown", "_tensor_constant5": "const_noop", "lift_fresh_copy_1": "unknown", "slice_7": "GatherOp", "slice_8": "GatherOp", "fill__1": "unknown", "_tensor_constant6": "const_noop", "lift_fresh_copy_2": "unknown", "slice_9": "GatherOp", "slice_10": "GatherOp", "fill__2": "unknown", "_tensor_constant7": "const_noop", "lift_fresh_copy_3": "unknown", "slice_11": "GatherOp", "slice_12": "GatherOp", "fill__3": "unknown", "_tensor_constant8": "const_noop", "lift_fresh_copy_4": "unknown", "slice_13": "GatherOp", "slice_14": "GatherOp", "fill__4": "unknown", "_tensor_constant9": "const_noop", "lift_fresh_copy_5": "unknown", "slice_15": "GatherOp", "slice_16": "GatherOp", "fill__5": "unknown", "_tensor_constant10": "const_noop", "lift_fresh_copy_6": "unknown", "slice_17": "GatherOp", "slice_18": "GatherOp", "fill__6": "unknown", "_tensor_constant11": "const_noop", "lift_fresh_copy_7": "unknown", "slice_19": "GatherOp", "slice_20": "GatherOp", "fill__7": "unknown", "_tensor_constant12": "const_noop", "lift_fresh_copy_8": "unknown", "slice_21": "GatherOp", "slice_22": "GatherOp", "fill__8": "unknown", "view_7": "ReshapeOp", "permute_8": "TransposeOp", "reshape_6": "ReshapeOp", "unsqueeze_2": "ReshapeOp", "unsqueeze_3": "ReshapeOp", "sub": "SubOp", "ne": "unknown", "masked_fill": "ScatterOp", "eq": "unknown", "masked_fill_1": "ScatterOp", "view_8": "ReshapeOp", "unsqueeze_4": "ReshapeOp", "unsqueeze_5": "ReshapeOp", "add_4": "AddOp", "view_9": "ReshapeOp", "softmax_1": "SoftmaxOp", "dropout_4": "DropoutOp", "matmul_3": "MatMulOp", "transpose_3": "TransposeOp", "reshape_7": "ReshapeOp", "_param_constant26": "const_noop", "_param_constant27": "const_noop", "linear_9": "LinearOp", "dropout_5": "DropoutOp", "view_10": "ReshapeOp", "permute_9": "TransposeOp", "reshape_8": "ReshapeOp", "roll_1": "unknown", "slice_23": "GatherOp", "slice_24": "GatherOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "layer_norm_3": "LayerNormOp", "add_5": "AddOp", "_param_constant30": "const_noop", "_param_constant31": "const_noop", "linear_10": "LinearOp", "gelu_1": "GeluOp", "dropout_6": "DropoutOp", "_param_constant32": "const_noop", "_param_constant33": "const_noop", "linear_11": "LinearOp", "dropout_7": "DropoutOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "layer_norm_4": "LayerNormOp", "add_6": "AddOp", "pad_2": "PadOp", "slice_25": "GatherOp", "slice_26": "GatherOp", "slice_27": "GatherOp", "slice_28": "GatherOp", "slice_29": "GatherOp", "slice_30": "GatherOp", "slice_31": "GatherOp", "slice_32": "GatherOp", "slice_33": "GatherOp", "slice_34": "GatherOp", "slice_35": "GatherOp", "slice_36": "GatherOp", "cat": "CatOp", "_param_constant36": "const_noop", "linear_12": "LinearOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "layer_norm_5": "LayerNormOp", "_tensor_constant13": "const_noop", "_param_constant39": "const_noop", "_param_constant40": "const_noop", "linear_13": "LinearOp", "relu__2": "ReluOp", "_param_constant41": "const_noop", "linear_14": "LinearOp", "view_11": "ReshapeOp", "_tensor_constant14": "const_noop", "index_2": "unknown", "view_12": "ReshapeOp", "permute_10": "TransposeOp", "contiguous_2": "noop", "unsqueeze_6": "ReshapeOp", "sigmoid_2": "SigmoidOp", "mul_4": "MulOp", "pad_3": "PadOp", "view_13": "ReshapeOp", "permute_11": "TransposeOp", "reshape_9": "ReshapeOp", "_param_constant42": "const_noop", "clone_2": "noop", "slice_37": "GatherOp", "zero__2": "unknown", "_param_constant43": "const_noop", "linear_15": "LinearOp", "reshape_10": "ReshapeOp", "permute_12": "TransposeOp", "select_6": "GatherOp", "select_7": "GatherOp", "select_8": "GatherOp", "linalg_vector_norm_4": "VectorNormOp", "clamp_min_4": "ClampOp", "expand_as_4": "ExpandAsOp", "div_4": "DivOp", "linalg_vector_norm_5": "VectorNormOp", "clamp_min_5": "ClampOp", "expand_as_5": "ExpandAsOp", "div_5": "DivOp", "transpose_4": "TransposeOp", "matmul_4": "MatMulOp", "_param_constant44": "const_noop", "clamp_2": "ClampOp", "exp_2": "ExpOp", "mul_5": "MulOp", "add_7": "AddOp", "softmax_2": "SoftmaxOp", "dropout_8": "DropoutOp", "matmul_5": "MatMulOp", "transpose_5": "TransposeOp", "reshape_11": "ReshapeOp", "_param_constant45": "const_noop", "_param_constant46": "const_noop", "linear_16": "LinearOp", "dropout_9": "DropoutOp", "view_14": "ReshapeOp", "permute_13": "TransposeOp", "reshape_12": "ReshapeOp", "slice_38": "GatherOp", "slice_39": "GatherOp", "slice_40": "GatherOp", "slice_41": "GatherOp", "contiguous_3": "noop", "_param_constant47": "const_noop", "_param_constant48": "const_noop", "layer_norm_6": "LayerNormOp", "add_8": "AddOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "linear_17": "LinearOp", "gelu_2": "GeluOp", "dropout_10": "DropoutOp", "_param_constant51": "const_noop", "_param_constant52": "const_noop", "linear_18": "LinearOp", "dropout_11": "DropoutOp", "_param_constant53": "const_noop", "_param_constant54": "const_noop", "layer_norm_7": "LayerNormOp", "add_9": "AddOp", "_tensor_constant15": "const_noop", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "linear_19": "LinearOp", "relu__3": "ReluOp", "_param_constant57": "const_noop", "linear_20": "LinearOp", "view_15": "ReshapeOp", "_tensor_constant16": "const_noop", "index_3": "unknown", "view_16": "ReshapeOp", "permute_14": "TransposeOp", "contiguous_4": "noop", "unsqueeze_7": "ReshapeOp", "sigmoid_3": "SigmoidOp", "mul_6": "MulOp", "pad_4": "PadOp", "roll_2": "unknown", "view_17": "ReshapeOp", "permute_15": "TransposeOp", "reshape_13": "ReshapeOp", "_param_constant58": "const_noop", "clone_3": "noop", "slice_42": "GatherOp", "zero__3": "unknown", "_param_constant59": "const_noop", "linear_21": "LinearOp", "reshape_14": "ReshapeOp", "permute_16": "TransposeOp", "select_9": "GatherOp", "select_10": "GatherOp", "select_11": "GatherOp", "linalg_vector_norm_6": "VectorNormOp", "clamp_min_6": "ClampOp", "expand_as_6": "ExpandAsOp", "div_6": "DivOp", "linalg_vector_norm_7": "VectorNormOp", "clamp_min_7": "ClampOp", "expand_as_7": "ExpandAsOp", "div_7": "DivOp", "transpose_6": "TransposeOp", "matmul_6": "MatMulOp", "_param_constant60": "const_noop", "clamp_3": "ClampOp", "exp_3": "ExpOp", "mul_7": "MulOp", "add_10": "AddOp", "new_zeros_1": "unknown", "_tensor_constant17": "const_noop", "lift_fresh_copy_9": "unknown", "slice_43": "GatherOp", "slice_44": "GatherOp", "fill__9": "unknown", "_tensor_constant18": "const_noop", "lift_fresh_copy_10": "unknown", "slice_45": "GatherOp", "slice_46": "GatherOp", "fill__10": "unknown", "_tensor_constant19": "const_noop", "lift_fresh_copy_11": "unknown", "slice_47": "GatherOp", "slice_48": "GatherOp", "fill__11": "unknown", "_tensor_constant20": "const_noop", "lift_fresh_copy_12": "unknown", "slice_49": "GatherOp", "slice_50": "GatherOp", "fill__12": "unknown", "_tensor_constant21": "const_noop", "lift_fresh_copy_13": "unknown", "slice_51": "GatherOp", "slice_52": "GatherOp", "fill__13": "unknown", "_tensor_constant22": "const_noop", "lift_fresh_copy_14": "unknown", "slice_53": "GatherOp", "slice_54": "GatherOp", "fill__14": "unknown", "_tensor_constant23": "const_noop", "lift_fresh_copy_15": "unknown", "slice_55": "GatherOp", "slice_56": "GatherOp", "fill__15": "unknown", "_tensor_constant24": "const_noop", "lift_fresh_copy_16": "unknown", "slice_57": "GatherOp", "slice_58": "GatherOp", "fill__16": "unknown", "_tensor_constant25": "const_noop", "lift_fresh_copy_17": "unknown", "slice_59": "GatherOp", "slice_60": "GatherOp", "fill__17": "unknown", "view_18": "ReshapeOp", "permute_17": "TransposeOp", "reshape_15": "ReshapeOp", "unsqueeze_8": "ReshapeOp", "unsqueeze_9": "ReshapeOp", "sub_1": "SubOp", "ne_1": "unknown", "masked_fill_2": "ScatterOp", "eq_1": "unknown", "masked_fill_3": "ScatterOp", "view_19": "ReshapeOp", "unsqueeze_10": "ReshapeOp", "unsqueeze_11": "ReshapeOp", "add_11": "AddOp", "view_20": "ReshapeOp", "softmax_3": "SoftmaxOp", "dropout_12": "DropoutOp", "matmul_7": "MatMulOp", "transpose_7": "TransposeOp", "reshape_16": "ReshapeOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "linear_22": "LinearOp", "dropout_13": "DropoutOp", "view_21": "ReshapeOp", "permute_18": "TransposeOp", "reshape_17": "ReshapeOp", "roll_3": "unknown", "slice_61": "GatherOp", "slice_62": "GatherOp", "slice_63": "GatherOp", "slice_64": "GatherOp", "contiguous_5": "noop", "_param_constant63": "const_noop", "_param_constant64": "const_noop", "layer_norm_8": "LayerNormOp", "add_12": "AddOp", "_param_constant65": "const_noop", "_param_constant66": "const_noop", "linear_23": "LinearOp", "gelu_3": "GeluOp", "dropout_14": "DropoutOp", "_param_constant67": "const_noop", "_param_constant68": "const_noop", "linear_24": "LinearOp", "dropout_15": "DropoutOp", "_param_constant69": "const_noop", "_param_constant70": "const_noop", "layer_norm_9": "LayerNormOp", "add_13": "AddOp", "pad_5": "PadOp", "slice_65": "GatherOp", "slice_66": "GatherOp", "slice_67": "GatherOp", "slice_68": "GatherOp", "slice_69": "GatherOp", "slice_70": "GatherOp", "slice_71": "GatherOp", "slice_72": "GatherOp", "slice_73": "GatherOp", "slice_74": "GatherOp", "slice_75": "GatherOp", "slice_76": "GatherOp", "cat_1": "CatOp", "_param_constant71": "const_noop", "linear_25": "LinearOp", "_param_constant72": "const_noop", "_param_constant73": "const_noop", "layer_norm_10": "LayerNormOp", "_tensor_constant26": "const_noop", "_param_constant74": "const_noop", "_param_constant75": "const_noop", "linear_26": "LinearOp", "relu__4": "ReluOp", "_param_constant76": "const_noop", "linear_27": "LinearOp", "view_22": "ReshapeOp", "_tensor_constant27": "const_noop", "index_4": "unknown", "view_23": "ReshapeOp", "permute_19": "TransposeOp", "contiguous_6": "noop", "unsqueeze_12": "ReshapeOp", "sigmoid_4": "SigmoidOp", "mul_8": "MulOp", "pad_6": "PadOp", "view_24": "ReshapeOp", "permute_20": "TransposeOp", "reshape_18": "ReshapeOp", "_param_constant77": "const_noop", "clone_4": "noop", "slice_77": "GatherOp", "zero__4": "unknown", "_param_constant78": "const_noop", "linear_28": "LinearOp", "reshape_19": "ReshapeOp", "permute_21": "TransposeOp", "select_12": "GatherOp", "select_13": "GatherOp", "select_14": "GatherOp", "linalg_vector_norm_8": "VectorNormOp", "clamp_min_8": "ClampOp", "expand_as_8": "ExpandAsOp", "div_8": "DivOp", "linalg_vector_norm_9": "VectorNormOp", "clamp_min_9": "ClampOp", "expand_as_9": "ExpandAsOp", "div_9": "DivOp", "transpose_8": "TransposeOp", "matmul_8": "MatMulOp", "_param_constant79": "const_noop", "clamp_4": "ClampOp", "exp_4": "ExpOp", "mul_9": "MulOp", "add_14": "AddOp", "softmax_4": "SoftmaxOp", "dropout_16": "DropoutOp", "matmul_9": "MatMulOp", "transpose_9": "TransposeOp", "reshape_20": "ReshapeOp", "_param_constant80": "const_noop", "_param_constant81": "const_noop", "linear_29": "LinearOp", "dropout_17": "DropoutOp", "view_25": "ReshapeOp", "permute_22": "TransposeOp", "reshape_21": "ReshapeOp", "slice_78": "GatherOp", "slice_79": "GatherOp", "slice_80": "GatherOp", "slice_81": "GatherOp", "contiguous_7": "noop", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "layer_norm_11": "LayerNormOp", "add_15": "AddOp", "_param_constant84": "const_noop", "_param_constant85": "const_noop", "linear_30": "LinearOp", "gelu_4": "GeluOp", "dropout_18": "DropoutOp", "_param_constant86": "const_noop", "_param_constant87": "const_noop", "linear_31": "LinearOp", "dropout_19": "DropoutOp", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "layer_norm_12": "LayerNormOp", "add_16": "AddOp", "_tensor_constant28": "const_noop", "_param_constant90": "const_noop", "_param_constant91": "const_noop", "linear_32": "LinearOp", "relu__5": "ReluOp", "_param_constant92": "const_noop", "linear_33": "LinearOp", "view_26": "ReshapeOp", "_tensor_constant29": "const_noop", "index_5": "unknown", "view_27": "ReshapeOp", "permute_23": "TransposeOp", "contiguous_8": "noop", "unsqueeze_13": "ReshapeOp", "sigmoid_5": "SigmoidOp", "mul_10": "MulOp", "pad_7": "PadOp", "roll_4": "unknown", "view_28": "ReshapeOp", "permute_24": "TransposeOp", "reshape_22": "ReshapeOp", "_param_constant93": "const_noop", "clone_5": "noop", "slice_82": "GatherOp", "zero__5": "unknown", "_param_constant94": "const_noop", "linear_34": "LinearOp", "reshape_23": "ReshapeOp", "permute_25": "TransposeOp", "select_15": "GatherOp", "select_16": "GatherOp", "select_17": "GatherOp", "linalg_vector_norm_10": "VectorNormOp", "clamp_min_10": "ClampOp", "expand_as_10": "ExpandAsOp", "div_10": "DivOp", "linalg_vector_norm_11": "VectorNormOp", "clamp_min_11": "ClampOp", "expand_as_11": "ExpandAsOp", "div_11": "DivOp", "transpose_10": "TransposeOp", "matmul_10": "MatMulOp", "_param_constant95": "const_noop", "clamp_5": "ClampOp", "exp_5": "ExpOp", "mul_11": "MulOp", "add_17": "AddOp", "new_zeros_2": "unknown", "_tensor_constant30": "const_noop", "lift_fresh_copy_18": "unknown", "slice_83": "GatherOp", "slice_84": "GatherOp", "fill__18": "unknown", "_tensor_constant31": "const_noop", "lift_fresh_copy_19": "unknown", "slice_85": "GatherOp", "slice_86": "GatherOp", "fill__19": "unknown", "_tensor_constant32": "const_noop", "lift_fresh_copy_20": "unknown", "slice_87": "GatherOp", "slice_88": "GatherOp", "fill__20": "unknown", "_tensor_constant33": "const_noop", "lift_fresh_copy_21": "unknown", "slice_89": "GatherOp", "slice_90": "GatherOp", "fill__21": "unknown", "_tensor_constant34": "const_noop", "lift_fresh_copy_22": "unknown", "slice_91": "GatherOp", "slice_92": "GatherOp", "fill__22": "unknown", "_tensor_constant35": "const_noop", "lift_fresh_copy_23": "unknown", "slice_93": "GatherOp", "slice_94": "GatherOp", "fill__23": "unknown", "_tensor_constant36": "const_noop", "lift_fresh_copy_24": "unknown", "slice_95": "GatherOp", "slice_96": "GatherOp", "fill__24": "unknown", "_tensor_constant37": "const_noop", "lift_fresh_copy_25": "unknown", "slice_97": "GatherOp", "slice_98": "GatherOp", "fill__25": "unknown", "_tensor_constant38": "const_noop", "lift_fresh_copy_26": "unknown", "slice_99": "GatherOp", "slice_100": "GatherOp", "fill__26": "unknown", "view_29": "ReshapeOp", "permute_26": "TransposeOp", "reshape_24": "ReshapeOp", "unsqueeze_14": "ReshapeOp", "unsqueeze_15": "ReshapeOp", "sub_2": "SubOp", "ne_2": "unknown", "masked_fill_4": "ScatterOp", "eq_2": "unknown", "masked_fill_5": "ScatterOp", "view_30": "ReshapeOp", "unsqueeze_16": "ReshapeOp", "unsqueeze_17": "ReshapeOp", "add_18": "AddOp", "view_31": "ReshapeOp", "softmax_5": "SoftmaxOp", "dropout_20": "DropoutOp", "matmul_11": "MatMulOp", "transpose_11": "TransposeOp", "reshape_25": "ReshapeOp", "_param_constant96": "const_noop", "_param_constant97": "const_noop", "linear_35": "LinearOp", "dropout_21": "DropoutOp", "view_32": "ReshapeOp", "permute_27": "TransposeOp", "reshape_26": "ReshapeOp", "roll_5": "unknown", "slice_101": "GatherOp", "slice_102": "GatherOp", "slice_103": "GatherOp", "slice_104": "GatherOp", "contiguous_9": "noop", "_param_constant98": "const_noop", "_param_constant99": "const_noop", "layer_norm_13": "LayerNormOp", "add_19": "AddOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "linear_36": "LinearOp", "gelu_5": "GeluOp", "dropout_22": "DropoutOp", "_param_constant102": "const_noop", "_param_constant103": "const_noop", "linear_37": "LinearOp", "dropout_23": "DropoutOp", "_param_constant104": "const_noop", "_param_constant105": "const_noop", "layer_norm_14": "LayerNormOp", "add_20": "AddOp", "_tensor_constant39": "const_noop", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "linear_38": "LinearOp", "relu__6": "ReluOp", "_param_constant108": "const_noop", "linear_39": "LinearOp", "view_33": "ReshapeOp", "_tensor_constant40": "const_noop", "index_6": "unknown", "view_34": "ReshapeOp", "permute_28": "TransposeOp", "contiguous_10": "noop", "unsqueeze_18": "ReshapeOp", "sigmoid_6": "SigmoidOp", "mul_12": "MulOp", "pad_8": "PadOp", "view_35": "ReshapeOp", "permute_29": "TransposeOp", "reshape_27": "ReshapeOp", "_param_constant109": "const_noop", "clone_6": "noop", "slice_105": "GatherOp", "zero__6": "unknown", "_param_constant110": "const_noop", "linear_40": "LinearOp", "reshape_28": "ReshapeOp", "permute_30": "TransposeOp", "select_18": "GatherOp", "select_19": "GatherOp", "select_20": "GatherOp", "linalg_vector_norm_12": "VectorNormOp", "clamp_min_12": "ClampOp", "expand_as_12": "ExpandAsOp", "div_12": "DivOp", "linalg_vector_norm_13": "VectorNormOp", "clamp_min_13": "ClampOp", "expand_as_13": "ExpandAsOp", "div_13": "DivOp", "transpose_12": "TransposeOp", "matmul_12": "MatMulOp", "_param_constant111": "const_noop", "clamp_6": "ClampOp", "exp_6": "ExpOp", "mul_13": "MulOp", "add_21": "AddOp", "softmax_6": "SoftmaxOp", "dropout_24": "DropoutOp", "matmul_13": "MatMulOp", "transpose_13": "TransposeOp", "reshape_29": "ReshapeOp", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "linear_41": "LinearOp", "dropout_25": "DropoutOp", "view_36": "ReshapeOp", "permute_31": "TransposeOp", "reshape_30": "ReshapeOp", "slice_106": "GatherOp", "slice_107": "GatherOp", "slice_108": "GatherOp", "slice_109": "GatherOp", "contiguous_11": "noop", "_param_constant114": "const_noop", "_param_constant115": "const_noop", "layer_norm_15": "LayerNormOp", "add_22": "AddOp", "_param_constant116": "const_noop", "_param_constant117": "const_noop", "linear_42": "LinearOp", "gelu_6": "GeluOp", "dropout_26": "DropoutOp", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "linear_43": "LinearOp", "dropout_27": "DropoutOp", "_param_constant120": "const_noop", "_param_constant121": "const_noop", "layer_norm_16": "LayerNormOp", "add_23": "AddOp", "_tensor_constant41": "const_noop", "_param_constant122": "const_noop", "_param_constant123": "const_noop", "linear_44": "LinearOp", "relu__7": "ReluOp", "_param_constant124": "const_noop", "linear_45": "LinearOp", "view_37": "ReshapeOp", "_tensor_constant42": "const_noop", "index_7": "unknown", "view_38": "ReshapeOp", "permute_32": "TransposeOp", "contiguous_12": "noop", "unsqueeze_19": "ReshapeOp", "sigmoid_7": "SigmoidOp", "mul_14": "MulOp", "pad_9": "PadOp", "roll_6": "unknown", "view_39": "ReshapeOp", "permute_33": "TransposeOp", "reshape_31": "ReshapeOp", "_param_constant125": "const_noop", "clone_7": "noop", "slice_110": "GatherOp", "zero__7": "unknown", "_param_constant126": "const_noop", "linear_46": "LinearOp", "reshape_32": "ReshapeOp", "permute_34": "TransposeOp", "select_21": "GatherOp", "select_22": "GatherOp", "select_23": "GatherOp", "linalg_vector_norm_14": "VectorNormOp", "clamp_min_14": "ClampOp", "expand_as_14": "ExpandAsOp", "div_14": "DivOp", "linalg_vector_norm_15": "VectorNormOp", "clamp_min_15": "ClampOp", "expand_as_15": "ExpandAsOp", "div_15": "DivOp", "transpose_14": "TransposeOp", "matmul_14": "MatMulOp", "_param_constant127": "const_noop", "clamp_7": "ClampOp", "exp_7": "ExpOp", "mul_15": "MulOp", "add_24": "AddOp", "new_zeros_3": "unknown", "_tensor_constant43": "const_noop", "lift_fresh_copy_27": "unknown", "slice_111": "GatherOp", "slice_112": "GatherOp", "fill__27": "unknown", "_tensor_constant44": "const_noop", "lift_fresh_copy_28": "unknown", "slice_113": "GatherOp", "slice_114": "GatherOp", "fill__28": "unknown", "_tensor_constant45": "const_noop", "lift_fresh_copy_29": "unknown", "slice_115": "GatherOp", "slice_116": "GatherOp", "fill__29": "unknown", "_tensor_constant46": "const_noop", "lift_fresh_copy_30": "unknown", "slice_117": "GatherOp", "slice_118": "GatherOp", "fill__30": "unknown", "_tensor_constant47": "const_noop", "lift_fresh_copy_31": "unknown", "slice_119": "GatherOp", "slice_120": "GatherOp", "fill__31": "unknown", "_tensor_constant48": "const_noop", "lift_fresh_copy_32": "unknown", "slice_121": "GatherOp", "slice_122": "GatherOp", "fill__32": "unknown", "_tensor_constant49": "const_noop", "lift_fresh_copy_33": "unknown", "slice_123": "GatherOp", "slice_124": "GatherOp", "fill__33": "unknown", "_tensor_constant50": "const_noop", "lift_fresh_copy_34": "unknown", "slice_125": "GatherOp", "slice_126": "GatherOp", "fill__34": "unknown", "_tensor_constant51": "const_noop", "lift_fresh_copy_35": "unknown", "slice_127": "GatherOp", "slice_128": "GatherOp", "fill__35": "unknown", "view_40": "ReshapeOp", "permute_35": "TransposeOp", "reshape_33": "ReshapeOp", "unsqueeze_20": "ReshapeOp", "unsqueeze_21": "ReshapeOp", "sub_3": "SubOp", "ne_3": "unknown", "masked_fill_6": "ScatterOp", "eq_3": "unknown", "masked_fill_7": "ScatterOp", "view_41": "ReshapeOp", "unsqueeze_22": "ReshapeOp", "unsqueeze_23": "ReshapeOp", "add_25": "AddOp", "view_42": "ReshapeOp", "softmax_7": "SoftmaxOp", "dropout_28": "DropoutOp", "matmul_15": "MatMulOp", "transpose_15": "TransposeOp", "reshape_34": "ReshapeOp", "_param_constant128": "const_noop", "_param_constant129": "const_noop", "linear_47": "LinearOp", "dropout_29": "DropoutOp", "view_43": "ReshapeOp", "permute_36": "TransposeOp", "reshape_35": "ReshapeOp", "roll_7": "unknown", "slice_129": "GatherOp", "slice_130": "GatherOp", "slice_131": "GatherOp", "slice_132": "GatherOp", "contiguous_13": "noop", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "layer_norm_17": "LayerNormOp", "add_26": "AddOp", "_param_constant132": "const_noop", "_param_constant133": "const_noop", "linear_48": "LinearOp", "gelu_7": "GeluOp", "dropout_30": "DropoutOp", "_param_constant134": "const_noop", "_param_constant135": "const_noop", "linear_49": "LinearOp", "dropout_31": "DropoutOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "layer_norm_18": "LayerNormOp", "add_27": "AddOp", "_tensor_constant52": "const_noop", "_param_constant138": "const_noop", "_param_constant139": "const_noop", "linear_50": "LinearOp", "relu__8": "ReluOp", "_param_constant140": "const_noop", "linear_51": "LinearOp", "view_44": "ReshapeOp", "_tensor_constant53": "const_noop", "index_8": "unknown", "view_45": "ReshapeOp", "permute_37": "TransposeOp", "contiguous_14": "noop", "unsqueeze_24": "ReshapeOp", "sigmoid_8": "SigmoidOp", "mul_16": "MulOp", "pad_10": "PadOp", "view_46": "ReshapeOp", "permute_38": "TransposeOp", "reshape_36": "ReshapeOp", "_param_constant141": "const_noop", "clone_8": "noop", "slice_133": "GatherOp", "zero__8": "unknown", "_param_constant142": "const_noop", "linear_52": "LinearOp", "reshape_37": "ReshapeOp", "permute_39": "TransposeOp", "select_24": "GatherOp", "select_25": "GatherOp", "select_26": "GatherOp", "linalg_vector_norm_16": "VectorNormOp", "clamp_min_16": "ClampOp", "expand_as_16": "ExpandAsOp", "div_16": "DivOp", "linalg_vector_norm_17": "VectorNormOp", "clamp_min_17": "ClampOp", "expand_as_17": "ExpandAsOp", "div_17": "DivOp", "transpose_16": "TransposeOp", "matmul_16": "MatMulOp", "_param_constant143": "const_noop", "clamp_8": "ClampOp", "exp_8": "ExpOp", "mul_17": "MulOp", "add_28": "AddOp", "softmax_8": "SoftmaxOp", "dropout_32": "DropoutOp", "matmul_17": "MatMulOp", "transpose_17": "TransposeOp", "reshape_38": "ReshapeOp", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "linear_53": "LinearOp", "dropout_33": "DropoutOp", "view_47": "ReshapeOp", "permute_40": "TransposeOp", "reshape_39": "ReshapeOp", "slice_134": "GatherOp", "slice_135": "GatherOp", "slice_136": "GatherOp", "slice_137": "GatherOp", "contiguous_15": "noop", "_param_constant146": "const_noop", "_param_constant147": "const_noop", "layer_norm_19": "LayerNormOp", "add_29": "AddOp", "_param_constant148": "const_noop", "_param_constant149": "const_noop", "linear_54": "LinearOp", "gelu_8": "GeluOp", "dropout_34": "DropoutOp", "_param_constant150": "const_noop", "_param_constant151": "const_noop", "linear_55": "LinearOp", "dropout_35": "DropoutOp", "_param_constant152": "const_noop", "_param_constant153": "const_noop", "layer_norm_20": "LayerNormOp", "add_30": "AddOp", "_tensor_constant54": "const_noop", "_param_constant154": "const_noop", "_param_constant155": "const_noop", "linear_56": "LinearOp", "relu__9": "ReluOp", "_param_constant156": "const_noop", "linear_57": "LinearOp", "view_48": "ReshapeOp", "_tensor_constant55": "const_noop", "index_9": "unknown", "view_49": "ReshapeOp", "permute_41": "TransposeOp", "contiguous_16": "noop", "unsqueeze_25": "ReshapeOp", "sigmoid_9": "SigmoidOp", "mul_18": "MulOp", "pad_11": "PadOp", "roll_8": "unknown", "view_50": "ReshapeOp", "permute_42": "TransposeOp", "reshape_40": "ReshapeOp", "_param_constant157": "const_noop", "clone_9": "noop", "slice_138": "GatherOp", "zero__9": "unknown", "_param_constant158": "const_noop", "linear_58": "LinearOp", "reshape_41": "ReshapeOp", "permute_43": "TransposeOp", "select_27": "GatherOp", "select_28": "GatherOp", "select_29": "GatherOp", "linalg_vector_norm_18": "VectorNormOp", "clamp_min_18": "ClampOp", "expand_as_18": "ExpandAsOp", "div_18": "DivOp", "linalg_vector_norm_19": "VectorNormOp", "clamp_min_19": "ClampOp", "expand_as_19": "ExpandAsOp", "div_19": "DivOp", "transpose_18": "TransposeOp", "matmul_18": "MatMulOp", "_param_constant159": "const_noop", "clamp_9": "ClampOp", "exp_9": "ExpOp", "mul_19": "MulOp", "add_31": "AddOp", "new_zeros_4": "unknown", "_tensor_constant56": "const_noop", "lift_fresh_copy_36": "unknown", "slice_139": "GatherOp", "slice_140": "GatherOp", "fill__36": "unknown", "_tensor_constant57": "const_noop", "lift_fresh_copy_37": "unknown", "slice_141": "GatherOp", "slice_142": "GatherOp", "fill__37": "unknown", "_tensor_constant58": "const_noop", "lift_fresh_copy_38": "unknown", "slice_143": "GatherOp", "slice_144": "GatherOp", "fill__38": "unknown", "_tensor_constant59": "const_noop", "lift_fresh_copy_39": "unknown", "slice_145": "GatherOp", "slice_146": "GatherOp", "fill__39": "unknown", "_tensor_constant60": "const_noop", "lift_fresh_copy_40": "unknown", "slice_147": "GatherOp", "slice_148": "GatherOp", "fill__40": "unknown", "_tensor_constant61": "const_noop", "lift_fresh_copy_41": "unknown", "slice_149": "GatherOp", "slice_150": "GatherOp", "fill__41": "unknown", "_tensor_constant62": "const_noop", "lift_fresh_copy_42": "unknown", "slice_151": "GatherOp", "slice_152": "GatherOp", "fill__42": "unknown", "_tensor_constant63": "const_noop", "lift_fresh_copy_43": "unknown", "slice_153": "GatherOp", "slice_154": "GatherOp", "fill__43": "unknown", "_tensor_constant64": "const_noop", "lift_fresh_copy_44": "unknown", "slice_155": "GatherOp", "slice_156": "GatherOp", "fill__44": "unknown", "view_51": "ReshapeOp", "permute_44": "TransposeOp", "reshape_42": "ReshapeOp", "unsqueeze_26": "ReshapeOp", "unsqueeze_27": "ReshapeOp", "sub_4": "SubOp", "ne_4": "unknown", "masked_fill_8": "ScatterOp", "eq_4": "unknown", "masked_fill_9": "ScatterOp", "view_52": "ReshapeOp", "unsqueeze_28": "ReshapeOp", "unsqueeze_29": "ReshapeOp", "add_32": "AddOp", "view_53": "ReshapeOp", "softmax_9": "SoftmaxOp", "dropout_36": "DropoutOp", "matmul_19": "MatMulOp", "transpose_19": "TransposeOp", "reshape_43": "ReshapeOp", "_param_constant160": "const_noop", "_param_constant161": "const_noop", "linear_59": "LinearOp", "dropout_37": "DropoutOp", "view_54": "ReshapeOp", "permute_45": "TransposeOp", "reshape_44": "ReshapeOp", "roll_9": "unknown", "slice_157": "GatherOp", "slice_158": "GatherOp", "slice_159": "GatherOp", "slice_160": "GatherOp", "contiguous_17": "noop", "_param_constant162": "const_noop", "_param_constant163": "const_noop", "layer_norm_21": "LayerNormOp", "add_33": "AddOp", "_param_constant164": "const_noop", "_param_constant165": "const_noop", "linear_60": "LinearOp", "gelu_9": "GeluOp", "dropout_38": "DropoutOp", "_param_constant166": "const_noop", "_param_constant167": "const_noop", "linear_61": "LinearOp", "dropout_39": "DropoutOp", "_param_constant168": "const_noop", "_param_constant169": "const_noop", "layer_norm_22": "LayerNormOp", "add_34": "AddOp", "_tensor_constant65": "const_noop", "_param_constant170": "const_noop", "_param_constant171": "const_noop", "linear_62": "LinearOp", "relu__10": "ReluOp", "_param_constant172": "const_noop", "linear_63": "LinearOp", "view_55": "ReshapeOp", "_tensor_constant66": "const_noop", "index_10": "unknown", "view_56": "ReshapeOp", "permute_46": "TransposeOp", "contiguous_18": "noop", "unsqueeze_30": "ReshapeOp", "sigmoid_10": "SigmoidOp", "mul_20": "MulOp", "pad_12": "PadOp", "view_57": "ReshapeOp", "permute_47": "TransposeOp", "reshape_45": "ReshapeOp", "_param_constant173": "const_noop", "clone_10": "noop", "slice_161": "GatherOp", "zero__10": "unknown", "_param_constant174": "const_noop", "linear_64": "LinearOp", "reshape_46": "ReshapeOp", "permute_48": "TransposeOp", "select_30": "GatherOp", "select_31": "GatherOp", "select_32": "GatherOp", "linalg_vector_norm_20": "VectorNormOp", "clamp_min_20": "ClampOp", "expand_as_20": "ExpandAsOp", "div_20": "DivOp", "linalg_vector_norm_21": "VectorNormOp", "clamp_min_21": "ClampOp", "expand_as_21": "ExpandAsOp", "div_21": "DivOp", "transpose_20": "TransposeOp", "matmul_20": "MatMulOp", "_param_constant175": "const_noop", "clamp_10": "ClampOp", "exp_10": "ExpOp", "mul_21": "MulOp", "add_35": "AddOp", "softmax_10": "SoftmaxOp", "dropout_40": "DropoutOp", "matmul_21": "MatMulOp", "transpose_21": "TransposeOp", "reshape_47": "ReshapeOp", "_param_constant176": "const_noop", "_param_constant177": "const_noop", "linear_65": "LinearOp", "dropout_41": "DropoutOp", "view_58": "ReshapeOp", "permute_49": "TransposeOp", "reshape_48": "ReshapeOp", "slice_162": "GatherOp", "slice_163": "GatherOp", "slice_164": "GatherOp", "slice_165": "GatherOp", "contiguous_19": "noop", "_param_constant178": "const_noop", "_param_constant179": "const_noop", "layer_norm_23": "LayerNormOp", "add_36": "AddOp", "_param_constant180": "const_noop", "_param_constant181": "const_noop", "linear_66": "LinearOp", "gelu_10": "GeluOp", "dropout_42": "DropoutOp", "_param_constant182": "const_noop", "_param_constant183": "const_noop", "linear_67": "LinearOp", "dropout_43": "DropoutOp", "_param_constant184": "const_noop", "_param_constant185": "const_noop", "layer_norm_24": "LayerNormOp", "add_37": "AddOp", "_tensor_constant67": "const_noop", "_param_constant186": "const_noop", "_param_constant187": "const_noop", "linear_68": "LinearOp", "relu__11": "ReluOp", "_param_constant188": "const_noop", "linear_69": "LinearOp", "view_59": "ReshapeOp", "_tensor_constant68": "const_noop", "index_11": "unknown", "view_60": "ReshapeOp", "permute_50": "TransposeOp", "contiguous_20": "noop", "unsqueeze_31": "ReshapeOp", "sigmoid_11": "SigmoidOp", "mul_22": "MulOp", "pad_13": "PadOp", "roll_10": "unknown", "view_61": "ReshapeOp", "permute_51": "TransposeOp", "reshape_49": "ReshapeOp", "_param_constant189": "const_noop", "clone_11": "noop", "slice_166": "GatherOp", "zero__11": "unknown", "_param_constant190": "const_noop", "linear_70": "LinearOp", "reshape_50": "ReshapeOp", "permute_52": "TransposeOp", "select_33": "GatherOp", "select_34": "GatherOp", "select_35": "GatherOp", "linalg_vector_norm_22": "VectorNormOp", "clamp_min_22": "ClampOp", "expand_as_22": "ExpandAsOp", "div_22": "DivOp", "linalg_vector_norm_23": "VectorNormOp", "clamp_min_23": "ClampOp", "expand_as_23": "ExpandAsOp", "div_23": "DivOp", "transpose_22": "TransposeOp", "matmul_22": "MatMulOp", "_param_constant191": "const_noop", "clamp_11": "ClampOp", "exp_11": "ExpOp", "mul_23": "MulOp", "add_38": "AddOp", "new_zeros_5": "unknown", "_tensor_constant69": "const_noop", "lift_fresh_copy_45": "unknown", "slice_167": "GatherOp", "slice_168": "GatherOp", "fill__45": "unknown", "_tensor_constant70": "const_noop", "lift_fresh_copy_46": "unknown", "slice_169": "GatherOp", "slice_170": "GatherOp", "fill__46": "unknown", "_tensor_constant71": "const_noop", "lift_fresh_copy_47": "unknown", "slice_171": "GatherOp", "slice_172": "GatherOp", "fill__47": "unknown", "_tensor_constant72": "const_noop", "lift_fresh_copy_48": "unknown", "slice_173": "GatherOp", "slice_174": "GatherOp", "fill__48": "unknown", "_tensor_constant73": "const_noop", "lift_fresh_copy_49": "unknown", "slice_175": "GatherOp", "slice_176": "GatherOp", "fill__49": "unknown", "_tensor_constant74": "const_noop", "lift_fresh_copy_50": "unknown", "slice_177": "GatherOp", "slice_178": "GatherOp", "fill__50": "unknown", "_tensor_constant75": "const_noop", "lift_fresh_copy_51": "unknown", "slice_179": "GatherOp", "slice_180": "GatherOp", "fill__51": "unknown", "_tensor_constant76": "const_noop", "lift_fresh_copy_52": "unknown", "slice_181": "GatherOp", "slice_182": "GatherOp", "fill__52": "unknown", "_tensor_constant77": "const_noop", "lift_fresh_copy_53": "unknown", "slice_183": "GatherOp", "slice_184": "GatherOp", "fill__53": "unknown", "view_62": "ReshapeOp", "permute_53": "TransposeOp", "reshape_51": "ReshapeOp", "unsqueeze_32": "ReshapeOp", "unsqueeze_33": "ReshapeOp", "sub_5": "SubOp", "ne_5": "unknown", "masked_fill_10": "ScatterOp", "eq_5": "unknown", "masked_fill_11": "ScatterOp", "view_63": "ReshapeOp", "unsqueeze_34": "ReshapeOp", "unsqueeze_35": "ReshapeOp", "add_39": "AddOp", "view_64": "ReshapeOp", "softmax_11": "SoftmaxOp", "dropout_44": "DropoutOp", "matmul_23": "MatMulOp", "transpose_23": "TransposeOp", "reshape_52": "ReshapeOp", "_param_constant192": "const_noop", "_param_constant193": "const_noop", "linear_71": "LinearOp", "dropout_45": "DropoutOp", "view_65": "ReshapeOp", "permute_54": "TransposeOp", "reshape_53": "ReshapeOp", "roll_11": "unknown", "slice_185": "GatherOp", "slice_186": "GatherOp", "slice_187": "GatherOp", "slice_188": "GatherOp", "contiguous_21": "noop", "_param_constant194": "const_noop", "_param_constant195": "const_noop", "layer_norm_25": "LayerNormOp", "add_40": "AddOp", "_param_constant196": "const_noop", "_param_constant197": "const_noop", "linear_72": "LinearOp", "gelu_11": "GeluOp", "dropout_46": "DropoutOp", "_param_constant198": "const_noop", "_param_constant199": "const_noop", "linear_73": "LinearOp", "dropout_47": "DropoutOp", "_param_constant200": "const_noop", "_param_constant201": "const_noop", "layer_norm_26": "LayerNormOp", "add_41": "AddOp", "_tensor_constant78": "const_noop", "_param_constant202": "const_noop", "_param_constant203": "const_noop", "linear_74": "LinearOp", "relu__12": "ReluOp", "_param_constant204": "const_noop", "linear_75": "LinearOp", "view_66": "ReshapeOp", "_tensor_constant79": "const_noop", "index_12": "unknown", "view_67": "ReshapeOp", "permute_55": "TransposeOp", "contiguous_22": "noop", "unsqueeze_36": "ReshapeOp", "sigmoid_12": "SigmoidOp", "mul_24": "MulOp", "pad_14": "PadOp", "view_68": "ReshapeOp", "permute_56": "TransposeOp", "reshape_54": "ReshapeOp", "_param_constant205": "const_noop", "clone_12": "noop", "slice_189": "GatherOp", "zero__12": "unknown", "_param_constant206": "const_noop", "linear_76": "LinearOp", "reshape_55": "ReshapeOp", "permute_57": "TransposeOp", "select_36": "GatherOp", "select_37": "GatherOp", "select_38": "GatherOp", "linalg_vector_norm_24": "VectorNormOp", "clamp_min_24": "ClampOp", "expand_as_24": "ExpandAsOp", "div_24": "DivOp", "linalg_vector_norm_25": "VectorNormOp", "clamp_min_25": "ClampOp", "expand_as_25": "ExpandAsOp", "div_25": "DivOp", "transpose_24": "TransposeOp", "matmul_24": "MatMulOp", "_param_constant207": "const_noop", "clamp_12": "ClampOp", "exp_12": "ExpOp", "mul_25": "MulOp", "add_42": "AddOp", "softmax_12": "SoftmaxOp", "dropout_48": "DropoutOp", "matmul_25": "MatMulOp", "transpose_25": "TransposeOp", "reshape_56": "ReshapeOp", "_param_constant208": "const_noop", "_param_constant209": "const_noop", "linear_77": "LinearOp", "dropout_49": "DropoutOp", "view_69": "ReshapeOp", "permute_58": "TransposeOp", "reshape_57": "ReshapeOp", "slice_190": "GatherOp", "slice_191": "GatherOp", "slice_192": "GatherOp", "slice_193": "GatherOp", "contiguous_23": "noop", "_param_constant210": "const_noop", "_param_constant211": "const_noop", "layer_norm_27": "LayerNormOp", "add_43": "AddOp", "_param_constant212": "const_noop", "_param_constant213": "const_noop", "linear_78": "LinearOp", "gelu_12": "GeluOp", "dropout_50": "DropoutOp", "_param_constant214": "const_noop", "_param_constant215": "const_noop", "linear_79": "LinearOp", "dropout_51": "DropoutOp", "_param_constant216": "const_noop", "_param_constant217": "const_noop", "layer_norm_28": "LayerNormOp", "add_44": "AddOp", "_tensor_constant80": "const_noop", "_param_constant218": "const_noop", "_param_constant219": "const_noop", "linear_80": "LinearOp", "relu__13": "ReluOp", "_param_constant220": "const_noop", "linear_81": "LinearOp", "view_70": "ReshapeOp", "_tensor_constant81": "const_noop", "index_13": "unknown", "view_71": "ReshapeOp", "permute_59": "TransposeOp", "contiguous_24": "noop", "unsqueeze_37": "ReshapeOp", "sigmoid_13": "SigmoidOp", "mul_26": "MulOp", "pad_15": "PadOp", "roll_12": "unknown", "view_72": "ReshapeOp", "permute_60": "TransposeOp", "reshape_58": "ReshapeOp", "_param_constant221": "const_noop", "clone_13": "noop", "slice_194": "GatherOp", "zero__13": "unknown", "_param_constant222": "const_noop", "linear_82": "LinearOp", "reshape_59": "ReshapeOp", "permute_61": "TransposeOp", "select_39": "GatherOp", "select_40": "GatherOp", "select_41": "GatherOp", "linalg_vector_norm_26": "VectorNormOp", "clamp_min_26": "ClampOp", "expand_as_26": "ExpandAsOp", "div_26": "DivOp", "linalg_vector_norm_27": "VectorNormOp", "clamp_min_27": "ClampOp", "expand_as_27": "ExpandAsOp", "div_27": "DivOp", "transpose_26": "TransposeOp", "matmul_26": "MatMulOp", "_param_constant223": "const_noop", "clamp_13": "ClampOp", "exp_13": "ExpOp", "mul_27": "MulOp", "add_45": "AddOp", "new_zeros_6": "unknown", "_tensor_constant82": "const_noop", "lift_fresh_copy_54": "unknown", "slice_195": "GatherOp", "slice_196": "GatherOp", "fill__54": "unknown", "_tensor_constant83": "const_noop", "lift_fresh_copy_55": "unknown", "slice_197": "GatherOp", "slice_198": "GatherOp", "fill__55": "unknown", "_tensor_constant84": "const_noop", "lift_fresh_copy_56": "unknown", "slice_199": "GatherOp", "slice_200": "GatherOp", "fill__56": "unknown", "_tensor_constant85": "const_noop", "lift_fresh_copy_57": "unknown", "slice_201": "GatherOp", "slice_202": "GatherOp", "fill__57": "unknown", "_tensor_constant86": "const_noop", "lift_fresh_copy_58": "unknown", "slice_203": "GatherOp", "slice_204": "GatherOp", "fill__58": "unknown", "_tensor_constant87": "const_noop", "lift_fresh_copy_59": "unknown", "slice_205": "GatherOp", "slice_206": "GatherOp", "fill__59": "unknown", "_tensor_constant88": "const_noop", "lift_fresh_copy_60": "unknown", "slice_207": "GatherOp", "slice_208": "GatherOp", "fill__60": "unknown", "_tensor_constant89": "const_noop", "lift_fresh_copy_61": "unknown", "slice_209": "GatherOp", "slice_210": "GatherOp", "fill__61": "unknown", "_tensor_constant90": "const_noop", "lift_fresh_copy_62": "unknown", "slice_211": "GatherOp", "slice_212": "GatherOp", "fill__62": "unknown", "view_73": "ReshapeOp", "permute_62": "TransposeOp", "reshape_60": "ReshapeOp", "unsqueeze_38": "ReshapeOp", "unsqueeze_39": "ReshapeOp", "sub_6": "SubOp", "ne_6": "unknown", "masked_fill_12": "ScatterOp", "eq_6": "unknown", "masked_fill_13": "ScatterOp", "view_74": "ReshapeOp", "unsqueeze_40": "ReshapeOp", "unsqueeze_41": "ReshapeOp", "add_46": "AddOp", "view_75": "ReshapeOp", "softmax_13": "SoftmaxOp", "dropout_52": "DropoutOp", "matmul_27": "MatMulOp", "transpose_27": "TransposeOp", "reshape_61": "ReshapeOp", "_param_constant224": "const_noop", "_param_constant225": "const_noop", "linear_83": "LinearOp", "dropout_53": "DropoutOp", "view_76": "ReshapeOp", "permute_63": "TransposeOp", "reshape_62": "ReshapeOp", "roll_13": "unknown", "slice_213": "GatherOp", "slice_214": "GatherOp", "slice_215": "GatherOp", "slice_216": "GatherOp", "contiguous_25": "noop", "_param_constant226": "const_noop", "_param_constant227": "const_noop", "layer_norm_29": "LayerNormOp", "add_47": "AddOp", "_param_constant228": "const_noop", "_param_constant229": "const_noop", "linear_84": "LinearOp", "gelu_13": "GeluOp", "dropout_54": "DropoutOp", "_param_constant230": "const_noop", "_param_constant231": "const_noop", "linear_85": "LinearOp", "dropout_55": "DropoutOp", "_param_constant232": "const_noop", "_param_constant233": "const_noop", "layer_norm_30": "LayerNormOp", "add_48": "AddOp", "_tensor_constant91": "const_noop", "_param_constant234": "const_noop", "_param_constant235": "const_noop", "linear_86": "LinearOp", "relu__14": "ReluOp", "_param_constant236": "const_noop", "linear_87": "LinearOp", "view_77": "ReshapeOp", "_tensor_constant92": "const_noop", "index_14": "unknown", "view_78": "ReshapeOp", "permute_64": "TransposeOp", "contiguous_26": "noop", "unsqueeze_42": "ReshapeOp", "sigmoid_14": "SigmoidOp", "mul_28": "MulOp", "pad_16": "PadOp", "view_79": "ReshapeOp", "permute_65": "TransposeOp", "reshape_63": "ReshapeOp", "_param_constant237": "const_noop", "clone_14": "noop", "slice_217": "GatherOp", "zero__14": "unknown", "_param_constant238": "const_noop", "linear_88": "LinearOp", "reshape_64": "ReshapeOp", "permute_66": "TransposeOp", "select_42": "GatherOp", "select_43": "GatherOp", "select_44": "GatherOp", "linalg_vector_norm_28": "VectorNormOp", "clamp_min_28": "ClampOp", "expand_as_28": "ExpandAsOp", "div_28": "DivOp", "linalg_vector_norm_29": "VectorNormOp", "clamp_min_29": "ClampOp", "expand_as_29": "ExpandAsOp", "div_29": "DivOp", "transpose_28": "TransposeOp", "matmul_28": "MatMulOp", "_param_constant239": "const_noop", "clamp_14": "ClampOp", "exp_14": "ExpOp", "mul_29": "MulOp", "add_49": "AddOp", "softmax_14": "SoftmaxOp", "dropout_56": "DropoutOp", "matmul_29": "MatMulOp", "transpose_29": "TransposeOp", "reshape_65": "ReshapeOp", "_param_constant240": "const_noop", "_param_constant241": "const_noop", "linear_89": "LinearOp", "dropout_57": "DropoutOp", "view_80": "ReshapeOp", "permute_67": "TransposeOp", "reshape_66": "ReshapeOp", "slice_218": "GatherOp", "slice_219": "GatherOp", "slice_220": "GatherOp", "slice_221": "GatherOp", "contiguous_27": "noop", "_param_constant242": "const_noop", "_param_constant243": "const_noop", "layer_norm_31": "LayerNormOp", "add_50": "AddOp", "_param_constant244": "const_noop", "_param_constant245": "const_noop", "linear_90": "LinearOp", "gelu_14": "GeluOp", "dropout_58": "DropoutOp", "_param_constant246": "const_noop", "_param_constant247": "const_noop", "linear_91": "LinearOp", "dropout_59": "DropoutOp", "_param_constant248": "const_noop", "_param_constant249": "const_noop", "layer_norm_32": "LayerNormOp", "add_51": "AddOp", "_tensor_constant93": "const_noop", "_param_constant250": "const_noop", "_param_constant251": "const_noop", "linear_92": "LinearOp", "relu__15": "ReluOp", "_param_constant252": "const_noop", "linear_93": "LinearOp", "view_81": "ReshapeOp", "_tensor_constant94": "const_noop", "index_15": "unknown", "view_82": "ReshapeOp", "permute_68": "TransposeOp", "contiguous_28": "noop", "unsqueeze_43": "ReshapeOp", "sigmoid_15": "SigmoidOp", "mul_30": "MulOp", "pad_17": "PadOp", "roll_14": "unknown", "view_83": "ReshapeOp", "permute_69": "TransposeOp", "reshape_67": "ReshapeOp", "_param_constant253": "const_noop", "clone_15": "noop", "slice_222": "GatherOp", "zero__15": "unknown", "_param_constant254": "const_noop", "linear_94": "LinearOp", "reshape_68": "ReshapeOp", "permute_70": "TransposeOp", "select_45": "GatherOp", "select_46": "GatherOp", "select_47": "GatherOp", "linalg_vector_norm_30": "VectorNormOp", "clamp_min_30": "ClampOp", "expand_as_30": "ExpandAsOp", "div_30": "DivOp", "linalg_vector_norm_31": "VectorNormOp", "clamp_min_31": "ClampOp", "expand_as_31": "ExpandAsOp", "div_31": "DivOp", "transpose_30": "TransposeOp", "matmul_30": "MatMulOp", "_param_constant255": "const_noop", "clamp_15": "ClampOp", "exp_15": "ExpOp", "mul_31": "MulOp", "add_52": "AddOp", "new_zeros_7": "unknown", "_tensor_constant95": "const_noop", "lift_fresh_copy_63": "unknown", "slice_223": "GatherOp", "slice_224": "GatherOp", "fill__63": "unknown", "_tensor_constant96": "const_noop", "lift_fresh_copy_64": "unknown", "slice_225": "GatherOp", "slice_226": "GatherOp", "fill__64": "unknown", "_tensor_constant97": "const_noop", "lift_fresh_copy_65": "unknown", "slice_227": "GatherOp", "slice_228": "GatherOp", "fill__65": "unknown", "_tensor_constant98": "const_noop", "lift_fresh_copy_66": "unknown", "slice_229": "GatherOp", "slice_230": "GatherOp", "fill__66": "unknown", "_tensor_constant99": "const_noop", "lift_fresh_copy_67": "unknown", "slice_231": "GatherOp", "slice_232": "GatherOp", "fill__67": "unknown", "_tensor_constant100": "const_noop", "lift_fresh_copy_68": "unknown", "slice_233": "GatherOp", "slice_234": "GatherOp", "fill__68": "unknown", "_tensor_constant101": "const_noop", "lift_fresh_copy_69": "unknown", "slice_235": "GatherOp", "slice_236": "GatherOp", "fill__69": "unknown", "_tensor_constant102": "const_noop", "lift_fresh_copy_70": "unknown", "slice_237": "GatherOp", "slice_238": "GatherOp", "fill__70": "unknown", "_tensor_constant103": "const_noop", "lift_fresh_copy_71": "unknown", "slice_239": "GatherOp", "slice_240": "GatherOp", "fill__71": "unknown", "view_84": "ReshapeOp", "permute_71": "TransposeOp", "reshape_69": "ReshapeOp", "unsqueeze_44": "ReshapeOp", "unsqueeze_45": "ReshapeOp", "sub_7": "SubOp", "ne_7": "unknown", "masked_fill_14": "ScatterOp", "eq_7": "unknown", "masked_fill_15": "ScatterOp", "view_85": "ReshapeOp", "unsqueeze_46": "ReshapeOp", "unsqueeze_47": "ReshapeOp", "add_53": "AddOp", "view_86": "ReshapeOp", "softmax_15": "SoftmaxOp", "dropout_60": "DropoutOp", "matmul_31": "MatMulOp", "transpose_31": "TransposeOp", "reshape_70": "ReshapeOp", "_param_constant256": "const_noop", "_param_constant257": "const_noop", "linear_95": "LinearOp", "dropout_61": "DropoutOp", "view_87": "ReshapeOp", "permute_72": "TransposeOp", "reshape_71": "ReshapeOp", "roll_15": "unknown", "slice_241": "GatherOp", "slice_242": "GatherOp", "slice_243": "GatherOp", "slice_244": "GatherOp", "contiguous_29": "noop", "_param_constant258": "const_noop", "_param_constant259": "const_noop", "layer_norm_33": "LayerNormOp", "add_54": "AddOp", "_param_constant260": "const_noop", "_param_constant261": "const_noop", "linear_96": "LinearOp", "gelu_15": "GeluOp", "dropout_62": "DropoutOp", "_param_constant262": "const_noop", "_param_constant263": "const_noop", "linear_97": "LinearOp", "dropout_63": "DropoutOp", "_param_constant264": "const_noop", "_param_constant265": "const_noop", "layer_norm_34": "LayerNormOp", "add_55": "AddOp", "_tensor_constant104": "const_noop", "_param_constant266": "const_noop", "_param_constant267": "const_noop", "linear_98": "LinearOp", "relu__16": "ReluOp", "_param_constant268": "const_noop", "linear_99": "LinearOp", "view_88": "ReshapeOp", "_tensor_constant105": "const_noop", "index_16": "unknown", "view_89": "ReshapeOp", "permute_73": "TransposeOp", "contiguous_30": "noop", "unsqueeze_48": "ReshapeOp", "sigmoid_16": "SigmoidOp", "mul_32": "MulOp", "pad_18": "PadOp", "view_90": "ReshapeOp", "permute_74": "TransposeOp", "reshape_72": "ReshapeOp", "_param_constant269": "const_noop", "clone_16": "noop", "slice_245": "GatherOp", "zero__16": "unknown", "_param_constant270": "const_noop", "linear_100": "LinearOp", "reshape_73": "ReshapeOp", "permute_75": "TransposeOp", "select_48": "GatherOp", "select_49": "GatherOp", "select_50": "GatherOp", "linalg_vector_norm_32": "VectorNormOp", "clamp_min_32": "ClampOp", "expand_as_32": "ExpandAsOp", "div_32": "DivOp", "linalg_vector_norm_33": "VectorNormOp", "clamp_min_33": "ClampOp", "expand_as_33": "ExpandAsOp", "div_33": "DivOp", "transpose_32": "TransposeOp", "matmul_32": "MatMulOp", "_param_constant271": "const_noop", "clamp_16": "ClampOp", "exp_16": "ExpOp", "mul_33": "MulOp", "add_56": "AddOp", "softmax_16": "SoftmaxOp", "dropout_64": "DropoutOp", "matmul_33": "MatMulOp", "transpose_33": "TransposeOp", "reshape_74": "ReshapeOp", "_param_constant272": "const_noop", "_param_constant273": "const_noop", "linear_101": "LinearOp", "dropout_65": "DropoutOp", "view_91": "ReshapeOp", "permute_76": "TransposeOp", "reshape_75": "ReshapeOp", "slice_246": "GatherOp", "slice_247": "GatherOp", "slice_248": "GatherOp", "slice_249": "GatherOp", "contiguous_31": "noop", "_param_constant274": "const_noop", "_param_constant275": "const_noop", "layer_norm_35": "LayerNormOp", "add_57": "AddOp", "_param_constant276": "const_noop", "_param_constant277": "const_noop", "linear_102": "LinearOp", "gelu_16": "GeluOp", "dropout_66": "DropoutOp", "_param_constant278": "const_noop", "_param_constant279": "const_noop", "linear_103": "LinearOp", "dropout_67": "DropoutOp", "_param_constant280": "const_noop", "_param_constant281": "const_noop", "layer_norm_36": "LayerNormOp", "add_58": "AddOp", "_tensor_constant106": "const_noop", "_param_constant282": "const_noop", "_param_constant283": "const_noop", "linear_104": "LinearOp", "relu__17": "ReluOp", "_param_constant284": "const_noop", "linear_105": "LinearOp", "view_92": "ReshapeOp", "_tensor_constant107": "const_noop", "index_17": "unknown", "view_93": "ReshapeOp", "permute_77": "TransposeOp", "contiguous_32": "noop", "unsqueeze_49": "ReshapeOp", "sigmoid_17": "SigmoidOp", "mul_34": "MulOp", "pad_19": "PadOp", "roll_16": "unknown", "view_94": "ReshapeOp", "permute_78": "TransposeOp", "reshape_76": "ReshapeOp", "_param_constant285": "const_noop", "clone_17": "noop", "slice_250": "GatherOp", "zero__17": "unknown", "_param_constant286": "const_noop", "linear_106": "LinearOp", "reshape_77": "ReshapeOp", "permute_79": "TransposeOp", "select_51": "GatherOp", "select_52": "GatherOp", "select_53": "GatherOp", "linalg_vector_norm_34": "VectorNormOp", "clamp_min_34": "ClampOp", "expand_as_34": "ExpandAsOp", "div_34": "DivOp", "linalg_vector_norm_35": "VectorNormOp", "clamp_min_35": "ClampOp", "expand_as_35": "ExpandAsOp", "div_35": "DivOp", "transpose_34": "TransposeOp", "matmul_34": "MatMulOp", "_param_constant287": "const_noop", "clamp_17": "ClampOp", "exp_17": "ExpOp", "mul_35": "MulOp", "add_59": "AddOp", "new_zeros_8": "unknown", "_tensor_constant108": "const_noop", "lift_fresh_copy_72": "unknown", "slice_251": "GatherOp", "slice_252": "GatherOp", "fill__72": "unknown", "_tensor_constant109": "const_noop", "lift_fresh_copy_73": "unknown", "slice_253": "GatherOp", "slice_254": "GatherOp", "fill__73": "unknown", "_tensor_constant110": "const_noop", "lift_fresh_copy_74": "unknown", "slice_255": "GatherOp", "slice_256": "GatherOp", "fill__74": "unknown", "_tensor_constant111": "const_noop", "lift_fresh_copy_75": "unknown", "slice_257": "GatherOp", "slice_258": "GatherOp", "fill__75": "unknown", "_tensor_constant112": "const_noop", "lift_fresh_copy_76": "unknown", "slice_259": "GatherOp", "slice_260": "GatherOp", "fill__76": "unknown", "_tensor_constant113": "const_noop", "lift_fresh_copy_77": "unknown", "slice_261": "GatherOp", "slice_262": "GatherOp", "fill__77": "unknown", "_tensor_constant114": "const_noop", "lift_fresh_copy_78": "unknown", "slice_263": "GatherOp", "slice_264": "GatherOp", "fill__78": "unknown", "_tensor_constant115": "const_noop", "lift_fresh_copy_79": "unknown", "slice_265": "GatherOp", "slice_266": "GatherOp", "fill__79": "unknown", "_tensor_constant116": "const_noop", "lift_fresh_copy_80": "unknown", "slice_267": "GatherOp", "slice_268": "GatherOp", "fill__80": "unknown", "view_95": "ReshapeOp", "permute_80": "TransposeOp", "reshape_78": "ReshapeOp", "unsqueeze_50": "ReshapeOp", "unsqueeze_51": "ReshapeOp", "sub_8": "SubOp", "ne_8": "unknown", "masked_fill_16": "ScatterOp", "eq_8": "unknown", "masked_fill_17": "ScatterOp", "view_96": "ReshapeOp", "unsqueeze_52": "ReshapeOp", "unsqueeze_53": "ReshapeOp", "add_60": "AddOp", "view_97": "ReshapeOp", "softmax_17": "SoftmaxOp", "dropout_68": "DropoutOp", "matmul_35": "MatMulOp", "transpose_35": "TransposeOp", "reshape_79": "ReshapeOp", "_param_constant288": "const_noop", "_param_constant289": "const_noop", "linear_107": "LinearOp", "dropout_69": "DropoutOp", "view_98": "ReshapeOp", "permute_81": "TransposeOp", "reshape_80": "ReshapeOp", "roll_17": "unknown", "slice_269": "GatherOp", "slice_270": "GatherOp", "slice_271": "GatherOp", "slice_272": "GatherOp", "contiguous_33": "noop", "_param_constant290": "const_noop", "_param_constant291": "const_noop", "layer_norm_37": "LayerNormOp", "add_61": "AddOp", "_param_constant292": "const_noop", "_param_constant293": "const_noop", "linear_108": "LinearOp", "gelu_17": "GeluOp", "dropout_70": "DropoutOp", "_param_constant294": "const_noop", "_param_constant295": "const_noop", "linear_109": "LinearOp", "dropout_71": "DropoutOp", "_param_constant296": "const_noop", "_param_constant297": "const_noop", "layer_norm_38": "LayerNormOp", "add_62": "AddOp", "_tensor_constant117": "const_noop", "_param_constant298": "const_noop", "_param_constant299": "const_noop", "linear_110": "LinearOp", "relu__18": "ReluOp", "_param_constant300": "const_noop", "linear_111": "LinearOp", "view_99": "ReshapeOp", "_tensor_constant118": "const_noop", "index_18": "unknown", "view_100": "ReshapeOp", "permute_82": "TransposeOp", "contiguous_34": "noop", "unsqueeze_54": "ReshapeOp", "sigmoid_18": "SigmoidOp", "mul_36": "MulOp", "pad_20": "PadOp", "view_101": "ReshapeOp", "permute_83": "TransposeOp", "reshape_81": "ReshapeOp", "_param_constant301": "const_noop", "clone_18": "noop", "slice_273": "GatherOp", "zero__18": "unknown", "_param_constant302": "const_noop", "linear_112": "LinearOp", "reshape_82": "ReshapeOp", "permute_84": "TransposeOp", "select_54": "GatherOp", "select_55": "GatherOp", "select_56": "GatherOp", "linalg_vector_norm_36": "VectorNormOp", "clamp_min_36": "ClampOp", "expand_as_36": "ExpandAsOp", "div_36": "DivOp", "linalg_vector_norm_37": "VectorNormOp", "clamp_min_37": "ClampOp", "expand_as_37": "ExpandAsOp", "div_37": "DivOp", "transpose_36": "TransposeOp", "matmul_36": "MatMulOp", "_param_constant303": "const_noop", "clamp_18": "ClampOp", "exp_18": "ExpOp", "mul_37": "MulOp", "add_63": "AddOp", "softmax_18": "SoftmaxOp", "dropout_72": "DropoutOp", "matmul_37": "MatMulOp", "transpose_37": "TransposeOp", "reshape_83": "ReshapeOp", "_param_constant304": "const_noop", "_param_constant305": "const_noop", "linear_113": "LinearOp", "dropout_73": "DropoutOp", "view_102": "ReshapeOp", "permute_85": "TransposeOp", "reshape_84": "ReshapeOp", "slice_274": "GatherOp", "slice_275": "GatherOp", "slice_276": "GatherOp", "slice_277": "GatherOp", "contiguous_35": "noop", "_param_constant306": "const_noop", "_param_constant307": "const_noop", "layer_norm_39": "LayerNormOp", "add_64": "AddOp", "_param_constant308": "const_noop", "_param_constant309": "const_noop", "linear_114": "LinearOp", "gelu_18": "GeluOp", "dropout_74": "DropoutOp", "_param_constant310": "const_noop", "_param_constant311": "const_noop", "linear_115": "LinearOp", "dropout_75": "DropoutOp", "_param_constant312": "const_noop", "_param_constant313": "const_noop", "layer_norm_40": "LayerNormOp", "add_65": "AddOp", "_tensor_constant119": "const_noop", "_param_constant314": "const_noop", "_param_constant315": "const_noop", "linear_116": "LinearOp", "relu__19": "ReluOp", "_param_constant316": "const_noop", "linear_117": "LinearOp", "view_103": "ReshapeOp", "_tensor_constant120": "const_noop", "index_19": "unknown", "view_104": "ReshapeOp", "permute_86": "TransposeOp", "contiguous_36": "noop", "unsqueeze_55": "ReshapeOp", "sigmoid_19": "SigmoidOp", "mul_38": "MulOp", "pad_21": "PadOp", "roll_18": "unknown", "view_105": "ReshapeOp", "permute_87": "TransposeOp", "reshape_85": "ReshapeOp", "_param_constant317": "const_noop", "clone_19": "noop", "slice_278": "GatherOp", "zero__19": "unknown", "_param_constant318": "const_noop", "linear_118": "LinearOp", "reshape_86": "ReshapeOp", "permute_88": "TransposeOp", "select_57": "GatherOp", "select_58": "GatherOp", "select_59": "GatherOp", "linalg_vector_norm_38": "VectorNormOp", "clamp_min_38": "ClampOp", "expand_as_38": "ExpandAsOp", "div_38": "DivOp", "linalg_vector_norm_39": "VectorNormOp", "clamp_min_39": "ClampOp", "expand_as_39": "ExpandAsOp", "div_39": "DivOp", "transpose_38": "TransposeOp", "matmul_38": "MatMulOp", "_param_constant319": "const_noop", "clamp_19": "ClampOp", "exp_19": "ExpOp", "mul_39": "MulOp", "add_66": "AddOp", "new_zeros_9": "unknown", "_tensor_constant121": "const_noop", "lift_fresh_copy_81": "unknown", "slice_279": "GatherOp", "slice_280": "GatherOp", "fill__81": "unknown", "_tensor_constant122": "const_noop", "lift_fresh_copy_82": "unknown", "slice_281": "GatherOp", "slice_282": "GatherOp", "fill__82": "unknown", "_tensor_constant123": "const_noop", "lift_fresh_copy_83": "unknown", "slice_283": "GatherOp", "slice_284": "GatherOp", "fill__83": "unknown", "_tensor_constant124": "const_noop", "lift_fresh_copy_84": "unknown", "slice_285": "GatherOp", "slice_286": "GatherOp", "fill__84": "unknown", "_tensor_constant125": "const_noop", "lift_fresh_copy_85": "unknown", "slice_287": "GatherOp", "slice_288": "GatherOp", "fill__85": "unknown", "_tensor_constant126": "const_noop", "lift_fresh_copy_86": "unknown", "slice_289": "GatherOp", "slice_290": "GatherOp", "fill__86": "unknown", "_tensor_constant127": "const_noop", "lift_fresh_copy_87": "unknown", "slice_291": "GatherOp", "slice_292": "GatherOp", "fill__87": "unknown", "_tensor_constant128": "const_noop", "lift_fresh_copy_88": "unknown", "slice_293": "GatherOp", "slice_294": "GatherOp", "fill__88": "unknown", "_tensor_constant129": "const_noop", "lift_fresh_copy_89": "unknown", "slice_295": "GatherOp", "slice_296": "GatherOp", "fill__89": "unknown", "view_106": "ReshapeOp", "permute_89": "TransposeOp", "reshape_87": "ReshapeOp", "unsqueeze_56": "ReshapeOp", "unsqueeze_57": "ReshapeOp", "sub_9": "SubOp", "ne_9": "unknown", "masked_fill_18": "ScatterOp", "eq_9": "unknown", "masked_fill_19": "ScatterOp", "view_107": "ReshapeOp", "unsqueeze_58": "ReshapeOp", "unsqueeze_59": "ReshapeOp", "add_67": "AddOp", "view_108": "ReshapeOp", "softmax_19": "SoftmaxOp", "dropout_76": "DropoutOp", "matmul_39": "MatMulOp", "transpose_39": "TransposeOp", "reshape_88": "ReshapeOp", "_param_constant320": "const_noop", "_param_constant321": "const_noop", "linear_119": "LinearOp", "dropout_77": "DropoutOp", "view_109": "ReshapeOp", "permute_90": "TransposeOp", "reshape_89": "ReshapeOp", "roll_19": "unknown", "slice_297": "GatherOp", "slice_298": "GatherOp", "slice_299": "GatherOp", "slice_300": "GatherOp", "contiguous_37": "noop", "_param_constant322": "const_noop", "_param_constant323": "const_noop", "layer_norm_41": "LayerNormOp", "add_68": "AddOp", "_param_constant324": "const_noop", "_param_constant325": "const_noop", "linear_120": "LinearOp", "gelu_19": "GeluOp", "dropout_78": "DropoutOp", "_param_constant326": "const_noop", "_param_constant327": "const_noop", "linear_121": "LinearOp", "dropout_79": "DropoutOp", "_param_constant328": "const_noop", "_param_constant329": "const_noop", "layer_norm_42": "LayerNormOp", "add_69": "AddOp", "_tensor_constant130": "const_noop", "_param_constant330": "const_noop", "_param_constant331": "const_noop", "linear_122": "LinearOp", "relu__20": "ReluOp", "_param_constant332": "const_noop", "linear_123": "LinearOp", "view_110": "ReshapeOp", "_tensor_constant131": "const_noop", "index_20": "unknown", "view_111": "ReshapeOp", "permute_91": "TransposeOp", "contiguous_38": "noop", "unsqueeze_60": "ReshapeOp", "sigmoid_20": "SigmoidOp", "mul_40": "MulOp", "pad_22": "PadOp", "view_112": "ReshapeOp", "permute_92": "TransposeOp", "reshape_90": "ReshapeOp", "_param_constant333": "const_noop", "clone_20": "noop", "slice_301": "GatherOp", "zero__20": "unknown", "_param_constant334": "const_noop", "linear_124": "LinearOp", "reshape_91": "ReshapeOp", "permute_93": "TransposeOp", "select_60": "GatherOp", "select_61": "GatherOp", "select_62": "GatherOp", "linalg_vector_norm_40": "VectorNormOp", "clamp_min_40": "ClampOp", "expand_as_40": "ExpandAsOp", "div_40": "DivOp", "linalg_vector_norm_41": "VectorNormOp", "clamp_min_41": "ClampOp", "expand_as_41": "ExpandAsOp", "div_41": "DivOp", "transpose_40": "TransposeOp", "matmul_40": "MatMulOp", "_param_constant335": "const_noop", "clamp_20": "ClampOp", "exp_20": "ExpOp", "mul_41": "MulOp", "add_70": "AddOp", "softmax_20": "SoftmaxOp", "dropout_80": "DropoutOp", "matmul_41": "MatMulOp", "transpose_41": "TransposeOp", "reshape_92": "ReshapeOp", "_param_constant336": "const_noop", "_param_constant337": "const_noop", "linear_125": "LinearOp", "dropout_81": "DropoutOp", "view_113": "ReshapeOp", "permute_94": "TransposeOp", "reshape_93": "ReshapeOp", "slice_302": "GatherOp", "slice_303": "GatherOp", "slice_304": "GatherOp", "slice_305": "GatherOp", "contiguous_39": "noop", "_param_constant338": "const_noop", "_param_constant339": "const_noop", "layer_norm_43": "LayerNormOp", "add_71": "AddOp", "_param_constant340": "const_noop", "_param_constant341": "const_noop", "linear_126": "LinearOp", "gelu_20": "GeluOp", "dropout_82": "DropoutOp", "_param_constant342": "const_noop", "_param_constant343": "const_noop", "linear_127": "LinearOp", "dropout_83": "DropoutOp", "_param_constant344": "const_noop", "_param_constant345": "const_noop", "layer_norm_44": "LayerNormOp", "add_72": "AddOp", "_tensor_constant132": "const_noop", "_param_constant346": "const_noop", "_param_constant347": "const_noop", "linear_128": "LinearOp", "relu__21": "ReluOp", "_param_constant348": "const_noop", "linear_129": "LinearOp", "view_114": "ReshapeOp", "_tensor_constant133": "const_noop", "index_21": "unknown", "view_115": "ReshapeOp", "permute_95": "TransposeOp", "contiguous_40": "noop", "unsqueeze_61": "ReshapeOp", "sigmoid_21": "SigmoidOp", "mul_42": "MulOp", "pad_23": "PadOp", "roll_20": "unknown", "view_116": "ReshapeOp", "permute_96": "TransposeOp", "reshape_94": "ReshapeOp", "_param_constant349": "const_noop", "clone_21": "noop", "slice_306": "GatherOp", "zero__21": "unknown", "_param_constant350": "const_noop", "linear_130": "LinearOp", "reshape_95": "ReshapeOp", "permute_97": "TransposeOp", "select_63": "GatherOp", "select_64": "GatherOp", "select_65": "GatherOp", "linalg_vector_norm_42": "VectorNormOp", "clamp_min_42": "ClampOp", "expand_as_42": "ExpandAsOp", "div_42": "DivOp", "linalg_vector_norm_43": "VectorNormOp", "clamp_min_43": "ClampOp", "expand_as_43": "ExpandAsOp", "div_43": "DivOp", "transpose_42": "TransposeOp", "matmul_42": "MatMulOp", "_param_constant351": "const_noop", "clamp_21": "ClampOp", "exp_21": "ExpOp", "mul_43": "MulOp", "add_73": "AddOp", "new_zeros_10": "unknown", "_tensor_constant134": "const_noop", "lift_fresh_copy_90": "unknown", "slice_307": "GatherOp", "slice_308": "GatherOp", "fill__90": "unknown", "_tensor_constant135": "const_noop", "lift_fresh_copy_91": "unknown", "slice_309": "GatherOp", "slice_310": "GatherOp", "fill__91": "unknown", "_tensor_constant136": "const_noop", "lift_fresh_copy_92": "unknown", "slice_311": "GatherOp", "slice_312": "GatherOp", "fill__92": "unknown", "_tensor_constant137": "const_noop", "lift_fresh_copy_93": "unknown", "slice_313": "GatherOp", "slice_314": "GatherOp", "fill__93": "unknown", "_tensor_constant138": "const_noop", "lift_fresh_copy_94": "unknown", "slice_315": "GatherOp", "slice_316": "GatherOp", "fill__94": "unknown", "_tensor_constant139": "const_noop", "lift_fresh_copy_95": "unknown", "slice_317": "GatherOp", "slice_318": "GatherOp", "fill__95": "unknown", "_tensor_constant140": "const_noop", "lift_fresh_copy_96": "unknown", "slice_319": "GatherOp", "slice_320": "GatherOp", "fill__96": "unknown", "_tensor_constant141": "const_noop", "lift_fresh_copy_97": "unknown", "slice_321": "GatherOp", "slice_322": "GatherOp", "fill__97": "unknown", "_tensor_constant142": "const_noop", "lift_fresh_copy_98": "unknown", "slice_323": "GatherOp", "slice_324": "GatherOp", "fill__98": "unknown", "view_117": "ReshapeOp", "permute_98": "TransposeOp", "reshape_96": "ReshapeOp", "unsqueeze_62": "ReshapeOp", "unsqueeze_63": "ReshapeOp", "sub_10": "SubOp", "ne_10": "unknown", "masked_fill_20": "ScatterOp", "eq_10": "unknown", "masked_fill_21": "ScatterOp", "view_118": "ReshapeOp", "unsqueeze_64": "ReshapeOp", "unsqueeze_65": "ReshapeOp", "add_74": "AddOp", "view_119": "ReshapeOp", "softmax_21": "SoftmaxOp", "dropout_84": "DropoutOp", "matmul_43": "MatMulOp", "transpose_43": "TransposeOp", "reshape_97": "ReshapeOp", "_param_constant352": "const_noop", "_param_constant353": "const_noop", "linear_131": "LinearOp", "dropout_85": "DropoutOp", "view_120": "ReshapeOp", "permute_99": "TransposeOp", "reshape_98": "ReshapeOp", "roll_21": "unknown", "slice_325": "GatherOp", "slice_326": "GatherOp", "slice_327": "GatherOp", "slice_328": "GatherOp", "contiguous_41": "noop", "_param_constant354": "const_noop", "_param_constant355": "const_noop", "layer_norm_45": "LayerNormOp", "add_75": "AddOp", "_param_constant356": "const_noop", "_param_constant357": "const_noop", "linear_132": "LinearOp", "gelu_21": "GeluOp", "dropout_86": "DropoutOp", "_param_constant358": "const_noop", "_param_constant359": "const_noop", "linear_133": "LinearOp", "dropout_87": "DropoutOp", "_param_constant360": "const_noop", "_param_constant361": "const_noop", "layer_norm_46": "LayerNormOp", "add_76": "AddOp", "pad_24": "PadOp", "slice_329": "GatherOp", "slice_330": "GatherOp", "slice_331": "GatherOp", "slice_332": "GatherOp", "slice_333": "GatherOp", "slice_334": "GatherOp", "slice_335": "GatherOp", "slice_336": "GatherOp", "slice_337": "GatherOp", "slice_338": "GatherOp", "slice_339": "GatherOp", "slice_340": "GatherOp", "cat_2": "CatOp", "_param_constant362": "const_noop", "linear_134": "LinearOp", "_param_constant363": "const_noop", "_param_constant364": "const_noop", "layer_norm_47": "LayerNormOp", "_tensor_constant143": "const_noop", "_param_constant365": "const_noop", "_param_constant366": "const_noop", "linear_135": "LinearOp", "relu__22": "ReluOp", "_param_constant367": "const_noop", "linear_136": "LinearOp", "view_121": "ReshapeOp", "_tensor_constant144": "const_noop", "index_22": "unknown", "view_122": "ReshapeOp", "permute_100": "TransposeOp", "contiguous_42": "noop", "unsqueeze_66": "ReshapeOp", "sigmoid_22": "SigmoidOp", "mul_44": "MulOp", "pad_25": "PadOp", "view_123": "ReshapeOp", "permute_101": "TransposeOp", "reshape_99": "ReshapeOp", "_param_constant368": "const_noop", "clone_22": "noop", "slice_341": "GatherOp", "zero__22": "unknown", "_param_constant369": "const_noop", "linear_137": "LinearOp", "reshape_100": "ReshapeOp", "permute_102": "TransposeOp", "select_66": "GatherOp", "select_67": "GatherOp", "select_68": "GatherOp", "linalg_vector_norm_44": "VectorNormOp", "clamp_min_44": "ClampOp", "expand_as_44": "ExpandAsOp", "div_44": "DivOp", "linalg_vector_norm_45": "VectorNormOp", "clamp_min_45": "ClampOp", "expand_as_45": "ExpandAsOp", "div_45": "DivOp", "transpose_44": "TransposeOp", "matmul_44": "MatMulOp", "_param_constant370": "const_noop", "clamp_22": "ClampOp", "exp_22": "ExpOp", "mul_45": "MulOp", "add_77": "AddOp", "softmax_22": "SoftmaxOp", "dropout_88": "DropoutOp", "matmul_45": "MatMulOp", "transpose_45": "TransposeOp", "reshape_101": "ReshapeOp", "_param_constant371": "const_noop", "_param_constant372": "const_noop", "linear_138": "LinearOp", "dropout_89": "DropoutOp", "view_124": "ReshapeOp", "permute_103": "TransposeOp", "reshape_102": "ReshapeOp", "slice_342": "GatherOp", "slice_343": "GatherOp", "slice_344": "GatherOp", "slice_345": "GatherOp", "contiguous_43": "noop", "_param_constant373": "const_noop", "_param_constant374": "const_noop", "layer_norm_48": "LayerNormOp", "add_78": "AddOp", "_param_constant375": "const_noop", "_param_constant376": "const_noop", "linear_139": "LinearOp", "gelu_22": "GeluOp", "dropout_90": "DropoutOp", "_param_constant377": "const_noop", "_param_constant378": "const_noop", "linear_140": "LinearOp", "dropout_91": "DropoutOp", "_param_constant379": "const_noop", "_param_constant380": "const_noop", "layer_norm_49": "LayerNormOp", "add_79": "AddOp", "_tensor_constant145": "const_noop", "_param_constant381": "const_noop", "_param_constant382": "const_noop", "linear_141": "LinearOp", "relu__23": "ReluOp", "_param_constant383": "const_noop", "linear_142": "LinearOp", "view_125": "ReshapeOp", "_tensor_constant146": "const_noop", "index_23": "unknown", "view_126": "ReshapeOp", "permute_104": "TransposeOp", "contiguous_44": "noop", "unsqueeze_67": "ReshapeOp", "sigmoid_23": "SigmoidOp", "mul_46": "MulOp", "pad_26": "PadOp", "view_127": "ReshapeOp", "permute_105": "TransposeOp", "reshape_103": "ReshapeOp", "_param_constant384": "const_noop", "clone_23": "noop", "slice_346": "GatherOp", "zero__23": "unknown", "_param_constant385": "const_noop", "linear_143": "LinearOp", "reshape_104": "ReshapeOp", "permute_106": "TransposeOp", "select_69": "GatherOp", "select_70": "GatherOp", "select_71": "GatherOp", "linalg_vector_norm_46": "VectorNormOp", "clamp_min_46": "ClampOp", "expand_as_46": "ExpandAsOp", "div_46": "DivOp", "linalg_vector_norm_47": "VectorNormOp", "clamp_min_47": "ClampOp", "expand_as_47": "ExpandAsOp", "div_47": "DivOp", "transpose_46": "TransposeOp", "matmul_46": "MatMulOp", "_param_constant386": "const_noop", "clamp_23": "ClampOp", "exp_23": "ExpOp", "mul_47": "MulOp", "add_80": "AddOp", "softmax_23": "SoftmaxOp", "dropout_92": "DropoutOp", "matmul_47": "MatMulOp", "transpose_47": "TransposeOp", "reshape_105": "ReshapeOp", "_param_constant387": "const_noop", "_param_constant388": "const_noop", "linear_144": "LinearOp", "dropout_93": "DropoutOp", "view_128": "ReshapeOp", "permute_107": "TransposeOp", "reshape_106": "ReshapeOp", "slice_347": "GatherOp", "slice_348": "GatherOp", "slice_349": "GatherOp", "slice_350": "GatherOp", "contiguous_45": "noop", "_param_constant389": "const_noop", "_param_constant390": "const_noop", "layer_norm_50": "LayerNormOp", "add_81": "AddOp", "_param_constant391": "const_noop", "_param_constant392": "const_noop", "linear_145": "LinearOp", "gelu_23": "GeluOp", "dropout_94": "DropoutOp", "_param_constant393": "const_noop", "_param_constant394": "const_noop", "linear_146": "LinearOp", "dropout_95": "DropoutOp", "_param_constant395": "const_noop", "_param_constant396": "const_noop", "layer_norm_51": "LayerNormOp", "add_82": "AddOp", "_param_constant397": "const_noop", "_param_constant398": "const_noop", "layer_norm_52": "LayerNormOp", "permute_108": "TransposeOp", "adaptive_avg_pool2d": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant399": "const_noop", "_param_constant400": "const_noop", "linear_147": "LinearOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/vit_b_16.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/vit_b_16.json new file mode 100644 index 00000000000..e2a3d35ddd2 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/vit_b_16.json @@ -0,0 +1 @@ +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "_param_constant1": "const_noop", "conv2d": "Conv2DOp", "reshape": "ReshapeOp", "permute": "TransposeOp", "_param_constant2": "const_noop", "expand": "ExpandOp", "cat": "CatOp", "_param_constant3": "const_noop", "add": "AddOp", "dropout": "DropoutOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "layer_norm": "LayerNormOp", "transpose": "TransposeOp", "_param_constant6": "const_noop", "_param_constant7": "const_noop", "linear": "LinearOp", "unflatten": "ReshapeOp", "unsqueeze": "ReshapeOp", "transpose_1": "TransposeOp", "squeeze": "SqueezeOp", "contiguous": "noop", "select": "GatherOp", "select_1": "GatherOp", "select_2": "GatherOp", "view": "ReshapeOp", "transpose_2": "TransposeOp", "view_1": "ReshapeOp", "transpose_3": "TransposeOp", "view_2": "ReshapeOp", "transpose_4": "TransposeOp", "view_3": "ReshapeOp", "view_4": "ReshapeOp", "view_5": "ReshapeOp", "scaled_dot_product_attention": "ScaledDotProductAttentionOp", "permute_1": "TransposeOp", "view_6": "ReshapeOp", "_param_constant8": "const_noop", "_param_constant9": "const_noop", "linear_1": "LinearOp", "view_7": "ReshapeOp", "transpose_5": "TransposeOp", "dropout_1": "DropoutOp", "add_1": "AddOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "layer_norm_1": "LayerNormOp", "_param_constant12": "const_noop", "_param_constant13": "const_noop", "linear_2": "LinearOp", "gelu": "GeluOp", "dropout_2": "DropoutOp", "_param_constant14": "const_noop", "_param_constant15": "const_noop", "linear_3": "LinearOp", "dropout_3": "DropoutOp", "add_2": "AddOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "layer_norm_2": "LayerNormOp", "transpose_6": "TransposeOp", "_param_constant18": "const_noop", "_param_constant19": "const_noop", "linear_4": "LinearOp", "unflatten_1": "ReshapeOp", "unsqueeze_1": "ReshapeOp", "transpose_7": "TransposeOp", "squeeze_1": "SqueezeOp", "contiguous_1": "noop", "select_3": "GatherOp", "select_4": "GatherOp", "select_5": "GatherOp", "view_8": "ReshapeOp", "transpose_8": "TransposeOp", "view_9": "ReshapeOp", "transpose_9": "TransposeOp", "view_10": "ReshapeOp", "transpose_10": "TransposeOp", "view_11": "ReshapeOp", "view_12": "ReshapeOp", "view_13": "ReshapeOp", "scaled_dot_product_attention_1": "ScaledDotProductAttentionOp", "permute_2": "TransposeOp", "view_14": "ReshapeOp", "_param_constant20": "const_noop", "_param_constant21": "const_noop", "linear_5": "LinearOp", "view_15": "ReshapeOp", "transpose_11": "TransposeOp", "dropout_4": "DropoutOp", "add_3": "AddOp", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "layer_norm_3": "LayerNormOp", "_param_constant24": "const_noop", "_param_constant25": "const_noop", "linear_6": "LinearOp", "gelu_1": "GeluOp", "dropout_5": "DropoutOp", "_param_constant26": "const_noop", "_param_constant27": "const_noop", "linear_7": "LinearOp", "dropout_6": "DropoutOp", "add_4": "AddOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "layer_norm_4": "LayerNormOp", "transpose_12": "TransposeOp", "_param_constant30": "const_noop", "_param_constant31": "const_noop", "linear_8": "LinearOp", "unflatten_2": "ReshapeOp", "unsqueeze_2": "ReshapeOp", "transpose_13": "TransposeOp", "squeeze_2": "SqueezeOp", "contiguous_2": "noop", "select_6": "GatherOp", "select_7": "GatherOp", "select_8": "GatherOp", "view_16": "ReshapeOp", "transpose_14": "TransposeOp", "view_17": "ReshapeOp", "transpose_15": "TransposeOp", "view_18": "ReshapeOp", "transpose_16": "TransposeOp", "view_19": "ReshapeOp", "view_20": "ReshapeOp", "view_21": "ReshapeOp", "scaled_dot_product_attention_2": "ScaledDotProductAttentionOp", "permute_3": "TransposeOp", "view_22": "ReshapeOp", "_param_constant32": "const_noop", "_param_constant33": "const_noop", "linear_9": "LinearOp", "view_23": "ReshapeOp", "transpose_17": "TransposeOp", "dropout_7": "DropoutOp", "add_5": "AddOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "layer_norm_5": "LayerNormOp", "_param_constant36": "const_noop", "_param_constant37": "const_noop", "linear_10": "LinearOp", "gelu_2": "GeluOp", "dropout_8": "DropoutOp", "_param_constant38": "const_noop", "_param_constant39": "const_noop", "linear_11": "LinearOp", "dropout_9": "DropoutOp", "add_6": "AddOp", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "layer_norm_6": "LayerNormOp", "transpose_18": "TransposeOp", "_param_constant42": "const_noop", "_param_constant43": "const_noop", "linear_12": "LinearOp", "unflatten_3": "ReshapeOp", "unsqueeze_3": "ReshapeOp", "transpose_19": "TransposeOp", "squeeze_3": "SqueezeOp", "contiguous_3": "noop", "select_9": "GatherOp", "select_10": "GatherOp", "select_11": "GatherOp", "view_24": "ReshapeOp", "transpose_20": "TransposeOp", "view_25": "ReshapeOp", "transpose_21": "TransposeOp", "view_26": "ReshapeOp", "transpose_22": "TransposeOp", "view_27": "ReshapeOp", "view_28": "ReshapeOp", "view_29": "ReshapeOp", "scaled_dot_product_attention_3": "ScaledDotProductAttentionOp", "permute_4": "TransposeOp", "view_30": "ReshapeOp", "_param_constant44": "const_noop", "_param_constant45": "const_noop", "linear_13": "LinearOp", "view_31": "ReshapeOp", "transpose_23": "TransposeOp", "dropout_10": "DropoutOp", "add_7": "AddOp", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "layer_norm_7": "LayerNormOp", "_param_constant48": "const_noop", "_param_constant49": "const_noop", "linear_14": "LinearOp", "gelu_3": "GeluOp", "dropout_11": "DropoutOp", "_param_constant50": "const_noop", "_param_constant51": "const_noop", "linear_15": "LinearOp", "dropout_12": "DropoutOp", "add_8": "AddOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "layer_norm_8": "LayerNormOp", "transpose_24": "TransposeOp", "_param_constant54": "const_noop", "_param_constant55": "const_noop", "linear_16": "LinearOp", "unflatten_4": "ReshapeOp", "unsqueeze_4": "ReshapeOp", "transpose_25": "TransposeOp", "squeeze_4": "SqueezeOp", "contiguous_4": "noop", "select_12": "GatherOp", "select_13": "GatherOp", "select_14": "GatherOp", "view_32": "ReshapeOp", "transpose_26": "TransposeOp", "view_33": "ReshapeOp", "transpose_27": "TransposeOp", "view_34": "ReshapeOp", "transpose_28": "TransposeOp", "view_35": "ReshapeOp", "view_36": "ReshapeOp", "view_37": "ReshapeOp", "scaled_dot_product_attention_4": "ScaledDotProductAttentionOp", "permute_5": "TransposeOp", "view_38": "ReshapeOp", "_param_constant56": "const_noop", "_param_constant57": "const_noop", "linear_17": "LinearOp", "view_39": "ReshapeOp", "transpose_29": "TransposeOp", "dropout_13": "DropoutOp", "add_9": "AddOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "layer_norm_9": "LayerNormOp", "_param_constant60": "const_noop", "_param_constant61": "const_noop", "linear_18": "LinearOp", "gelu_4": "GeluOp", "dropout_14": "DropoutOp", "_param_constant62": "const_noop", "_param_constant63": "const_noop", "linear_19": "LinearOp", "dropout_15": "DropoutOp", "add_10": "AddOp", "_param_constant64": "const_noop", "_param_constant65": "const_noop", "layer_norm_10": "LayerNormOp", "transpose_30": "TransposeOp", "_param_constant66": "const_noop", "_param_constant67": "const_noop", "linear_20": "LinearOp", "unflatten_5": "ReshapeOp", "unsqueeze_5": "ReshapeOp", "transpose_31": "TransposeOp", "squeeze_5": "SqueezeOp", "contiguous_5": "noop", "select_15": "GatherOp", "select_16": "GatherOp", "select_17": "GatherOp", "view_40": "ReshapeOp", "transpose_32": "TransposeOp", "view_41": "ReshapeOp", "transpose_33": "TransposeOp", "view_42": "ReshapeOp", "transpose_34": "TransposeOp", "view_43": "ReshapeOp", "view_44": "ReshapeOp", "view_45": "ReshapeOp", "scaled_dot_product_attention_5": "ScaledDotProductAttentionOp", "permute_6": "TransposeOp", "view_46": "ReshapeOp", "_param_constant68": "const_noop", "_param_constant69": "const_noop", "linear_21": "LinearOp", "view_47": "ReshapeOp", "transpose_35": "TransposeOp", "dropout_16": "DropoutOp", "add_11": "AddOp", "_param_constant70": "const_noop", "_param_constant71": "const_noop", "layer_norm_11": "LayerNormOp", "_param_constant72": "const_noop", "_param_constant73": "const_noop", "linear_22": "LinearOp", "gelu_5": "GeluOp", "dropout_17": "DropoutOp", "_param_constant74": "const_noop", "_param_constant75": "const_noop", "linear_23": "LinearOp", "dropout_18": "DropoutOp", "add_12": "AddOp", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "layer_norm_12": "LayerNormOp", "transpose_36": "TransposeOp", "_param_constant78": "const_noop", "_param_constant79": "const_noop", "linear_24": "LinearOp", "unflatten_6": "ReshapeOp", "unsqueeze_6": "ReshapeOp", "transpose_37": "TransposeOp", "squeeze_6": "SqueezeOp", "contiguous_6": "noop", "select_18": "GatherOp", "select_19": "GatherOp", "select_20": "GatherOp", "view_48": "ReshapeOp", "transpose_38": "TransposeOp", "view_49": "ReshapeOp", "transpose_39": "TransposeOp", "view_50": "ReshapeOp", "transpose_40": "TransposeOp", "view_51": "ReshapeOp", "view_52": "ReshapeOp", "view_53": "ReshapeOp", "scaled_dot_product_attention_6": "ScaledDotProductAttentionOp", "permute_7": "TransposeOp", "view_54": "ReshapeOp", "_param_constant80": "const_noop", "_param_constant81": "const_noop", "linear_25": "LinearOp", "view_55": "ReshapeOp", "transpose_41": "TransposeOp", "dropout_19": "DropoutOp", "add_13": "AddOp", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "layer_norm_13": "LayerNormOp", "_param_constant84": "const_noop", "_param_constant85": "const_noop", "linear_26": "LinearOp", "gelu_6": "GeluOp", "dropout_20": "DropoutOp", "_param_constant86": "const_noop", "_param_constant87": "const_noop", "linear_27": "LinearOp", "dropout_21": "DropoutOp", "add_14": "AddOp", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "layer_norm_14": "LayerNormOp", "transpose_42": "TransposeOp", "_param_constant90": "const_noop", "_param_constant91": "const_noop", "linear_28": "LinearOp", "unflatten_7": "ReshapeOp", "unsqueeze_7": "ReshapeOp", "transpose_43": "TransposeOp", "squeeze_7": "SqueezeOp", "contiguous_7": "noop", "select_21": "GatherOp", "select_22": "GatherOp", "select_23": "GatherOp", "view_56": "ReshapeOp", "transpose_44": "TransposeOp", "view_57": "ReshapeOp", "transpose_45": "TransposeOp", "view_58": "ReshapeOp", "transpose_46": "TransposeOp", "view_59": "ReshapeOp", "view_60": "ReshapeOp", "view_61": "ReshapeOp", "scaled_dot_product_attention_7": "ScaledDotProductAttentionOp", "permute_8": "TransposeOp", "view_62": "ReshapeOp", "_param_constant92": "const_noop", "_param_constant93": "const_noop", "linear_29": "LinearOp", "view_63": "ReshapeOp", "transpose_47": "TransposeOp", "dropout_22": "DropoutOp", "add_15": "AddOp", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "layer_norm_15": "LayerNormOp", "_param_constant96": "const_noop", "_param_constant97": "const_noop", "linear_30": "LinearOp", "gelu_7": "GeluOp", "dropout_23": "DropoutOp", "_param_constant98": "const_noop", "_param_constant99": "const_noop", "linear_31": "LinearOp", "dropout_24": "DropoutOp", "add_16": "AddOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "layer_norm_16": "LayerNormOp", "transpose_48": "TransposeOp", "_param_constant102": "const_noop", "_param_constant103": "const_noop", "linear_32": "LinearOp", "unflatten_8": "ReshapeOp", "unsqueeze_8": "ReshapeOp", "transpose_49": "TransposeOp", "squeeze_8": "SqueezeOp", "contiguous_8": "noop", "select_24": "GatherOp", "select_25": "GatherOp", "select_26": "GatherOp", "view_64": "ReshapeOp", "transpose_50": "TransposeOp", "view_65": "ReshapeOp", "transpose_51": "TransposeOp", "view_66": "ReshapeOp", "transpose_52": "TransposeOp", "view_67": "ReshapeOp", "view_68": "ReshapeOp", "view_69": "ReshapeOp", "scaled_dot_product_attention_8": "ScaledDotProductAttentionOp", "permute_9": "TransposeOp", "view_70": "ReshapeOp", "_param_constant104": "const_noop", "_param_constant105": "const_noop", "linear_33": "LinearOp", "view_71": "ReshapeOp", "transpose_53": "TransposeOp", "dropout_25": "DropoutOp", "add_17": "AddOp", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "layer_norm_17": "LayerNormOp", "_param_constant108": "const_noop", "_param_constant109": "const_noop", "linear_34": "LinearOp", "gelu_8": "GeluOp", "dropout_26": "DropoutOp", "_param_constant110": "const_noop", "_param_constant111": "const_noop", "linear_35": "LinearOp", "dropout_27": "DropoutOp", "add_18": "AddOp", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "layer_norm_18": "LayerNormOp", "transpose_54": "TransposeOp", "_param_constant114": "const_noop", "_param_constant115": "const_noop", "linear_36": "LinearOp", "unflatten_9": "ReshapeOp", "unsqueeze_9": "ReshapeOp", "transpose_55": "TransposeOp", "squeeze_9": "SqueezeOp", "contiguous_9": "noop", "select_27": "GatherOp", "select_28": "GatherOp", "select_29": "GatherOp", "view_72": "ReshapeOp", "transpose_56": "TransposeOp", "view_73": "ReshapeOp", "transpose_57": "TransposeOp", "view_74": "ReshapeOp", "transpose_58": "TransposeOp", "view_75": "ReshapeOp", "view_76": "ReshapeOp", "view_77": "ReshapeOp", "scaled_dot_product_attention_9": "ScaledDotProductAttentionOp", "permute_10": "TransposeOp", "view_78": "ReshapeOp", "_param_constant116": "const_noop", "_param_constant117": "const_noop", "linear_37": "LinearOp", "view_79": "ReshapeOp", "transpose_59": "TransposeOp", "dropout_28": "DropoutOp", "add_19": "AddOp", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "layer_norm_19": "LayerNormOp", "_param_constant120": "const_noop", "_param_constant121": "const_noop", "linear_38": "LinearOp", "gelu_9": "GeluOp", "dropout_29": "DropoutOp", "_param_constant122": "const_noop", "_param_constant123": "const_noop", "linear_39": "LinearOp", "dropout_30": "DropoutOp", "add_20": "AddOp", "_param_constant124": "const_noop", "_param_constant125": "const_noop", "layer_norm_20": "LayerNormOp", "transpose_60": "TransposeOp", "_param_constant126": "const_noop", "_param_constant127": "const_noop", "linear_40": "LinearOp", "unflatten_10": "ReshapeOp", "unsqueeze_10": "ReshapeOp", "transpose_61": "TransposeOp", "squeeze_10": "SqueezeOp", "contiguous_10": "noop", "select_30": "GatherOp", "select_31": "GatherOp", "select_32": "GatherOp", "view_80": "ReshapeOp", "transpose_62": "TransposeOp", "view_81": "ReshapeOp", "transpose_63": "TransposeOp", "view_82": "ReshapeOp", "transpose_64": "TransposeOp", "view_83": "ReshapeOp", "view_84": "ReshapeOp", "view_85": "ReshapeOp", "scaled_dot_product_attention_10": "ScaledDotProductAttentionOp", "permute_11": "TransposeOp", "view_86": "ReshapeOp", "_param_constant128": "const_noop", "_param_constant129": "const_noop", "linear_41": "LinearOp", "view_87": "ReshapeOp", "transpose_65": "TransposeOp", "dropout_31": "DropoutOp", "add_21": "AddOp", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "layer_norm_21": "LayerNormOp", "_param_constant132": "const_noop", "_param_constant133": "const_noop", "linear_42": "LinearOp", "gelu_10": "GeluOp", "dropout_32": "DropoutOp", "_param_constant134": "const_noop", "_param_constant135": "const_noop", "linear_43": "LinearOp", "dropout_33": "DropoutOp", "add_22": "AddOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "layer_norm_22": "LayerNormOp", "transpose_66": "TransposeOp", "_param_constant138": "const_noop", "_param_constant139": "const_noop", "linear_44": "LinearOp", "unflatten_11": "ReshapeOp", "unsqueeze_11": "ReshapeOp", "transpose_67": "TransposeOp", "squeeze_11": "SqueezeOp", "contiguous_11": "noop", "select_33": "GatherOp", "select_34": "GatherOp", "select_35": "GatherOp", "view_88": "ReshapeOp", "transpose_68": "TransposeOp", "view_89": "ReshapeOp", "transpose_69": "TransposeOp", "view_90": "ReshapeOp", "transpose_70": "TransposeOp", "view_91": "ReshapeOp", "view_92": "ReshapeOp", "view_93": "ReshapeOp", "scaled_dot_product_attention_11": "ScaledDotProductAttentionOp", "permute_12": "TransposeOp", "view_94": "ReshapeOp", "_param_constant140": "const_noop", "_param_constant141": "const_noop", "linear_45": "LinearOp", "view_95": "ReshapeOp", "transpose_71": "TransposeOp", "dropout_34": "DropoutOp", "add_23": "AddOp", "_param_constant142": "const_noop", "_param_constant143": "const_noop", "layer_norm_23": "LayerNormOp", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "linear_46": "LinearOp", "gelu_11": "GeluOp", "dropout_35": "DropoutOp", "_param_constant146": "const_noop", "_param_constant147": "const_noop", "linear_47": "LinearOp", "dropout_36": "DropoutOp", "add_24": "AddOp", "_param_constant148": "const_noop", "_param_constant149": "const_noop", "layer_norm_24": "LayerNormOp", "slice_1": "GatherOp", "select_36": "GatherOp", "_param_constant150": "const_noop", "_param_constant151": "const_noop", "linear_48": "LinearOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json new file mode 100644 index 00000000000..c3fb3bff755 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json @@ -0,0 +1 @@ +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "EmptyOp", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "silu_": "SiluOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "EmptyOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "silu__1": "SiluOp", "_param_constant6": "const_noop", "conv2d_2": "Conv2DOp", "empty_2": "EmptyOp", "_param_constant7": "const_noop", "_param_constant8": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "silu__2": "SiluOp", "chunk": "SplitOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "empty_3": "EmptyOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_11": "GatherOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "silu__3": "SiluOp", "_param_constant12": "const_noop", "conv2d_4": "Conv2DOp", "empty_4": "EmptyOp", "_param_constant13": "const_noop", "_param_constant14": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_14": "GatherOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "silu__4": "SiluOp", "add": "AddOp", "cat": "CatOp", "_param_constant15": "const_noop", "conv2d_5": "Conv2DOp", "empty_5": "EmptyOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_17": "GatherOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "silu__5": "SiluOp", "_param_constant18": "const_noop", "conv2d_6": "Conv2DOp", "empty_6": "EmptyOp", "_param_constant19": "const_noop", "_param_constant20": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_20": "GatherOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "silu__6": "SiluOp", "_param_constant21": "const_noop", "conv2d_7": "Conv2DOp", "empty_7": "EmptyOp", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_23": "GatherOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "silu__7": "SiluOp", "chunk_1": "SplitOp", "getitem_26": "GatherOp", "getitem_27": "GatherOp", "_param_constant24": "const_noop", "conv2d_8": "Conv2DOp", "empty_8": "EmptyOp", "_param_constant25": "const_noop", "_param_constant26": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "getitem_30": "GatherOp", "silu__8": "SiluOp", "_param_constant27": "const_noop", "conv2d_9": "Conv2DOp", "empty_9": "EmptyOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "getitem_33": "GatherOp", "silu__9": "SiluOp", "add_1": "AddOp", "_param_constant30": "const_noop", "conv2d_10": "Conv2DOp", "empty_10": "EmptyOp", "_param_constant31": "const_noop", "_param_constant32": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "getitem_36": "GatherOp", "silu__10": "SiluOp", "_param_constant33": "const_noop", "conv2d_11": "Conv2DOp", "empty_11": "EmptyOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "getitem_39": "GatherOp", "silu__11": "SiluOp", "add_2": "AddOp", "cat_1": "CatOp", "_param_constant36": "const_noop", "conv2d_12": "Conv2DOp", "empty_12": "EmptyOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "getitem_42": "GatherOp", "silu__12": "SiluOp", "_param_constant39": "const_noop", "conv2d_13": "Conv2DOp", "empty_13": "EmptyOp", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "getitem_45": "GatherOp", "silu__13": "SiluOp", "_param_constant42": "const_noop", "conv2d_14": "Conv2DOp", "empty_14": "EmptyOp", "_param_constant43": "const_noop", "_param_constant44": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "getitem_48": "GatherOp", "silu__14": "SiluOp", "chunk_2": "SplitOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "_param_constant45": "const_noop", "conv2d_15": "Conv2DOp", "empty_15": "EmptyOp", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "silu__15": "SiluOp", "_param_constant48": "const_noop", "conv2d_16": "Conv2DOp", "empty_16": "EmptyOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "silu__16": "SiluOp", "add_3": "AddOp", "_param_constant51": "const_noop", "conv2d_17": "Conv2DOp", "empty_17": "EmptyOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "silu__17": "SiluOp", "_param_constant54": "const_noop", "conv2d_18": "Conv2DOp", "empty_18": "EmptyOp", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_60": "GatherOp", "getitem_61": "GatherOp", "getitem_62": "GatherOp", "silu__18": "SiluOp", "add_4": "AddOp", "cat_2": "CatOp", "_param_constant57": "const_noop", "conv2d_19": "Conv2DOp", "empty_19": "EmptyOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_63": "GatherOp", "getitem_64": "GatherOp", "getitem_65": "GatherOp", "silu__19": "SiluOp", "_param_constant60": "const_noop", "conv2d_20": "Conv2DOp", "empty_20": "EmptyOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "_tensor_constant40": "const_noop", "_tensor_constant41": "const_noop", "_native_batch_norm_legit_no_training_20": "BatchNormOp", "getitem_66": "GatherOp", "getitem_67": "GatherOp", "getitem_68": "GatherOp", "silu__20": "SiluOp", "_param_constant63": "const_noop", "conv2d_21": "Conv2DOp", "empty_21": "EmptyOp", "_param_constant64": "const_noop", "_param_constant65": "const_noop", "_tensor_constant42": "const_noop", "_tensor_constant43": "const_noop", "_native_batch_norm_legit_no_training_21": "BatchNormOp", "getitem_69": "GatherOp", "getitem_70": "GatherOp", "getitem_71": "GatherOp", "silu__21": "SiluOp", "chunk_3": "SplitOp", "getitem_72": "GatherOp", "getitem_73": "GatherOp", "_param_constant66": "const_noop", "conv2d_22": "Conv2DOp", "empty_22": "EmptyOp", "_param_constant67": "const_noop", "_param_constant68": "const_noop", "_tensor_constant44": "const_noop", "_tensor_constant45": "const_noop", "_native_batch_norm_legit_no_training_22": "BatchNormOp", "getitem_74": "GatherOp", "getitem_75": "GatherOp", "getitem_76": "GatherOp", "silu__22": "SiluOp", "_param_constant69": "const_noop", "conv2d_23": "Conv2DOp", "empty_23": "EmptyOp", "_param_constant70": "const_noop", "_param_constant71": "const_noop", "_tensor_constant46": "const_noop", "_tensor_constant47": "const_noop", "_native_batch_norm_legit_no_training_23": "BatchNormOp", "getitem_77": "GatherOp", "getitem_78": "GatherOp", "getitem_79": "GatherOp", "silu__23": "SiluOp", "add_5": "AddOp", "cat_3": "CatOp", "_param_constant72": "const_noop", "conv2d_24": "Conv2DOp", "empty_24": "EmptyOp", "_param_constant73": "const_noop", "_param_constant74": "const_noop", "_tensor_constant48": "const_noop", "_tensor_constant49": "const_noop", "_native_batch_norm_legit_no_training_24": "BatchNormOp", "getitem_80": "GatherOp", "getitem_81": "GatherOp", "getitem_82": "GatherOp", "silu__24": "SiluOp", "_param_constant75": "const_noop", "conv2d_25": "Conv2DOp", "empty_25": "EmptyOp", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "_tensor_constant50": "const_noop", "_tensor_constant51": "const_noop", "_native_batch_norm_legit_no_training_25": "BatchNormOp", "getitem_83": "GatherOp", "getitem_84": "GatherOp", "getitem_85": "GatherOp", "silu__25": "SiluOp", "max_pool2d": "MaxPool2DOp", "max_pool2d_1": "MaxPool2DOp", "max_pool2d_2": "MaxPool2DOp", "cat_4": "CatOp", "_param_constant78": "const_noop", "conv2d_26": "Conv2DOp", "empty_26": "EmptyOp", "_param_constant79": "const_noop", "_param_constant80": "const_noop", "_tensor_constant52": "const_noop", "_tensor_constant53": "const_noop", "_native_batch_norm_legit_no_training_26": "BatchNormOp", "getitem_86": "GatherOp", "getitem_87": "GatherOp", "getitem_88": "GatherOp", "silu__26": "SiluOp", "upsample_nearest2d": "InterpolateOp", "cat_5": "CatOp", "_param_constant81": "const_noop", "conv2d_27": "Conv2DOp", "empty_27": "EmptyOp", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "_tensor_constant54": "const_noop", "_tensor_constant55": "const_noop", "_native_batch_norm_legit_no_training_27": "BatchNormOp", "getitem_89": "GatherOp", "getitem_90": "GatherOp", "getitem_91": "GatherOp", "silu__27": "SiluOp", "chunk_4": "SplitOp", "getitem_92": "GatherOp", "getitem_93": "GatherOp", "_param_constant84": "const_noop", "conv2d_28": "Conv2DOp", "empty_28": "EmptyOp", "_param_constant85": "const_noop", "_param_constant86": "const_noop", "_tensor_constant56": "const_noop", "_tensor_constant57": "const_noop", "_native_batch_norm_legit_no_training_28": "BatchNormOp", "getitem_94": "GatherOp", "getitem_95": "GatherOp", "getitem_96": "GatherOp", "silu__28": "SiluOp", "_param_constant87": "const_noop", "conv2d_29": "Conv2DOp", "empty_29": "EmptyOp", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "_tensor_constant58": "const_noop", "_tensor_constant59": "const_noop", "_native_batch_norm_legit_no_training_29": "BatchNormOp", "getitem_97": "GatherOp", "getitem_98": "GatherOp", "getitem_99": "GatherOp", "silu__29": "SiluOp", "cat_6": "CatOp", "_param_constant90": "const_noop", "conv2d_30": "Conv2DOp", "empty_30": "EmptyOp", "_param_constant91": "const_noop", "_param_constant92": "const_noop", "_tensor_constant60": "const_noop", "_tensor_constant61": "const_noop", "_native_batch_norm_legit_no_training_30": "BatchNormOp", "getitem_100": "GatherOp", "getitem_101": "GatherOp", "getitem_102": "GatherOp", "silu__30": "SiluOp", "upsample_nearest2d_1": "InterpolateOp", "cat_7": "CatOp", "_param_constant93": "const_noop", "conv2d_31": "Conv2DOp", "empty_31": "EmptyOp", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "_tensor_constant62": "const_noop", "_tensor_constant63": "const_noop", "_native_batch_norm_legit_no_training_31": "BatchNormOp", "getitem_103": "GatherOp", "getitem_104": "GatherOp", "getitem_105": "GatherOp", "silu__31": "SiluOp", "chunk_5": "SplitOp", "getitem_106": "GatherOp", "getitem_107": "GatherOp", "_param_constant96": "const_noop", "conv2d_32": "Conv2DOp", "empty_32": "EmptyOp", "_param_constant97": "const_noop", "_param_constant98": "const_noop", "_tensor_constant64": "const_noop", "_tensor_constant65": "const_noop", "_native_batch_norm_legit_no_training_32": "BatchNormOp", "getitem_108": "GatherOp", "getitem_109": "GatherOp", "getitem_110": "GatherOp", "silu__32": "SiluOp", "_param_constant99": "const_noop", "conv2d_33": "Conv2DOp", "empty_33": "EmptyOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "_tensor_constant66": "const_noop", "_tensor_constant67": "const_noop", "_native_batch_norm_legit_no_training_33": "BatchNormOp", "getitem_111": "GatherOp", "getitem_112": "GatherOp", "getitem_113": "GatherOp", "silu__33": "SiluOp", "cat_8": "CatOp", "_param_constant102": "const_noop", "conv2d_34": "Conv2DOp", "empty_34": "EmptyOp", "_param_constant103": "const_noop", "_param_constant104": "const_noop", "_tensor_constant68": "const_noop", "_tensor_constant69": "const_noop", "_native_batch_norm_legit_no_training_34": "BatchNormOp", "getitem_114": "GatherOp", "getitem_115": "GatherOp", "getitem_116": "GatherOp", "silu__34": "SiluOp", "_param_constant105": "const_noop", "conv2d_35": "Conv2DOp", "empty_35": "EmptyOp", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "_tensor_constant70": "const_noop", "_tensor_constant71": "const_noop", "_native_batch_norm_legit_no_training_35": "BatchNormOp", "getitem_117": "GatherOp", "getitem_118": "GatherOp", "getitem_119": "GatherOp", "silu__35": "SiluOp", "cat_9": "CatOp", "_param_constant108": "const_noop", "conv2d_36": "Conv2DOp", "empty_36": "EmptyOp", "_param_constant109": "const_noop", "_param_constant110": "const_noop", "_tensor_constant72": "const_noop", "_tensor_constant73": "const_noop", "_native_batch_norm_legit_no_training_36": "BatchNormOp", "getitem_120": "GatherOp", "getitem_121": "GatherOp", "getitem_122": "GatherOp", "silu__36": "SiluOp", "chunk_6": "SplitOp", "getitem_123": "GatherOp", "getitem_124": "GatherOp", "_param_constant111": "const_noop", "conv2d_37": "Conv2DOp", "empty_37": "EmptyOp", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "_tensor_constant74": "const_noop", "_tensor_constant75": "const_noop", "_native_batch_norm_legit_no_training_37": "BatchNormOp", "getitem_125": "GatherOp", "getitem_126": "GatherOp", "getitem_127": "GatherOp", "silu__37": "SiluOp", "_param_constant114": "const_noop", "conv2d_38": "Conv2DOp", "empty_38": "EmptyOp", "_param_constant115": "const_noop", "_param_constant116": "const_noop", "_tensor_constant76": "const_noop", "_tensor_constant77": "const_noop", "_native_batch_norm_legit_no_training_38": "BatchNormOp", "getitem_128": "GatherOp", "getitem_129": "GatherOp", "getitem_130": "GatherOp", "silu__38": "SiluOp", "cat_10": "CatOp", "_param_constant117": "const_noop", "conv2d_39": "Conv2DOp", "empty_39": "EmptyOp", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "_tensor_constant78": "const_noop", "_tensor_constant79": "const_noop", "_native_batch_norm_legit_no_training_39": "BatchNormOp", "getitem_131": "GatherOp", "getitem_132": "GatherOp", "getitem_133": "GatherOp", "silu__39": "SiluOp", "_param_constant120": "const_noop", "conv2d_40": "Conv2DOp", "empty_40": "EmptyOp", "_param_constant121": "const_noop", "_param_constant122": "const_noop", "_tensor_constant80": "const_noop", "_tensor_constant81": "const_noop", "_native_batch_norm_legit_no_training_40": "BatchNormOp", "getitem_134": "GatherOp", "getitem_135": "GatherOp", "getitem_136": "GatherOp", "silu__40": "SiluOp", "cat_11": "CatOp", "_param_constant123": "const_noop", "conv2d_41": "Conv2DOp", "empty_41": "EmptyOp", "_param_constant124": "const_noop", "_param_constant125": "const_noop", "_tensor_constant82": "const_noop", "_tensor_constant83": "const_noop", "_native_batch_norm_legit_no_training_41": "BatchNormOp", "getitem_137": "GatherOp", "getitem_138": "GatherOp", "getitem_139": "GatherOp", "silu__41": "SiluOp", "chunk_7": "SplitOp", "getitem_140": "GatherOp", "getitem_141": "GatherOp", "_param_constant126": "const_noop", "conv2d_42": "Conv2DOp", "empty_42": "EmptyOp", "_param_constant127": "const_noop", "_param_constant128": "const_noop", "_tensor_constant84": "const_noop", "_tensor_constant85": "const_noop", "_native_batch_norm_legit_no_training_42": "BatchNormOp", "getitem_142": "GatherOp", "getitem_143": "GatherOp", "getitem_144": "GatherOp", "silu__42": "SiluOp", "_param_constant129": "const_noop", "conv2d_43": "Conv2DOp", "empty_43": "EmptyOp", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "_tensor_constant86": "const_noop", "_tensor_constant87": "const_noop", "_native_batch_norm_legit_no_training_43": "BatchNormOp", "getitem_145": "GatherOp", "getitem_146": "GatherOp", "getitem_147": "GatherOp", "silu__43": "SiluOp", "cat_12": "CatOp", "_param_constant132": "const_noop", "conv2d_44": "Conv2DOp", "empty_44": "EmptyOp", "_param_constant133": "const_noop", "_param_constant134": "const_noop", "_tensor_constant88": "const_noop", "_tensor_constant89": "const_noop", "_native_batch_norm_legit_no_training_44": "BatchNormOp", "getitem_148": "GatherOp", "getitem_149": "GatherOp", "getitem_150": "GatherOp", "silu__44": "SiluOp", "_param_constant135": "const_noop", "conv2d_45": "Conv2DOp", "empty_45": "EmptyOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "_tensor_constant90": "const_noop", "_tensor_constant91": "const_noop", "_native_batch_norm_legit_no_training_45": "BatchNormOp", "getitem_151": "GatherOp", "getitem_152": "GatherOp", "getitem_153": "GatherOp", "silu__45": "SiluOp", "_param_constant138": "const_noop", "conv2d_46": "Conv2DOp", "empty_46": "EmptyOp", "_param_constant139": "const_noop", "_param_constant140": "const_noop", "_tensor_constant92": "const_noop", "_tensor_constant93": "const_noop", "_native_batch_norm_legit_no_training_46": "BatchNormOp", "getitem_154": "GatherOp", "getitem_155": "GatherOp", "getitem_156": "GatherOp", "silu__46": "SiluOp", "_param_constant141": "const_noop", "_param_constant142": "const_noop", "conv2d_47": "Conv2DOp", "_param_constant143": "const_noop", "conv2d_48": "Conv2DOp", "empty_47": "EmptyOp", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "_tensor_constant94": "const_noop", "_tensor_constant95": "const_noop", "_native_batch_norm_legit_no_training_47": "BatchNormOp", "getitem_157": "GatherOp", "getitem_158": "GatherOp", "getitem_159": "GatherOp", "silu__47": "SiluOp", "_param_constant146": "const_noop", "conv2d_49": "Conv2DOp", "empty_48": "EmptyOp", "_param_constant147": "const_noop", "_param_constant148": "const_noop", "_tensor_constant96": "const_noop", "_tensor_constant97": "const_noop", "_native_batch_norm_legit_no_training_48": "BatchNormOp", "getitem_160": "GatherOp", "getitem_161": "GatherOp", "getitem_162": "GatherOp", "silu__48": "SiluOp", "_param_constant149": "const_noop", "_param_constant150": "const_noop", "conv2d_50": "Conv2DOp", "cat_13": "CatOp", "_param_constant151": "const_noop", "conv2d_51": "Conv2DOp", "empty_49": "EmptyOp", "_param_constant152": "const_noop", "_param_constant153": "const_noop", "_tensor_constant98": "const_noop", "_tensor_constant99": "const_noop", "_native_batch_norm_legit_no_training_49": "BatchNormOp", "getitem_163": "GatherOp", "getitem_164": "GatherOp", "getitem_165": "GatherOp", "silu__49": "SiluOp", "_param_constant154": "const_noop", "conv2d_52": "Conv2DOp", "empty_50": "EmptyOp", "_param_constant155": "const_noop", "_param_constant156": "const_noop", "_tensor_constant100": "const_noop", "_tensor_constant101": "const_noop", "_native_batch_norm_legit_no_training_50": "BatchNormOp", "getitem_166": "GatherOp", "getitem_167": "GatherOp", "getitem_168": "GatherOp", "silu__50": "SiluOp", "_param_constant157": "const_noop", "_param_constant158": "const_noop", "conv2d_53": "Conv2DOp", "_param_constant159": "const_noop", "conv2d_54": "Conv2DOp", "empty_51": "EmptyOp", "_param_constant160": "const_noop", "_param_constant161": "const_noop", "_tensor_constant102": "const_noop", "_tensor_constant103": "const_noop", "_native_batch_norm_legit_no_training_51": "BatchNormOp", "getitem_169": "GatherOp", "getitem_170": "GatherOp", "getitem_171": "GatherOp", "silu__51": "SiluOp", "_param_constant162": "const_noop", "conv2d_55": "Conv2DOp", "empty_52": "EmptyOp", "_param_constant163": "const_noop", "_param_constant164": "const_noop", "_tensor_constant104": "const_noop", "_tensor_constant105": "const_noop", "_native_batch_norm_legit_no_training_52": "BatchNormOp", "getitem_172": "GatherOp", "getitem_173": "GatherOp", "getitem_174": "GatherOp", "silu__52": "SiluOp", "_param_constant165": "const_noop", "_param_constant166": "const_noop", "conv2d_56": "Conv2DOp", "cat_14": "CatOp", "_param_constant167": "const_noop", "conv2d_57": "Conv2DOp", "empty_53": "EmptyOp", "_param_constant168": "const_noop", "_param_constant169": "const_noop", "_tensor_constant106": "const_noop", "_tensor_constant107": "const_noop", "_native_batch_norm_legit_no_training_53": "BatchNormOp", "getitem_175": "GatherOp", "getitem_176": "GatherOp", "getitem_177": "GatherOp", "silu__53": "SiluOp", "_param_constant170": "const_noop", "conv2d_58": "Conv2DOp", "empty_54": "EmptyOp", "_param_constant171": "const_noop", "_param_constant172": "const_noop", "_tensor_constant108": "const_noop", "_tensor_constant109": "const_noop", "_native_batch_norm_legit_no_training_54": "BatchNormOp", "getitem_178": "GatherOp", "getitem_179": "GatherOp", "getitem_180": "GatherOp", "silu__54": "SiluOp", "_param_constant173": "const_noop", "_param_constant174": "const_noop", "conv2d_59": "Conv2DOp", "_param_constant175": "const_noop", "conv2d_60": "Conv2DOp", "empty_55": "EmptyOp", "_param_constant176": "const_noop", "_param_constant177": "const_noop", "_tensor_constant110": "const_noop", "_tensor_constant111": "const_noop", "_native_batch_norm_legit_no_training_55": "BatchNormOp", "getitem_181": "GatherOp", "getitem_182": "GatherOp", "getitem_183": "GatherOp", "silu__55": "SiluOp", "_param_constant178": "const_noop", "conv2d_61": "Conv2DOp", "empty_56": "EmptyOp", "_param_constant179": "const_noop", "_param_constant180": "const_noop", "_tensor_constant112": "const_noop", "_tensor_constant113": "const_noop", "_native_batch_norm_legit_no_training_56": "BatchNormOp", "getitem_184": "GatherOp", "getitem_185": "GatherOp", "getitem_186": "GatherOp", "silu__56": "SiluOp", "_param_constant181": "const_noop", "_param_constant182": "const_noop", "conv2d_62": "Conv2DOp", "cat_15": "CatOp", "view": "ReshapeOp", "view_1": "ReshapeOp", "view_2": "ReshapeOp", "cat_16": "CatOp", "split_with_sizes": "SplitOp", "getitem_187": "GatherOp", "getitem_188": "GatherOp", "view_3": "ReshapeOp", "transpose": "TransposeOp", "softmax": "SoftmaxOp", "_param_constant183": "const_noop", "conv2d_63": "Conv2DOp", "view_4": "ReshapeOp", "_tensor_constant114": "const_noop", "unsqueeze": "ReshapeOp", "chunk_8": "SplitOp", "getitem_189": "GatherOp", "getitem_190": "GatherOp", "sub": "SubOp", "add_6": "AddOp", "add_7": "AddOp", "div": "DivOp", "sub_1": "SubOp", "cat_17": "CatOp", "_tensor_constant115": "const_noop", "mul": "MulOp", "sigmoid": "SigmoidOp", "cat_18": "CatOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/resnet18.dot b/tests/torch/data/reference_graphs/fx/resnet18.dot new file mode 100644 index 00000000000..562374583ff --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/resnet18.dot @@ -0,0 +1,495 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 conv2d" [id=2, type=conv2d]; +"3 empty" [id=3, type=empty]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 getitem_1" [id=10, type=__getitem__]; +"11 getitem_2" [id=11, type=__getitem__]; +"12 relu_" [id=12, type=relu_]; +"13 max_pool2d" [id=13, type=max_pool2d]; +"14 _param_constant3" [id=14, type=get_attr]; +"15 conv2d_1" [id=15, type=conv2d]; +"16 empty_1" [id=16, type=empty]; +"17 _param_constant4" [id=17, type=get_attr]; +"18 _param_constant5" [id=18, type=get_attr]; +"19 _tensor_constant2" [id=19, type=get_attr]; +"20 _tensor_constant3" [id=20, type=get_attr]; +"21 _native_batch_norm_legit_no_training_1" [id=21, type=_native_batch_norm_legit_no_training]; +"22 getitem_3" [id=22, type=__getitem__]; +"23 getitem_4" [id=23, type=__getitem__]; +"24 getitem_5" [id=24, type=__getitem__]; +"25 relu__1" [id=25, type=relu_]; +"26 _param_constant6" [id=26, type=get_attr]; +"27 conv2d_2" [id=27, type=conv2d]; +"28 empty_2" [id=28, type=empty]; +"29 _param_constant7" [id=29, type=get_attr]; +"30 _param_constant8" [id=30, type=get_attr]; +"31 _tensor_constant4" [id=31, type=get_attr]; +"32 _tensor_constant5" [id=32, type=get_attr]; +"33 _native_batch_norm_legit_no_training_2" [id=33, type=_native_batch_norm_legit_no_training]; +"34 getitem_6" [id=34, type=__getitem__]; +"35 getitem_7" [id=35, type=__getitem__]; +"36 getitem_8" [id=36, type=__getitem__]; +"37 add_" [id=37, type=add_]; +"38 relu__2" [id=38, type=relu_]; +"39 _param_constant9" [id=39, type=get_attr]; +"40 conv2d_3" [id=40, type=conv2d]; +"41 empty_3" [id=41, type=empty]; +"42 _param_constant10" [id=42, type=get_attr]; +"43 _param_constant11" [id=43, type=get_attr]; +"44 _tensor_constant6" [id=44, type=get_attr]; +"45 _tensor_constant7" [id=45, type=get_attr]; +"46 _native_batch_norm_legit_no_training_3" [id=46, type=_native_batch_norm_legit_no_training]; +"47 getitem_9" [id=47, type=__getitem__]; +"48 getitem_10" [id=48, type=__getitem__]; +"49 getitem_11" [id=49, type=__getitem__]; +"50 relu__3" [id=50, type=relu_]; +"51 _param_constant12" [id=51, type=get_attr]; +"52 conv2d_4" [id=52, type=conv2d]; +"53 empty_4" [id=53, type=empty]; +"54 _param_constant13" [id=54, type=get_attr]; +"55 _param_constant14" [id=55, type=get_attr]; +"56 _tensor_constant8" [id=56, type=get_attr]; +"57 _tensor_constant9" [id=57, type=get_attr]; +"58 _native_batch_norm_legit_no_training_4" [id=58, type=_native_batch_norm_legit_no_training]; +"59 getitem_12" [id=59, type=__getitem__]; +"60 getitem_13" [id=60, type=__getitem__]; +"61 getitem_14" [id=61, type=__getitem__]; +"62 add__1" [id=62, type=add_]; +"63 relu__4" [id=63, type=relu_]; +"64 _param_constant15" [id=64, type=get_attr]; +"65 conv2d_5" [id=65, type=conv2d]; +"66 empty_5" [id=66, type=empty]; +"67 _param_constant16" [id=67, type=get_attr]; +"68 _param_constant17" [id=68, type=get_attr]; +"69 _tensor_constant10" [id=69, type=get_attr]; +"70 _tensor_constant11" [id=70, type=get_attr]; +"71 _native_batch_norm_legit_no_training_5" [id=71, type=_native_batch_norm_legit_no_training]; +"72 getitem_15" [id=72, type=__getitem__]; +"73 getitem_16" [id=73, type=__getitem__]; +"74 getitem_17" [id=74, type=__getitem__]; +"75 relu__5" [id=75, type=relu_]; +"76 _param_constant18" [id=76, type=get_attr]; +"77 conv2d_6" [id=77, type=conv2d]; +"78 empty_6" [id=78, type=empty]; +"79 _param_constant19" [id=79, type=get_attr]; +"80 _param_constant20" [id=80, type=get_attr]; +"81 _tensor_constant12" [id=81, type=get_attr]; +"82 _tensor_constant13" [id=82, type=get_attr]; +"83 _native_batch_norm_legit_no_training_6" [id=83, type=_native_batch_norm_legit_no_training]; +"84 getitem_18" [id=84, type=__getitem__]; +"85 getitem_19" [id=85, type=__getitem__]; +"86 getitem_20" [id=86, type=__getitem__]; +"87 _param_constant21" [id=87, type=get_attr]; +"88 conv2d_7" [id=88, type=conv2d]; +"89 empty_7" [id=89, type=empty]; +"90 _param_constant22" [id=90, type=get_attr]; +"91 _param_constant23" [id=91, type=get_attr]; +"92 _tensor_constant14" [id=92, type=get_attr]; +"93 _tensor_constant15" [id=93, type=get_attr]; +"94 _native_batch_norm_legit_no_training_7" [id=94, type=_native_batch_norm_legit_no_training]; +"95 getitem_21" [id=95, type=__getitem__]; +"96 getitem_22" [id=96, type=__getitem__]; +"97 getitem_23" [id=97, type=__getitem__]; +"98 add__2" [id=98, type=add_]; +"99 relu__6" [id=99, type=relu_]; +"100 _param_constant24" [id=100, type=get_attr]; +"101 conv2d_8" [id=101, type=conv2d]; +"102 empty_8" [id=102, type=empty]; +"103 _param_constant25" [id=103, type=get_attr]; +"104 _param_constant26" [id=104, type=get_attr]; +"105 _tensor_constant16" [id=105, type=get_attr]; +"106 _tensor_constant17" [id=106, type=get_attr]; +"107 _native_batch_norm_legit_no_training_8" [id=107, type=_native_batch_norm_legit_no_training]; +"108 getitem_24" [id=108, type=__getitem__]; +"109 getitem_25" [id=109, type=__getitem__]; +"110 getitem_26" [id=110, type=__getitem__]; +"111 relu__7" [id=111, type=relu_]; +"112 _param_constant27" [id=112, type=get_attr]; +"113 conv2d_9" [id=113, type=conv2d]; +"114 empty_9" [id=114, type=empty]; +"115 _param_constant28" [id=115, type=get_attr]; +"116 _param_constant29" [id=116, type=get_attr]; +"117 _tensor_constant18" [id=117, type=get_attr]; +"118 _tensor_constant19" [id=118, type=get_attr]; +"119 _native_batch_norm_legit_no_training_9" [id=119, type=_native_batch_norm_legit_no_training]; +"120 getitem_27" [id=120, type=__getitem__]; +"121 getitem_28" [id=121, type=__getitem__]; +"122 getitem_29" [id=122, type=__getitem__]; +"123 add__3" [id=123, type=add_]; +"124 relu__8" [id=124, type=relu_]; +"125 _param_constant30" [id=125, type=get_attr]; +"126 conv2d_10" [id=126, type=conv2d]; +"127 empty_10" [id=127, type=empty]; +"128 _param_constant31" [id=128, type=get_attr]; +"129 _param_constant32" [id=129, type=get_attr]; +"130 _tensor_constant20" [id=130, type=get_attr]; +"131 _tensor_constant21" [id=131, type=get_attr]; +"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; +"133 getitem_30" [id=133, type=__getitem__]; +"134 getitem_31" [id=134, type=__getitem__]; +"135 getitem_32" [id=135, type=__getitem__]; +"136 relu__9" [id=136, type=relu_]; +"137 _param_constant33" [id=137, type=get_attr]; +"138 conv2d_11" [id=138, type=conv2d]; +"139 empty_11" [id=139, type=empty]; +"140 _param_constant34" [id=140, type=get_attr]; +"141 _param_constant35" [id=141, type=get_attr]; +"142 _tensor_constant22" [id=142, type=get_attr]; +"143 _tensor_constant23" [id=143, type=get_attr]; +"144 _native_batch_norm_legit_no_training_11" [id=144, type=_native_batch_norm_legit_no_training]; +"145 getitem_33" [id=145, type=__getitem__]; +"146 getitem_34" [id=146, type=__getitem__]; +"147 getitem_35" [id=147, type=__getitem__]; +"148 _param_constant36" [id=148, type=get_attr]; +"149 conv2d_12" [id=149, type=conv2d]; +"150 empty_12" [id=150, type=empty]; +"151 _param_constant37" [id=151, type=get_attr]; +"152 _param_constant38" [id=152, type=get_attr]; +"153 _tensor_constant24" [id=153, type=get_attr]; +"154 _tensor_constant25" [id=154, type=get_attr]; +"155 _native_batch_norm_legit_no_training_12" [id=155, type=_native_batch_norm_legit_no_training]; +"156 getitem_36" [id=156, type=__getitem__]; +"157 getitem_37" [id=157, type=__getitem__]; +"158 getitem_38" [id=158, type=__getitem__]; +"159 add__4" [id=159, type=add_]; +"160 relu__10" [id=160, type=relu_]; +"161 _param_constant39" [id=161, type=get_attr]; +"162 conv2d_13" [id=162, type=conv2d]; +"163 empty_13" [id=163, type=empty]; +"164 _param_constant40" [id=164, type=get_attr]; +"165 _param_constant41" [id=165, type=get_attr]; +"166 _tensor_constant26" [id=166, type=get_attr]; +"167 _tensor_constant27" [id=167, type=get_attr]; +"168 _native_batch_norm_legit_no_training_13" [id=168, type=_native_batch_norm_legit_no_training]; +"169 getitem_39" [id=169, type=__getitem__]; +"170 getitem_40" [id=170, type=__getitem__]; +"171 getitem_41" [id=171, type=__getitem__]; +"172 relu__11" [id=172, type=relu_]; +"173 _param_constant42" [id=173, type=get_attr]; +"174 conv2d_14" [id=174, type=conv2d]; +"175 empty_14" [id=175, type=empty]; +"176 _param_constant43" [id=176, type=get_attr]; +"177 _param_constant44" [id=177, type=get_attr]; +"178 _tensor_constant28" [id=178, type=get_attr]; +"179 _tensor_constant29" [id=179, type=get_attr]; +"180 _native_batch_norm_legit_no_training_14" [id=180, type=_native_batch_norm_legit_no_training]; +"181 getitem_42" [id=181, type=__getitem__]; +"182 getitem_43" [id=182, type=__getitem__]; +"183 getitem_44" [id=183, type=__getitem__]; +"184 add__5" [id=184, type=add_]; +"185 relu__12" [id=185, type=relu_]; +"186 _param_constant45" [id=186, type=get_attr]; +"187 conv2d_15" [id=187, type=conv2d]; +"188 empty_15" [id=188, type=empty]; +"189 _param_constant46" [id=189, type=get_attr]; +"190 _param_constant47" [id=190, type=get_attr]; +"191 _tensor_constant30" [id=191, type=get_attr]; +"192 _tensor_constant31" [id=192, type=get_attr]; +"193 _native_batch_norm_legit_no_training_15" [id=193, type=_native_batch_norm_legit_no_training]; +"194 getitem_45" [id=194, type=__getitem__]; +"195 getitem_46" [id=195, type=__getitem__]; +"196 getitem_47" [id=196, type=__getitem__]; +"197 relu__13" [id=197, type=relu_]; +"198 _param_constant48" [id=198, type=get_attr]; +"199 conv2d_16" [id=199, type=conv2d]; +"200 empty_16" [id=200, type=empty]; +"201 _param_constant49" [id=201, type=get_attr]; +"202 _param_constant50" [id=202, type=get_attr]; +"203 _tensor_constant32" [id=203, type=get_attr]; +"204 _tensor_constant33" [id=204, type=get_attr]; +"205 _native_batch_norm_legit_no_training_16" [id=205, type=_native_batch_norm_legit_no_training]; +"206 getitem_48" [id=206, type=__getitem__]; +"207 getitem_49" [id=207, type=__getitem__]; +"208 getitem_50" [id=208, type=__getitem__]; +"209 _param_constant51" [id=209, type=get_attr]; +"210 conv2d_17" [id=210, type=conv2d]; +"211 empty_17" [id=211, type=empty]; +"212 _param_constant52" [id=212, type=get_attr]; +"213 _param_constant53" [id=213, type=get_attr]; +"214 _tensor_constant34" [id=214, type=get_attr]; +"215 _tensor_constant35" [id=215, type=get_attr]; +"216 _native_batch_norm_legit_no_training_17" [id=216, type=_native_batch_norm_legit_no_training]; +"217 getitem_51" [id=217, type=__getitem__]; +"218 getitem_52" [id=218, type=__getitem__]; +"219 getitem_53" [id=219, type=__getitem__]; +"220 add__6" [id=220, type=add_]; +"221 relu__14" [id=221, type=relu_]; +"222 _param_constant54" [id=222, type=get_attr]; +"223 conv2d_18" [id=223, type=conv2d]; +"224 empty_18" [id=224, type=empty]; +"225 _param_constant55" [id=225, type=get_attr]; +"226 _param_constant56" [id=226, type=get_attr]; +"227 _tensor_constant36" [id=227, type=get_attr]; +"228 _tensor_constant37" [id=228, type=get_attr]; +"229 _native_batch_norm_legit_no_training_18" [id=229, type=_native_batch_norm_legit_no_training]; +"230 getitem_54" [id=230, type=__getitem__]; +"231 getitem_55" [id=231, type=__getitem__]; +"232 getitem_56" [id=232, type=__getitem__]; +"233 relu__15" [id=233, type=relu_]; +"234 _param_constant57" [id=234, type=get_attr]; +"235 conv2d_19" [id=235, type=conv2d]; +"236 empty_19" [id=236, type=empty]; +"237 _param_constant58" [id=237, type=get_attr]; +"238 _param_constant59" [id=238, type=get_attr]; +"239 _tensor_constant38" [id=239, type=get_attr]; +"240 _tensor_constant39" [id=240, type=get_attr]; +"241 _native_batch_norm_legit_no_training_19" [id=241, type=_native_batch_norm_legit_no_training]; +"242 getitem_57" [id=242, type=__getitem__]; +"243 getitem_58" [id=243, type=__getitem__]; +"244 getitem_59" [id=244, type=__getitem__]; +"245 add__7" [id=245, type=add_]; +"246 relu__16" [id=246, type=relu_]; +"247 adaptive_avg_pool2d" [id=247, type=adaptive_avg_pool2d]; +"248 flatten" [id=248, type=flatten]; +"249 _param_constant60" [id=249, type=get_attr]; +"250 _param_constant61" [id=250, type=get_attr]; +"251 linear" [id=251, type=linear]; +"252 output" [id=252, type=output]; +"0 arg0_1" -> "2 conv2d"; +"1 _param_constant0" -> "2 conv2d"; +"2 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"8 _native_batch_norm_legit_no_training" -> "10 getitem_1"; +"8 _native_batch_norm_legit_no_training" -> "11 getitem_2"; +"9 getitem" -> "12 relu_"; +"12 relu_" -> "13 max_pool2d"; +"13 max_pool2d" -> "15 conv2d_1"; +"13 max_pool2d" -> "37 add_"; +"14 _param_constant3" -> "15 conv2d_1"; +"15 conv2d_1" -> "21 _native_batch_norm_legit_no_training_1"; +"17 _param_constant4" -> "21 _native_batch_norm_legit_no_training_1"; +"18 _param_constant5" -> "21 _native_batch_norm_legit_no_training_1"; +"19 _tensor_constant2" -> "21 _native_batch_norm_legit_no_training_1"; +"20 _tensor_constant3" -> "21 _native_batch_norm_legit_no_training_1"; +"21 _native_batch_norm_legit_no_training_1" -> "22 getitem_3"; +"21 _native_batch_norm_legit_no_training_1" -> "23 getitem_4"; +"21 _native_batch_norm_legit_no_training_1" -> "24 getitem_5"; +"22 getitem_3" -> "25 relu__1"; +"25 relu__1" -> "27 conv2d_2"; +"26 _param_constant6" -> "27 conv2d_2"; +"27 conv2d_2" -> "33 _native_batch_norm_legit_no_training_2"; +"29 _param_constant7" -> "33 _native_batch_norm_legit_no_training_2"; +"30 _param_constant8" -> "33 _native_batch_norm_legit_no_training_2"; +"31 _tensor_constant4" -> "33 _native_batch_norm_legit_no_training_2"; +"32 _tensor_constant5" -> "33 _native_batch_norm_legit_no_training_2"; +"33 _native_batch_norm_legit_no_training_2" -> "34 getitem_6"; +"33 _native_batch_norm_legit_no_training_2" -> "35 getitem_7"; +"33 _native_batch_norm_legit_no_training_2" -> "36 getitem_8"; +"34 getitem_6" -> "37 add_"; +"37 add_" -> "38 relu__2"; +"38 relu__2" -> "40 conv2d_3"; +"38 relu__2" -> "62 add__1"; +"39 _param_constant9" -> "40 conv2d_3"; +"40 conv2d_3" -> "46 _native_batch_norm_legit_no_training_3"; +"42 _param_constant10" -> "46 _native_batch_norm_legit_no_training_3"; +"43 _param_constant11" -> "46 _native_batch_norm_legit_no_training_3"; +"44 _tensor_constant6" -> "46 _native_batch_norm_legit_no_training_3"; +"45 _tensor_constant7" -> "46 _native_batch_norm_legit_no_training_3"; +"46 _native_batch_norm_legit_no_training_3" -> "47 getitem_9"; +"46 _native_batch_norm_legit_no_training_3" -> "48 getitem_10"; +"46 _native_batch_norm_legit_no_training_3" -> "49 getitem_11"; +"47 getitem_9" -> "50 relu__3"; +"50 relu__3" -> "52 conv2d_4"; +"51 _param_constant12" -> "52 conv2d_4"; +"52 conv2d_4" -> "58 _native_batch_norm_legit_no_training_4"; +"54 _param_constant13" -> "58 _native_batch_norm_legit_no_training_4"; +"55 _param_constant14" -> "58 _native_batch_norm_legit_no_training_4"; +"56 _tensor_constant8" -> "58 _native_batch_norm_legit_no_training_4"; +"57 _tensor_constant9" -> "58 _native_batch_norm_legit_no_training_4"; +"58 _native_batch_norm_legit_no_training_4" -> "59 getitem_12"; +"58 _native_batch_norm_legit_no_training_4" -> "60 getitem_13"; +"58 _native_batch_norm_legit_no_training_4" -> "61 getitem_14"; +"59 getitem_12" -> "62 add__1"; +"62 add__1" -> "63 relu__4"; +"63 relu__4" -> "65 conv2d_5"; +"63 relu__4" -> "88 conv2d_7"; +"64 _param_constant15" -> "65 conv2d_5"; +"65 conv2d_5" -> "71 _native_batch_norm_legit_no_training_5"; +"67 _param_constant16" -> "71 _native_batch_norm_legit_no_training_5"; +"68 _param_constant17" -> "71 _native_batch_norm_legit_no_training_5"; +"69 _tensor_constant10" -> "71 _native_batch_norm_legit_no_training_5"; +"70 _tensor_constant11" -> "71 _native_batch_norm_legit_no_training_5"; +"71 _native_batch_norm_legit_no_training_5" -> "72 getitem_15"; +"71 _native_batch_norm_legit_no_training_5" -> "73 getitem_16"; +"71 _native_batch_norm_legit_no_training_5" -> "74 getitem_17"; +"72 getitem_15" -> "75 relu__5"; +"75 relu__5" -> "77 conv2d_6"; +"76 _param_constant18" -> "77 conv2d_6"; +"77 conv2d_6" -> "83 _native_batch_norm_legit_no_training_6"; +"79 _param_constant19" -> "83 _native_batch_norm_legit_no_training_6"; +"80 _param_constant20" -> "83 _native_batch_norm_legit_no_training_6"; +"81 _tensor_constant12" -> "83 _native_batch_norm_legit_no_training_6"; +"82 _tensor_constant13" -> "83 _native_batch_norm_legit_no_training_6"; +"83 _native_batch_norm_legit_no_training_6" -> "84 getitem_18"; +"83 _native_batch_norm_legit_no_training_6" -> "85 getitem_19"; +"83 _native_batch_norm_legit_no_training_6" -> "86 getitem_20"; +"84 getitem_18" -> "98 add__2"; +"87 _param_constant21" -> "88 conv2d_7"; +"88 conv2d_7" -> "94 _native_batch_norm_legit_no_training_7"; +"90 _param_constant22" -> "94 _native_batch_norm_legit_no_training_7"; +"91 _param_constant23" -> "94 _native_batch_norm_legit_no_training_7"; +"92 _tensor_constant14" -> "94 _native_batch_norm_legit_no_training_7"; +"93 _tensor_constant15" -> "94 _native_batch_norm_legit_no_training_7"; +"94 _native_batch_norm_legit_no_training_7" -> "95 getitem_21"; +"94 _native_batch_norm_legit_no_training_7" -> "96 getitem_22"; +"94 _native_batch_norm_legit_no_training_7" -> "97 getitem_23"; +"95 getitem_21" -> "98 add__2"; +"98 add__2" -> "99 relu__6"; +"99 relu__6" -> "101 conv2d_8"; +"99 relu__6" -> "123 add__3"; +"100 _param_constant24" -> "101 conv2d_8"; +"101 conv2d_8" -> "107 _native_batch_norm_legit_no_training_8"; +"103 _param_constant25" -> "107 _native_batch_norm_legit_no_training_8"; +"104 _param_constant26" -> "107 _native_batch_norm_legit_no_training_8"; +"105 _tensor_constant16" -> "107 _native_batch_norm_legit_no_training_8"; +"106 _tensor_constant17" -> "107 _native_batch_norm_legit_no_training_8"; +"107 _native_batch_norm_legit_no_training_8" -> "108 getitem_24"; +"107 _native_batch_norm_legit_no_training_8" -> "109 getitem_25"; +"107 _native_batch_norm_legit_no_training_8" -> "110 getitem_26"; +"108 getitem_24" -> "111 relu__7"; +"111 relu__7" -> "113 conv2d_9"; +"112 _param_constant27" -> "113 conv2d_9"; +"113 conv2d_9" -> "119 _native_batch_norm_legit_no_training_9"; +"115 _param_constant28" -> "119 _native_batch_norm_legit_no_training_9"; +"116 _param_constant29" -> "119 _native_batch_norm_legit_no_training_9"; +"117 _tensor_constant18" -> "119 _native_batch_norm_legit_no_training_9"; +"118 _tensor_constant19" -> "119 _native_batch_norm_legit_no_training_9"; +"119 _native_batch_norm_legit_no_training_9" -> "120 getitem_27"; +"119 _native_batch_norm_legit_no_training_9" -> "121 getitem_28"; +"119 _native_batch_norm_legit_no_training_9" -> "122 getitem_29"; +"120 getitem_27" -> "123 add__3"; +"123 add__3" -> "124 relu__8"; +"124 relu__8" -> "126 conv2d_10"; +"124 relu__8" -> "149 conv2d_12"; +"125 _param_constant30" -> "126 conv2d_10"; +"126 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10"; +"128 _param_constant31" -> "132 _native_batch_norm_legit_no_training_10"; +"129 _param_constant32" -> "132 _native_batch_norm_legit_no_training_10"; +"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10"; +"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10"; +"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30"; +"132 _native_batch_norm_legit_no_training_10" -> "134 getitem_31"; +"132 _native_batch_norm_legit_no_training_10" -> "135 getitem_32"; +"133 getitem_30" -> "136 relu__9"; +"136 relu__9" -> "138 conv2d_11"; +"137 _param_constant33" -> "138 conv2d_11"; +"138 conv2d_11" -> "144 _native_batch_norm_legit_no_training_11"; +"140 _param_constant34" -> "144 _native_batch_norm_legit_no_training_11"; +"141 _param_constant35" -> "144 _native_batch_norm_legit_no_training_11"; +"142 _tensor_constant22" -> "144 _native_batch_norm_legit_no_training_11"; +"143 _tensor_constant23" -> "144 _native_batch_norm_legit_no_training_11"; +"144 _native_batch_norm_legit_no_training_11" -> "145 getitem_33"; +"144 _native_batch_norm_legit_no_training_11" -> "146 getitem_34"; +"144 _native_batch_norm_legit_no_training_11" -> "147 getitem_35"; +"145 getitem_33" -> "159 add__4"; +"148 _param_constant36" -> "149 conv2d_12"; +"149 conv2d_12" -> "155 _native_batch_norm_legit_no_training_12"; +"151 _param_constant37" -> "155 _native_batch_norm_legit_no_training_12"; +"152 _param_constant38" -> "155 _native_batch_norm_legit_no_training_12"; +"153 _tensor_constant24" -> "155 _native_batch_norm_legit_no_training_12"; +"154 _tensor_constant25" -> "155 _native_batch_norm_legit_no_training_12"; +"155 _native_batch_norm_legit_no_training_12" -> "156 getitem_36"; +"155 _native_batch_norm_legit_no_training_12" -> "157 getitem_37"; +"155 _native_batch_norm_legit_no_training_12" -> "158 getitem_38"; +"156 getitem_36" -> "159 add__4"; +"159 add__4" -> "160 relu__10"; +"160 relu__10" -> "162 conv2d_13"; +"160 relu__10" -> "184 add__5"; +"161 _param_constant39" -> "162 conv2d_13"; +"162 conv2d_13" -> "168 _native_batch_norm_legit_no_training_13"; +"164 _param_constant40" -> "168 _native_batch_norm_legit_no_training_13"; +"165 _param_constant41" -> "168 _native_batch_norm_legit_no_training_13"; +"166 _tensor_constant26" -> "168 _native_batch_norm_legit_no_training_13"; +"167 _tensor_constant27" -> "168 _native_batch_norm_legit_no_training_13"; +"168 _native_batch_norm_legit_no_training_13" -> "169 getitem_39"; +"168 _native_batch_norm_legit_no_training_13" -> "170 getitem_40"; +"168 _native_batch_norm_legit_no_training_13" -> "171 getitem_41"; +"169 getitem_39" -> "172 relu__11"; +"172 relu__11" -> "174 conv2d_14"; +"173 _param_constant42" -> "174 conv2d_14"; +"174 conv2d_14" -> "180 _native_batch_norm_legit_no_training_14"; +"176 _param_constant43" -> "180 _native_batch_norm_legit_no_training_14"; +"177 _param_constant44" -> "180 _native_batch_norm_legit_no_training_14"; +"178 _tensor_constant28" -> "180 _native_batch_norm_legit_no_training_14"; +"179 _tensor_constant29" -> "180 _native_batch_norm_legit_no_training_14"; +"180 _native_batch_norm_legit_no_training_14" -> "181 getitem_42"; +"180 _native_batch_norm_legit_no_training_14" -> "182 getitem_43"; +"180 _native_batch_norm_legit_no_training_14" -> "183 getitem_44"; +"181 getitem_42" -> "184 add__5"; +"184 add__5" -> "185 relu__12"; +"185 relu__12" -> "187 conv2d_15"; +"185 relu__12" -> "210 conv2d_17"; +"186 _param_constant45" -> "187 conv2d_15"; +"187 conv2d_15" -> "193 _native_batch_norm_legit_no_training_15"; +"189 _param_constant46" -> "193 _native_batch_norm_legit_no_training_15"; +"190 _param_constant47" -> "193 _native_batch_norm_legit_no_training_15"; +"191 _tensor_constant30" -> "193 _native_batch_norm_legit_no_training_15"; +"192 _tensor_constant31" -> "193 _native_batch_norm_legit_no_training_15"; +"193 _native_batch_norm_legit_no_training_15" -> "194 getitem_45"; +"193 _native_batch_norm_legit_no_training_15" -> "195 getitem_46"; +"193 _native_batch_norm_legit_no_training_15" -> "196 getitem_47"; +"194 getitem_45" -> "197 relu__13"; +"197 relu__13" -> "199 conv2d_16"; +"198 _param_constant48" -> "199 conv2d_16"; +"199 conv2d_16" -> "205 _native_batch_norm_legit_no_training_16"; +"201 _param_constant49" -> "205 _native_batch_norm_legit_no_training_16"; +"202 _param_constant50" -> "205 _native_batch_norm_legit_no_training_16"; +"203 _tensor_constant32" -> "205 _native_batch_norm_legit_no_training_16"; +"204 _tensor_constant33" -> "205 _native_batch_norm_legit_no_training_16"; +"205 _native_batch_norm_legit_no_training_16" -> "206 getitem_48"; +"205 _native_batch_norm_legit_no_training_16" -> "207 getitem_49"; +"205 _native_batch_norm_legit_no_training_16" -> "208 getitem_50"; +"206 getitem_48" -> "220 add__6"; +"209 _param_constant51" -> "210 conv2d_17"; +"210 conv2d_17" -> "216 _native_batch_norm_legit_no_training_17"; +"212 _param_constant52" -> "216 _native_batch_norm_legit_no_training_17"; +"213 _param_constant53" -> "216 _native_batch_norm_legit_no_training_17"; +"214 _tensor_constant34" -> "216 _native_batch_norm_legit_no_training_17"; +"215 _tensor_constant35" -> "216 _native_batch_norm_legit_no_training_17"; +"216 _native_batch_norm_legit_no_training_17" -> "217 getitem_51"; +"216 _native_batch_norm_legit_no_training_17" -> "218 getitem_52"; +"216 _native_batch_norm_legit_no_training_17" -> "219 getitem_53"; +"217 getitem_51" -> "220 add__6"; +"220 add__6" -> "221 relu__14"; +"221 relu__14" -> "223 conv2d_18"; +"221 relu__14" -> "245 add__7"; +"222 _param_constant54" -> "223 conv2d_18"; +"223 conv2d_18" -> "229 _native_batch_norm_legit_no_training_18"; +"225 _param_constant55" -> "229 _native_batch_norm_legit_no_training_18"; +"226 _param_constant56" -> "229 _native_batch_norm_legit_no_training_18"; +"227 _tensor_constant36" -> "229 _native_batch_norm_legit_no_training_18"; +"228 _tensor_constant37" -> "229 _native_batch_norm_legit_no_training_18"; +"229 _native_batch_norm_legit_no_training_18" -> "230 getitem_54"; +"229 _native_batch_norm_legit_no_training_18" -> "231 getitem_55"; +"229 _native_batch_norm_legit_no_training_18" -> "232 getitem_56"; +"230 getitem_54" -> "233 relu__15"; +"233 relu__15" -> "235 conv2d_19"; +"234 _param_constant57" -> "235 conv2d_19"; +"235 conv2d_19" -> "241 _native_batch_norm_legit_no_training_19"; +"237 _param_constant58" -> "241 _native_batch_norm_legit_no_training_19"; +"238 _param_constant59" -> "241 _native_batch_norm_legit_no_training_19"; +"239 _tensor_constant38" -> "241 _native_batch_norm_legit_no_training_19"; +"240 _tensor_constant39" -> "241 _native_batch_norm_legit_no_training_19"; +"241 _native_batch_norm_legit_no_training_19" -> "242 getitem_57"; +"241 _native_batch_norm_legit_no_training_19" -> "243 getitem_58"; +"241 _native_batch_norm_legit_no_training_19" -> "244 getitem_59"; +"242 getitem_57" -> "245 add__7"; +"245 add__7" -> "246 relu__16"; +"246 relu__16" -> "247 adaptive_avg_pool2d"; +"247 adaptive_avg_pool2d" -> "248 flatten"; +"248 flatten" -> "251 linear"; +"249 _param_constant60" -> "251 linear"; +"250 _param_constant61" -> "251 linear"; +"251 linear" -> "252 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/swin_v2_s.dot b/tests/torch/data/reference_graphs/fx/swin_v2_s.dot new file mode 100644 index 00000000000..95a0b21237d --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/swin_v2_s.dot @@ -0,0 +1,5610 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant1" [id=2, type=get_attr]; +"3 conv2d" [id=3, type=conv2d]; +"4 permute" [id=4, type=permute]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 layer_norm" [id=7, type=layer_norm]; +"8 _tensor_constant0" [id=8, type=get_attr]; +"9 _param_constant4" [id=9, type=get_attr]; +"10 _param_constant5" [id=10, type=get_attr]; +"11 linear" [id=11, type=linear]; +"12 relu_" [id=12, type=relu_]; +"13 _param_constant6" [id=13, type=get_attr]; +"14 linear_1" [id=14, type=linear]; +"15 view" [id=15, type=view]; +"16 _tensor_constant1" [id=16, type=get_attr]; +"17 index" [id=17, type=index]; +"18 view_1" [id=18, type=view]; +"19 permute_1" [id=19, type=permute]; +"20 contiguous" [id=20, type=contiguous]; +"21 unsqueeze" [id=21, type=unsqueeze]; +"22 sigmoid" [id=22, type=sigmoid]; +"23 mul" [id=23, type=mul]; +"24 pad" [id=24, type=pad]; +"25 view_2" [id=25, type=view]; +"26 permute_2" [id=26, type=permute]; +"27 reshape" [id=27, type=reshape]; +"28 _param_constant7" [id=28, type=get_attr]; +"29 clone" [id=29, type=clone]; +"30 slice_1" [id=30, type=slice]; +"31 zero_" [id=31, type=zero_]; +"32 _param_constant8" [id=32, type=get_attr]; +"33 linear_2" [id=33, type=linear]; +"34 reshape_1" [id=34, type=reshape]; +"35 permute_3" [id=35, type=permute]; +"36 select" [id=36, type=select]; +"37 select_1" [id=37, type=select]; +"38 select_2" [id=38, type=select]; +"39 linalg_vector_norm" [id=39, type=linalg_vector_norm]; +"40 clamp_min" [id=40, type=clamp_min]; +"41 expand_as" [id=41, type=expand_as]; +"42 div" [id=42, type=div]; +"43 linalg_vector_norm_1" [id=43, type=linalg_vector_norm]; +"44 clamp_min_1" [id=44, type=clamp_min]; +"45 expand_as_1" [id=45, type=expand_as]; +"46 div_1" [id=46, type=div]; +"47 transpose" [id=47, type=transpose]; +"48 matmul" [id=48, type=matmul]; +"49 _param_constant9" [id=49, type=get_attr]; +"50 clamp" [id=50, type=clamp]; +"51 exp" [id=51, type=exp]; +"52 mul_1" [id=52, type=mul]; +"53 add" [id=53, type=add]; +"54 softmax" [id=54, type=softmax]; +"55 dropout" [id=55, type=dropout]; +"56 matmul_1" [id=56, type=matmul]; +"57 transpose_1" [id=57, type=transpose]; +"58 reshape_2" [id=58, type=reshape]; +"59 _param_constant10" [id=59, type=get_attr]; +"60 _param_constant11" [id=60, type=get_attr]; +"61 linear_3" [id=61, type=linear]; +"62 dropout_1" [id=62, type=dropout]; +"63 view_3" [id=63, type=view]; +"64 permute_4" [id=64, type=permute]; +"65 reshape_3" [id=65, type=reshape]; +"66 slice_2" [id=66, type=slice]; +"67 slice_3" [id=67, type=slice]; +"68 _param_constant12" [id=68, type=get_attr]; +"69 _param_constant13" [id=69, type=get_attr]; +"70 layer_norm_1" [id=70, type=layer_norm]; +"71 add_1" [id=71, type=add]; +"72 _param_constant14" [id=72, type=get_attr]; +"73 _param_constant15" [id=73, type=get_attr]; +"74 linear_4" [id=74, type=linear]; +"75 gelu" [id=75, type=gelu]; +"76 dropout_2" [id=76, type=dropout]; +"77 _param_constant16" [id=77, type=get_attr]; +"78 _param_constant17" [id=78, type=get_attr]; +"79 linear_5" [id=79, type=linear]; +"80 dropout_3" [id=80, type=dropout]; +"81 _param_constant18" [id=81, type=get_attr]; +"82 _param_constant19" [id=82, type=get_attr]; +"83 layer_norm_2" [id=83, type=layer_norm]; +"84 add_2" [id=84, type=add]; +"85 _tensor_constant2" [id=85, type=get_attr]; +"86 _param_constant20" [id=86, type=get_attr]; +"87 _param_constant21" [id=87, type=get_attr]; +"88 linear_6" [id=88, type=linear]; +"89 relu__1" [id=89, type=relu_]; +"90 _param_constant22" [id=90, type=get_attr]; +"91 linear_7" [id=91, type=linear]; +"92 view_4" [id=92, type=view]; +"93 _tensor_constant3" [id=93, type=get_attr]; +"94 index_1" [id=94, type=index]; +"95 view_5" [id=95, type=view]; +"96 permute_5" [id=96, type=permute]; +"97 contiguous_1" [id=97, type=contiguous]; +"98 unsqueeze_1" [id=98, type=unsqueeze]; +"99 sigmoid_1" [id=99, type=sigmoid]; +"100 mul_2" [id=100, type=mul]; +"101 pad_1" [id=101, type=pad]; +"102 roll" [id=102, type=roll]; +"103 view_6" [id=103, type=view]; +"104 permute_6" [id=104, type=permute]; +"105 reshape_4" [id=105, type=reshape]; +"106 _param_constant23" [id=106, type=get_attr]; +"107 clone_1" [id=107, type=clone]; +"108 slice_4" [id=108, type=slice]; +"109 zero__1" [id=109, type=zero_]; +"110 _param_constant24" [id=110, type=get_attr]; +"111 linear_8" [id=111, type=linear]; +"112 reshape_5" [id=112, type=reshape]; +"113 permute_7" [id=113, type=permute]; +"114 select_3" [id=114, type=select]; +"115 select_4" [id=115, type=select]; +"116 select_5" [id=116, type=select]; +"117 linalg_vector_norm_2" [id=117, type=linalg_vector_norm]; +"118 clamp_min_2" [id=118, type=clamp_min]; +"119 expand_as_2" [id=119, type=expand_as]; +"120 div_2" [id=120, type=div]; +"121 linalg_vector_norm_3" [id=121, type=linalg_vector_norm]; +"122 clamp_min_3" [id=122, type=clamp_min]; +"123 expand_as_3" [id=123, type=expand_as]; +"124 div_3" [id=124, type=div]; +"125 transpose_2" [id=125, type=transpose]; +"126 matmul_2" [id=126, type=matmul]; +"127 _param_constant25" [id=127, type=get_attr]; +"128 clamp_1" [id=128, type=clamp]; +"129 exp_1" [id=129, type=exp]; +"130 mul_3" [id=130, type=mul]; +"131 add_3" [id=131, type=add]; +"132 new_zeros" [id=132, type=new_zeros]; +"133 _tensor_constant4" [id=133, type=get_attr]; +"134 lift_fresh_copy" [id=134, type=lift_fresh_copy]; +"135 slice_5" [id=135, type=slice]; +"136 slice_6" [id=136, type=slice]; +"137 fill_" [id=137, type=fill_]; +"138 _tensor_constant5" [id=138, type=get_attr]; +"139 lift_fresh_copy_1" [id=139, type=lift_fresh_copy]; +"140 slice_7" [id=140, type=slice]; +"141 slice_8" [id=141, type=slice]; +"142 fill__1" [id=142, type=fill_]; +"143 _tensor_constant6" [id=143, type=get_attr]; +"144 lift_fresh_copy_2" [id=144, type=lift_fresh_copy]; +"145 slice_9" [id=145, type=slice]; +"146 slice_10" [id=146, type=slice]; +"147 fill__2" [id=147, type=fill_]; +"148 _tensor_constant7" [id=148, type=get_attr]; +"149 lift_fresh_copy_3" [id=149, type=lift_fresh_copy]; +"150 slice_11" [id=150, type=slice]; +"151 slice_12" [id=151, type=slice]; +"152 fill__3" [id=152, type=fill_]; +"153 _tensor_constant8" [id=153, type=get_attr]; +"154 lift_fresh_copy_4" [id=154, type=lift_fresh_copy]; +"155 slice_13" [id=155, type=slice]; +"156 slice_14" [id=156, type=slice]; +"157 fill__4" [id=157, type=fill_]; +"158 _tensor_constant9" [id=158, type=get_attr]; +"159 lift_fresh_copy_5" [id=159, type=lift_fresh_copy]; +"160 slice_15" [id=160, type=slice]; +"161 slice_16" [id=161, type=slice]; +"162 fill__5" [id=162, type=fill_]; +"163 _tensor_constant10" [id=163, type=get_attr]; +"164 lift_fresh_copy_6" [id=164, type=lift_fresh_copy]; +"165 slice_17" [id=165, type=slice]; +"166 slice_18" [id=166, type=slice]; +"167 fill__6" [id=167, type=fill_]; +"168 _tensor_constant11" [id=168, type=get_attr]; +"169 lift_fresh_copy_7" [id=169, type=lift_fresh_copy]; +"170 slice_19" [id=170, type=slice]; +"171 slice_20" [id=171, type=slice]; +"172 fill__7" [id=172, type=fill_]; +"173 _tensor_constant12" [id=173, type=get_attr]; +"174 lift_fresh_copy_8" [id=174, type=lift_fresh_copy]; +"175 slice_21" [id=175, type=slice]; +"176 slice_22" [id=176, type=slice]; +"177 fill__8" [id=177, type=fill_]; +"178 view_7" [id=178, type=view]; +"179 permute_8" [id=179, type=permute]; +"180 reshape_6" [id=180, type=reshape]; +"181 unsqueeze_2" [id=181, type=unsqueeze]; +"182 unsqueeze_3" [id=182, type=unsqueeze]; +"183 sub" [id=183, type=sub]; +"184 ne" [id=184, type=ne]; +"185 masked_fill" [id=185, type=masked_fill]; +"186 eq" [id=186, type=eq]; +"187 masked_fill_1" [id=187, type=masked_fill]; +"188 view_8" [id=188, type=view]; +"189 unsqueeze_4" [id=189, type=unsqueeze]; +"190 unsqueeze_5" [id=190, type=unsqueeze]; +"191 add_4" [id=191, type=add]; +"192 view_9" [id=192, type=view]; +"193 softmax_1" [id=193, type=softmax]; +"194 dropout_4" [id=194, type=dropout]; +"195 matmul_3" [id=195, type=matmul]; +"196 transpose_3" [id=196, type=transpose]; +"197 reshape_7" [id=197, type=reshape]; +"198 _param_constant26" [id=198, type=get_attr]; +"199 _param_constant27" [id=199, type=get_attr]; +"200 linear_9" [id=200, type=linear]; +"201 dropout_5" [id=201, type=dropout]; +"202 view_10" [id=202, type=view]; +"203 permute_9" [id=203, type=permute]; +"204 reshape_8" [id=204, type=reshape]; +"205 roll_1" [id=205, type=roll]; +"206 slice_23" [id=206, type=slice]; +"207 slice_24" [id=207, type=slice]; +"208 _param_constant28" [id=208, type=get_attr]; +"209 _param_constant29" [id=209, type=get_attr]; +"210 layer_norm_3" [id=210, type=layer_norm]; +"211 add_5" [id=211, type=add]; +"212 _param_constant30" [id=212, type=get_attr]; +"213 _param_constant31" [id=213, type=get_attr]; +"214 linear_10" [id=214, type=linear]; +"215 gelu_1" [id=215, type=gelu]; +"216 dropout_6" [id=216, type=dropout]; +"217 _param_constant32" [id=217, type=get_attr]; +"218 _param_constant33" [id=218, type=get_attr]; +"219 linear_11" [id=219, type=linear]; +"220 dropout_7" [id=220, type=dropout]; +"221 _param_constant34" [id=221, type=get_attr]; +"222 _param_constant35" [id=222, type=get_attr]; +"223 layer_norm_4" [id=223, type=layer_norm]; +"224 add_6" [id=224, type=add]; +"225 pad_2" [id=225, type=pad]; +"226 slice_25" [id=226, type=slice]; +"227 slice_26" [id=227, type=slice]; +"228 slice_27" [id=228, type=slice]; +"229 slice_28" [id=229, type=slice]; +"230 slice_29" [id=230, type=slice]; +"231 slice_30" [id=231, type=slice]; +"232 slice_31" [id=232, type=slice]; +"233 slice_32" [id=233, type=slice]; +"234 slice_33" [id=234, type=slice]; +"235 slice_34" [id=235, type=slice]; +"236 slice_35" [id=236, type=slice]; +"237 slice_36" [id=237, type=slice]; +"238 cat" [id=238, type=cat]; +"239 _param_constant36" [id=239, type=get_attr]; +"240 linear_12" [id=240, type=linear]; +"241 _param_constant37" [id=241, type=get_attr]; +"242 _param_constant38" [id=242, type=get_attr]; +"243 layer_norm_5" [id=243, type=layer_norm]; +"244 _tensor_constant13" [id=244, type=get_attr]; +"245 _param_constant39" [id=245, type=get_attr]; +"246 _param_constant40" [id=246, type=get_attr]; +"247 linear_13" [id=247, type=linear]; +"248 relu__2" [id=248, type=relu_]; +"249 _param_constant41" [id=249, type=get_attr]; +"250 linear_14" [id=250, type=linear]; +"251 view_11" [id=251, type=view]; +"252 _tensor_constant14" [id=252, type=get_attr]; +"253 index_2" [id=253, type=index]; +"254 view_12" [id=254, type=view]; +"255 permute_10" [id=255, type=permute]; +"256 contiguous_2" [id=256, type=contiguous]; +"257 unsqueeze_6" [id=257, type=unsqueeze]; +"258 sigmoid_2" [id=258, type=sigmoid]; +"259 mul_4" [id=259, type=mul]; +"260 pad_3" [id=260, type=pad]; +"261 view_13" [id=261, type=view]; +"262 permute_11" [id=262, type=permute]; +"263 reshape_9" [id=263, type=reshape]; +"264 _param_constant42" [id=264, type=get_attr]; +"265 clone_2" [id=265, type=clone]; +"266 slice_37" [id=266, type=slice]; +"267 zero__2" [id=267, type=zero_]; +"268 _param_constant43" [id=268, type=get_attr]; +"269 linear_15" [id=269, type=linear]; +"270 reshape_10" [id=270, type=reshape]; +"271 permute_12" [id=271, type=permute]; +"272 select_6" [id=272, type=select]; +"273 select_7" [id=273, type=select]; +"274 select_8" [id=274, type=select]; +"275 linalg_vector_norm_4" [id=275, type=linalg_vector_norm]; +"276 clamp_min_4" [id=276, type=clamp_min]; +"277 expand_as_4" [id=277, type=expand_as]; +"278 div_4" [id=278, type=div]; +"279 linalg_vector_norm_5" [id=279, type=linalg_vector_norm]; +"280 clamp_min_5" [id=280, type=clamp_min]; +"281 expand_as_5" [id=281, type=expand_as]; +"282 div_5" [id=282, type=div]; +"283 transpose_4" [id=283, type=transpose]; +"284 matmul_4" [id=284, type=matmul]; +"285 _param_constant44" [id=285, type=get_attr]; +"286 clamp_2" [id=286, type=clamp]; +"287 exp_2" [id=287, type=exp]; +"288 mul_5" [id=288, type=mul]; +"289 add_7" [id=289, type=add]; +"290 softmax_2" [id=290, type=softmax]; +"291 dropout_8" [id=291, type=dropout]; +"292 matmul_5" [id=292, type=matmul]; +"293 transpose_5" [id=293, type=transpose]; +"294 reshape_11" [id=294, type=reshape]; +"295 _param_constant45" [id=295, type=get_attr]; +"296 _param_constant46" [id=296, type=get_attr]; +"297 linear_16" [id=297, type=linear]; +"298 dropout_9" [id=298, type=dropout]; +"299 view_14" [id=299, type=view]; +"300 permute_13" [id=300, type=permute]; +"301 reshape_12" [id=301, type=reshape]; +"302 slice_38" [id=302, type=slice]; +"303 slice_39" [id=303, type=slice]; +"304 slice_40" [id=304, type=slice]; +"305 slice_41" [id=305, type=slice]; +"306 contiguous_3" [id=306, type=contiguous]; +"307 _param_constant47" [id=307, type=get_attr]; +"308 _param_constant48" [id=308, type=get_attr]; +"309 layer_norm_6" [id=309, type=layer_norm]; +"310 add_8" [id=310, type=add]; +"311 _param_constant49" [id=311, type=get_attr]; +"312 _param_constant50" [id=312, type=get_attr]; +"313 linear_17" [id=313, type=linear]; +"314 gelu_2" [id=314, type=gelu]; +"315 dropout_10" [id=315, type=dropout]; +"316 _param_constant51" [id=316, type=get_attr]; +"317 _param_constant52" [id=317, type=get_attr]; +"318 linear_18" [id=318, type=linear]; +"319 dropout_11" [id=319, type=dropout]; +"320 _param_constant53" [id=320, type=get_attr]; +"321 _param_constant54" [id=321, type=get_attr]; +"322 layer_norm_7" [id=322, type=layer_norm]; +"323 add_9" [id=323, type=add]; +"324 _tensor_constant15" [id=324, type=get_attr]; +"325 _param_constant55" [id=325, type=get_attr]; +"326 _param_constant56" [id=326, type=get_attr]; +"327 linear_19" [id=327, type=linear]; +"328 relu__3" [id=328, type=relu_]; +"329 _param_constant57" [id=329, type=get_attr]; +"330 linear_20" [id=330, type=linear]; +"331 view_15" [id=331, type=view]; +"332 _tensor_constant16" [id=332, type=get_attr]; +"333 index_3" [id=333, type=index]; +"334 view_16" [id=334, type=view]; +"335 permute_14" [id=335, type=permute]; +"336 contiguous_4" [id=336, type=contiguous]; +"337 unsqueeze_7" [id=337, type=unsqueeze]; +"338 sigmoid_3" [id=338, type=sigmoid]; +"339 mul_6" [id=339, type=mul]; +"340 pad_4" [id=340, type=pad]; +"341 roll_2" [id=341, type=roll]; +"342 view_17" [id=342, type=view]; +"343 permute_15" [id=343, type=permute]; +"344 reshape_13" [id=344, type=reshape]; +"345 _param_constant58" [id=345, type=get_attr]; +"346 clone_3" [id=346, type=clone]; +"347 slice_42" [id=347, type=slice]; +"348 zero__3" [id=348, type=zero_]; +"349 _param_constant59" [id=349, type=get_attr]; +"350 linear_21" [id=350, type=linear]; +"351 reshape_14" [id=351, type=reshape]; +"352 permute_16" [id=352, type=permute]; +"353 select_9" [id=353, type=select]; +"354 select_10" [id=354, type=select]; +"355 select_11" [id=355, type=select]; +"356 linalg_vector_norm_6" [id=356, type=linalg_vector_norm]; +"357 clamp_min_6" [id=357, type=clamp_min]; +"358 expand_as_6" [id=358, type=expand_as]; +"359 div_6" [id=359, type=div]; +"360 linalg_vector_norm_7" [id=360, type=linalg_vector_norm]; +"361 clamp_min_7" [id=361, type=clamp_min]; +"362 expand_as_7" [id=362, type=expand_as]; +"363 div_7" [id=363, type=div]; +"364 transpose_6" [id=364, type=transpose]; +"365 matmul_6" [id=365, type=matmul]; +"366 _param_constant60" [id=366, type=get_attr]; +"367 clamp_3" [id=367, type=clamp]; +"368 exp_3" [id=368, type=exp]; +"369 mul_7" [id=369, type=mul]; +"370 add_10" [id=370, type=add]; +"371 new_zeros_1" [id=371, type=new_zeros]; +"372 _tensor_constant17" [id=372, type=get_attr]; +"373 lift_fresh_copy_9" [id=373, type=lift_fresh_copy]; +"374 slice_43" [id=374, type=slice]; +"375 slice_44" [id=375, type=slice]; +"376 fill__9" [id=376, type=fill_]; +"377 _tensor_constant18" [id=377, type=get_attr]; +"378 lift_fresh_copy_10" [id=378, type=lift_fresh_copy]; +"379 slice_45" [id=379, type=slice]; +"380 slice_46" [id=380, type=slice]; +"381 fill__10" [id=381, type=fill_]; +"382 _tensor_constant19" [id=382, type=get_attr]; +"383 lift_fresh_copy_11" [id=383, type=lift_fresh_copy]; +"384 slice_47" [id=384, type=slice]; +"385 slice_48" [id=385, type=slice]; +"386 fill__11" [id=386, type=fill_]; +"387 _tensor_constant20" [id=387, type=get_attr]; +"388 lift_fresh_copy_12" [id=388, type=lift_fresh_copy]; +"389 slice_49" [id=389, type=slice]; +"390 slice_50" [id=390, type=slice]; +"391 fill__12" [id=391, type=fill_]; +"392 _tensor_constant21" [id=392, type=get_attr]; +"393 lift_fresh_copy_13" [id=393, type=lift_fresh_copy]; +"394 slice_51" [id=394, type=slice]; +"395 slice_52" [id=395, type=slice]; +"396 fill__13" [id=396, type=fill_]; +"397 _tensor_constant22" [id=397, type=get_attr]; +"398 lift_fresh_copy_14" [id=398, type=lift_fresh_copy]; +"399 slice_53" [id=399, type=slice]; +"400 slice_54" [id=400, type=slice]; +"401 fill__14" [id=401, type=fill_]; +"402 _tensor_constant23" [id=402, type=get_attr]; +"403 lift_fresh_copy_15" [id=403, type=lift_fresh_copy]; +"404 slice_55" [id=404, type=slice]; +"405 slice_56" [id=405, type=slice]; +"406 fill__15" [id=406, type=fill_]; +"407 _tensor_constant24" [id=407, type=get_attr]; +"408 lift_fresh_copy_16" [id=408, type=lift_fresh_copy]; +"409 slice_57" [id=409, type=slice]; +"410 slice_58" [id=410, type=slice]; +"411 fill__16" [id=411, type=fill_]; +"412 _tensor_constant25" [id=412, type=get_attr]; +"413 lift_fresh_copy_17" [id=413, type=lift_fresh_copy]; +"414 slice_59" [id=414, type=slice]; +"415 slice_60" [id=415, type=slice]; +"416 fill__17" [id=416, type=fill_]; +"417 view_18" [id=417, type=view]; +"418 permute_17" [id=418, type=permute]; +"419 reshape_15" [id=419, type=reshape]; +"420 unsqueeze_8" [id=420, type=unsqueeze]; +"421 unsqueeze_9" [id=421, type=unsqueeze]; +"422 sub_1" [id=422, type=sub]; +"423 ne_1" [id=423, type=ne]; +"424 masked_fill_2" [id=424, type=masked_fill]; +"425 eq_1" [id=425, type=eq]; +"426 masked_fill_3" [id=426, type=masked_fill]; +"427 view_19" [id=427, type=view]; +"428 unsqueeze_10" [id=428, type=unsqueeze]; +"429 unsqueeze_11" [id=429, type=unsqueeze]; +"430 add_11" [id=430, type=add]; +"431 view_20" [id=431, type=view]; +"432 softmax_3" [id=432, type=softmax]; +"433 dropout_12" [id=433, type=dropout]; +"434 matmul_7" [id=434, type=matmul]; +"435 transpose_7" [id=435, type=transpose]; +"436 reshape_16" [id=436, type=reshape]; +"437 _param_constant61" [id=437, type=get_attr]; +"438 _param_constant62" [id=438, type=get_attr]; +"439 linear_22" [id=439, type=linear]; +"440 dropout_13" [id=440, type=dropout]; +"441 view_21" [id=441, type=view]; +"442 permute_18" [id=442, type=permute]; +"443 reshape_17" [id=443, type=reshape]; +"444 roll_3" [id=444, type=roll]; +"445 slice_61" [id=445, type=slice]; +"446 slice_62" [id=446, type=slice]; +"447 slice_63" [id=447, type=slice]; +"448 slice_64" [id=448, type=slice]; +"449 contiguous_5" [id=449, type=contiguous]; +"450 _param_constant63" [id=450, type=get_attr]; +"451 _param_constant64" [id=451, type=get_attr]; +"452 layer_norm_8" [id=452, type=layer_norm]; +"453 add_12" [id=453, type=add]; +"454 _param_constant65" [id=454, type=get_attr]; +"455 _param_constant66" [id=455, type=get_attr]; +"456 linear_23" [id=456, type=linear]; +"457 gelu_3" [id=457, type=gelu]; +"458 dropout_14" [id=458, type=dropout]; +"459 _param_constant67" [id=459, type=get_attr]; +"460 _param_constant68" [id=460, type=get_attr]; +"461 linear_24" [id=461, type=linear]; +"462 dropout_15" [id=462, type=dropout]; +"463 _param_constant69" [id=463, type=get_attr]; +"464 _param_constant70" [id=464, type=get_attr]; +"465 layer_norm_9" [id=465, type=layer_norm]; +"466 add_13" [id=466, type=add]; +"467 pad_5" [id=467, type=pad]; +"468 slice_65" [id=468, type=slice]; +"469 slice_66" [id=469, type=slice]; +"470 slice_67" [id=470, type=slice]; +"471 slice_68" [id=471, type=slice]; +"472 slice_69" [id=472, type=slice]; +"473 slice_70" [id=473, type=slice]; +"474 slice_71" [id=474, type=slice]; +"475 slice_72" [id=475, type=slice]; +"476 slice_73" [id=476, type=slice]; +"477 slice_74" [id=477, type=slice]; +"478 slice_75" [id=478, type=slice]; +"479 slice_76" [id=479, type=slice]; +"480 cat_1" [id=480, type=cat]; +"481 _param_constant71" [id=481, type=get_attr]; +"482 linear_25" [id=482, type=linear]; +"483 _param_constant72" [id=483, type=get_attr]; +"484 _param_constant73" [id=484, type=get_attr]; +"485 layer_norm_10" [id=485, type=layer_norm]; +"486 _tensor_constant26" [id=486, type=get_attr]; +"487 _param_constant74" [id=487, type=get_attr]; +"488 _param_constant75" [id=488, type=get_attr]; +"489 linear_26" [id=489, type=linear]; +"490 relu__4" [id=490, type=relu_]; +"491 _param_constant76" [id=491, type=get_attr]; +"492 linear_27" [id=492, type=linear]; +"493 view_22" [id=493, type=view]; +"494 _tensor_constant27" [id=494, type=get_attr]; +"495 index_4" [id=495, type=index]; +"496 view_23" [id=496, type=view]; +"497 permute_19" [id=497, type=permute]; +"498 contiguous_6" [id=498, type=contiguous]; +"499 unsqueeze_12" [id=499, type=unsqueeze]; +"500 sigmoid_4" [id=500, type=sigmoid]; +"501 mul_8" [id=501, type=mul]; +"502 pad_6" [id=502, type=pad]; +"503 view_24" [id=503, type=view]; +"504 permute_20" [id=504, type=permute]; +"505 reshape_18" [id=505, type=reshape]; +"506 _param_constant77" [id=506, type=get_attr]; +"507 clone_4" [id=507, type=clone]; +"508 slice_77" [id=508, type=slice]; +"509 zero__4" [id=509, type=zero_]; +"510 _param_constant78" [id=510, type=get_attr]; +"511 linear_28" [id=511, type=linear]; +"512 reshape_19" [id=512, type=reshape]; +"513 permute_21" [id=513, type=permute]; +"514 select_12" [id=514, type=select]; +"515 select_13" [id=515, type=select]; +"516 select_14" [id=516, type=select]; +"517 linalg_vector_norm_8" [id=517, type=linalg_vector_norm]; +"518 clamp_min_8" [id=518, type=clamp_min]; +"519 expand_as_8" [id=519, type=expand_as]; +"520 div_8" [id=520, type=div]; +"521 linalg_vector_norm_9" [id=521, type=linalg_vector_norm]; +"522 clamp_min_9" [id=522, type=clamp_min]; +"523 expand_as_9" [id=523, type=expand_as]; +"524 div_9" [id=524, type=div]; +"525 transpose_8" [id=525, type=transpose]; +"526 matmul_8" [id=526, type=matmul]; +"527 _param_constant79" [id=527, type=get_attr]; +"528 clamp_4" [id=528, type=clamp]; +"529 exp_4" [id=529, type=exp]; +"530 mul_9" [id=530, type=mul]; +"531 add_14" [id=531, type=add]; +"532 softmax_4" [id=532, type=softmax]; +"533 dropout_16" [id=533, type=dropout]; +"534 matmul_9" [id=534, type=matmul]; +"535 transpose_9" [id=535, type=transpose]; +"536 reshape_20" [id=536, type=reshape]; +"537 _param_constant80" [id=537, type=get_attr]; +"538 _param_constant81" [id=538, type=get_attr]; +"539 linear_29" [id=539, type=linear]; +"540 dropout_17" [id=540, type=dropout]; +"541 view_25" [id=541, type=view]; +"542 permute_22" [id=542, type=permute]; +"543 reshape_21" [id=543, type=reshape]; +"544 slice_78" [id=544, type=slice]; +"545 slice_79" [id=545, type=slice]; +"546 slice_80" [id=546, type=slice]; +"547 slice_81" [id=547, type=slice]; +"548 contiguous_7" [id=548, type=contiguous]; +"549 _param_constant82" [id=549, type=get_attr]; +"550 _param_constant83" [id=550, type=get_attr]; +"551 layer_norm_11" [id=551, type=layer_norm]; +"552 add_15" [id=552, type=add]; +"553 _param_constant84" [id=553, type=get_attr]; +"554 _param_constant85" [id=554, type=get_attr]; +"555 linear_30" [id=555, type=linear]; +"556 gelu_4" [id=556, type=gelu]; +"557 dropout_18" [id=557, type=dropout]; +"558 _param_constant86" [id=558, type=get_attr]; +"559 _param_constant87" [id=559, type=get_attr]; +"560 linear_31" [id=560, type=linear]; +"561 dropout_19" [id=561, type=dropout]; +"562 _param_constant88" [id=562, type=get_attr]; +"563 _param_constant89" [id=563, type=get_attr]; +"564 layer_norm_12" [id=564, type=layer_norm]; +"565 add_16" [id=565, type=add]; +"566 _tensor_constant28" [id=566, type=get_attr]; +"567 _param_constant90" [id=567, type=get_attr]; +"568 _param_constant91" [id=568, type=get_attr]; +"569 linear_32" [id=569, type=linear]; +"570 relu__5" [id=570, type=relu_]; +"571 _param_constant92" [id=571, type=get_attr]; +"572 linear_33" [id=572, type=linear]; +"573 view_26" [id=573, type=view]; +"574 _tensor_constant29" [id=574, type=get_attr]; +"575 index_5" [id=575, type=index]; +"576 view_27" [id=576, type=view]; +"577 permute_23" [id=577, type=permute]; +"578 contiguous_8" [id=578, type=contiguous]; +"579 unsqueeze_13" [id=579, type=unsqueeze]; +"580 sigmoid_5" [id=580, type=sigmoid]; +"581 mul_10" [id=581, type=mul]; +"582 pad_7" [id=582, type=pad]; +"583 roll_4" [id=583, type=roll]; +"584 view_28" [id=584, type=view]; +"585 permute_24" [id=585, type=permute]; +"586 reshape_22" [id=586, type=reshape]; +"587 _param_constant93" [id=587, type=get_attr]; +"588 clone_5" [id=588, type=clone]; +"589 slice_82" [id=589, type=slice]; +"590 zero__5" [id=590, type=zero_]; +"591 _param_constant94" [id=591, type=get_attr]; +"592 linear_34" [id=592, type=linear]; +"593 reshape_23" [id=593, type=reshape]; +"594 permute_25" [id=594, type=permute]; +"595 select_15" [id=595, type=select]; +"596 select_16" [id=596, type=select]; +"597 select_17" [id=597, type=select]; +"598 linalg_vector_norm_10" [id=598, type=linalg_vector_norm]; +"599 clamp_min_10" [id=599, type=clamp_min]; +"600 expand_as_10" [id=600, type=expand_as]; +"601 div_10" [id=601, type=div]; +"602 linalg_vector_norm_11" [id=602, type=linalg_vector_norm]; +"603 clamp_min_11" [id=603, type=clamp_min]; +"604 expand_as_11" [id=604, type=expand_as]; +"605 div_11" [id=605, type=div]; +"606 transpose_10" [id=606, type=transpose]; +"607 matmul_10" [id=607, type=matmul]; +"608 _param_constant95" [id=608, type=get_attr]; +"609 clamp_5" [id=609, type=clamp]; +"610 exp_5" [id=610, type=exp]; +"611 mul_11" [id=611, type=mul]; +"612 add_17" [id=612, type=add]; +"613 new_zeros_2" [id=613, type=new_zeros]; +"614 _tensor_constant30" [id=614, type=get_attr]; +"615 lift_fresh_copy_18" [id=615, type=lift_fresh_copy]; +"616 slice_83" [id=616, type=slice]; +"617 slice_84" [id=617, type=slice]; +"618 fill__18" [id=618, type=fill_]; +"619 _tensor_constant31" [id=619, type=get_attr]; +"620 lift_fresh_copy_19" [id=620, type=lift_fresh_copy]; +"621 slice_85" [id=621, type=slice]; +"622 slice_86" [id=622, type=slice]; +"623 fill__19" [id=623, type=fill_]; +"624 _tensor_constant32" [id=624, type=get_attr]; +"625 lift_fresh_copy_20" [id=625, type=lift_fresh_copy]; +"626 slice_87" [id=626, type=slice]; +"627 slice_88" [id=627, type=slice]; +"628 fill__20" [id=628, type=fill_]; +"629 _tensor_constant33" [id=629, type=get_attr]; +"630 lift_fresh_copy_21" [id=630, type=lift_fresh_copy]; +"631 slice_89" [id=631, type=slice]; +"632 slice_90" [id=632, type=slice]; +"633 fill__21" [id=633, type=fill_]; +"634 _tensor_constant34" [id=634, type=get_attr]; +"635 lift_fresh_copy_22" [id=635, type=lift_fresh_copy]; +"636 slice_91" [id=636, type=slice]; +"637 slice_92" [id=637, type=slice]; +"638 fill__22" [id=638, type=fill_]; +"639 _tensor_constant35" [id=639, type=get_attr]; +"640 lift_fresh_copy_23" [id=640, type=lift_fresh_copy]; +"641 slice_93" [id=641, type=slice]; +"642 slice_94" [id=642, type=slice]; +"643 fill__23" [id=643, type=fill_]; +"644 _tensor_constant36" [id=644, type=get_attr]; +"645 lift_fresh_copy_24" [id=645, type=lift_fresh_copy]; +"646 slice_95" [id=646, type=slice]; +"647 slice_96" [id=647, type=slice]; +"648 fill__24" [id=648, type=fill_]; +"649 _tensor_constant37" [id=649, type=get_attr]; +"650 lift_fresh_copy_25" [id=650, type=lift_fresh_copy]; +"651 slice_97" [id=651, type=slice]; +"652 slice_98" [id=652, type=slice]; +"653 fill__25" [id=653, type=fill_]; +"654 _tensor_constant38" [id=654, type=get_attr]; +"655 lift_fresh_copy_26" [id=655, type=lift_fresh_copy]; +"656 slice_99" [id=656, type=slice]; +"657 slice_100" [id=657, type=slice]; +"658 fill__26" [id=658, type=fill_]; +"659 view_29" [id=659, type=view]; +"660 permute_26" [id=660, type=permute]; +"661 reshape_24" [id=661, type=reshape]; +"662 unsqueeze_14" [id=662, type=unsqueeze]; +"663 unsqueeze_15" [id=663, type=unsqueeze]; +"664 sub_2" [id=664, type=sub]; +"665 ne_2" [id=665, type=ne]; +"666 masked_fill_4" [id=666, type=masked_fill]; +"667 eq_2" [id=667, type=eq]; +"668 masked_fill_5" [id=668, type=masked_fill]; +"669 view_30" [id=669, type=view]; +"670 unsqueeze_16" [id=670, type=unsqueeze]; +"671 unsqueeze_17" [id=671, type=unsqueeze]; +"672 add_18" [id=672, type=add]; +"673 view_31" [id=673, type=view]; +"674 softmax_5" [id=674, type=softmax]; +"675 dropout_20" [id=675, type=dropout]; +"676 matmul_11" [id=676, type=matmul]; +"677 transpose_11" [id=677, type=transpose]; +"678 reshape_25" [id=678, type=reshape]; +"679 _param_constant96" [id=679, type=get_attr]; +"680 _param_constant97" [id=680, type=get_attr]; +"681 linear_35" [id=681, type=linear]; +"682 dropout_21" [id=682, type=dropout]; +"683 view_32" [id=683, type=view]; +"684 permute_27" [id=684, type=permute]; +"685 reshape_26" [id=685, type=reshape]; +"686 roll_5" [id=686, type=roll]; +"687 slice_101" [id=687, type=slice]; +"688 slice_102" [id=688, type=slice]; +"689 slice_103" [id=689, type=slice]; +"690 slice_104" [id=690, type=slice]; +"691 contiguous_9" [id=691, type=contiguous]; +"692 _param_constant98" [id=692, type=get_attr]; +"693 _param_constant99" [id=693, type=get_attr]; +"694 layer_norm_13" [id=694, type=layer_norm]; +"695 add_19" [id=695, type=add]; +"696 _param_constant100" [id=696, type=get_attr]; +"697 _param_constant101" [id=697, type=get_attr]; +"698 linear_36" [id=698, type=linear]; +"699 gelu_5" [id=699, type=gelu]; +"700 dropout_22" [id=700, type=dropout]; +"701 _param_constant102" [id=701, type=get_attr]; +"702 _param_constant103" [id=702, type=get_attr]; +"703 linear_37" [id=703, type=linear]; +"704 dropout_23" [id=704, type=dropout]; +"705 _param_constant104" [id=705, type=get_attr]; +"706 _param_constant105" [id=706, type=get_attr]; +"707 layer_norm_14" [id=707, type=layer_norm]; +"708 add_20" [id=708, type=add]; +"709 _tensor_constant39" [id=709, type=get_attr]; +"710 _param_constant106" [id=710, type=get_attr]; +"711 _param_constant107" [id=711, type=get_attr]; +"712 linear_38" [id=712, type=linear]; +"713 relu__6" [id=713, type=relu_]; +"714 _param_constant108" [id=714, type=get_attr]; +"715 linear_39" [id=715, type=linear]; +"716 view_33" [id=716, type=view]; +"717 _tensor_constant40" [id=717, type=get_attr]; +"718 index_6" [id=718, type=index]; +"719 view_34" [id=719, type=view]; +"720 permute_28" [id=720, type=permute]; +"721 contiguous_10" [id=721, type=contiguous]; +"722 unsqueeze_18" [id=722, type=unsqueeze]; +"723 sigmoid_6" [id=723, type=sigmoid]; +"724 mul_12" [id=724, type=mul]; +"725 pad_8" [id=725, type=pad]; +"726 view_35" [id=726, type=view]; +"727 permute_29" [id=727, type=permute]; +"728 reshape_27" [id=728, type=reshape]; +"729 _param_constant109" [id=729, type=get_attr]; +"730 clone_6" [id=730, type=clone]; +"731 slice_105" [id=731, type=slice]; +"732 zero__6" [id=732, type=zero_]; +"733 _param_constant110" [id=733, type=get_attr]; +"734 linear_40" [id=734, type=linear]; +"735 reshape_28" [id=735, type=reshape]; +"736 permute_30" [id=736, type=permute]; +"737 select_18" [id=737, type=select]; +"738 select_19" [id=738, type=select]; +"739 select_20" [id=739, type=select]; +"740 linalg_vector_norm_12" [id=740, type=linalg_vector_norm]; +"741 clamp_min_12" [id=741, type=clamp_min]; +"742 expand_as_12" [id=742, type=expand_as]; +"743 div_12" [id=743, type=div]; +"744 linalg_vector_norm_13" [id=744, type=linalg_vector_norm]; +"745 clamp_min_13" [id=745, type=clamp_min]; +"746 expand_as_13" [id=746, type=expand_as]; +"747 div_13" [id=747, type=div]; +"748 transpose_12" [id=748, type=transpose]; +"749 matmul_12" [id=749, type=matmul]; +"750 _param_constant111" [id=750, type=get_attr]; +"751 clamp_6" [id=751, type=clamp]; +"752 exp_6" [id=752, type=exp]; +"753 mul_13" [id=753, type=mul]; +"754 add_21" [id=754, type=add]; +"755 softmax_6" [id=755, type=softmax]; +"756 dropout_24" [id=756, type=dropout]; +"757 matmul_13" [id=757, type=matmul]; +"758 transpose_13" [id=758, type=transpose]; +"759 reshape_29" [id=759, type=reshape]; +"760 _param_constant112" [id=760, type=get_attr]; +"761 _param_constant113" [id=761, type=get_attr]; +"762 linear_41" [id=762, type=linear]; +"763 dropout_25" [id=763, type=dropout]; +"764 view_36" [id=764, type=view]; +"765 permute_31" [id=765, type=permute]; +"766 reshape_30" [id=766, type=reshape]; +"767 slice_106" [id=767, type=slice]; +"768 slice_107" [id=768, type=slice]; +"769 slice_108" [id=769, type=slice]; +"770 slice_109" [id=770, type=slice]; +"771 contiguous_11" [id=771, type=contiguous]; +"772 _param_constant114" [id=772, type=get_attr]; +"773 _param_constant115" [id=773, type=get_attr]; +"774 layer_norm_15" [id=774, type=layer_norm]; +"775 add_22" [id=775, type=add]; +"776 _param_constant116" [id=776, type=get_attr]; +"777 _param_constant117" [id=777, type=get_attr]; +"778 linear_42" [id=778, type=linear]; +"779 gelu_6" [id=779, type=gelu]; +"780 dropout_26" [id=780, type=dropout]; +"781 _param_constant118" [id=781, type=get_attr]; +"782 _param_constant119" [id=782, type=get_attr]; +"783 linear_43" [id=783, type=linear]; +"784 dropout_27" [id=784, type=dropout]; +"785 _param_constant120" [id=785, type=get_attr]; +"786 _param_constant121" [id=786, type=get_attr]; +"787 layer_norm_16" [id=787, type=layer_norm]; +"788 add_23" [id=788, type=add]; +"789 _tensor_constant41" [id=789, type=get_attr]; +"790 _param_constant122" [id=790, type=get_attr]; +"791 _param_constant123" [id=791, type=get_attr]; +"792 linear_44" [id=792, type=linear]; +"793 relu__7" [id=793, type=relu_]; +"794 _param_constant124" [id=794, type=get_attr]; +"795 linear_45" [id=795, type=linear]; +"796 view_37" [id=796, type=view]; +"797 _tensor_constant42" [id=797, type=get_attr]; +"798 index_7" [id=798, type=index]; +"799 view_38" [id=799, type=view]; +"800 permute_32" [id=800, type=permute]; +"801 contiguous_12" [id=801, type=contiguous]; +"802 unsqueeze_19" [id=802, type=unsqueeze]; +"803 sigmoid_7" [id=803, type=sigmoid]; +"804 mul_14" [id=804, type=mul]; +"805 pad_9" [id=805, type=pad]; +"806 roll_6" [id=806, type=roll]; +"807 view_39" [id=807, type=view]; +"808 permute_33" [id=808, type=permute]; +"809 reshape_31" [id=809, type=reshape]; +"810 _param_constant125" [id=810, type=get_attr]; +"811 clone_7" [id=811, type=clone]; +"812 slice_110" [id=812, type=slice]; +"813 zero__7" [id=813, type=zero_]; +"814 _param_constant126" [id=814, type=get_attr]; +"815 linear_46" [id=815, type=linear]; +"816 reshape_32" [id=816, type=reshape]; +"817 permute_34" [id=817, type=permute]; +"818 select_21" [id=818, type=select]; +"819 select_22" [id=819, type=select]; +"820 select_23" [id=820, type=select]; +"821 linalg_vector_norm_14" [id=821, type=linalg_vector_norm]; +"822 clamp_min_14" [id=822, type=clamp_min]; +"823 expand_as_14" [id=823, type=expand_as]; +"824 div_14" [id=824, type=div]; +"825 linalg_vector_norm_15" [id=825, type=linalg_vector_norm]; +"826 clamp_min_15" [id=826, type=clamp_min]; +"827 expand_as_15" [id=827, type=expand_as]; +"828 div_15" [id=828, type=div]; +"829 transpose_14" [id=829, type=transpose]; +"830 matmul_14" [id=830, type=matmul]; +"831 _param_constant127" [id=831, type=get_attr]; +"832 clamp_7" [id=832, type=clamp]; +"833 exp_7" [id=833, type=exp]; +"834 mul_15" [id=834, type=mul]; +"835 add_24" [id=835, type=add]; +"836 new_zeros_3" [id=836, type=new_zeros]; +"837 _tensor_constant43" [id=837, type=get_attr]; +"838 lift_fresh_copy_27" [id=838, type=lift_fresh_copy]; +"839 slice_111" [id=839, type=slice]; +"840 slice_112" [id=840, type=slice]; +"841 fill__27" [id=841, type=fill_]; +"842 _tensor_constant44" [id=842, type=get_attr]; +"843 lift_fresh_copy_28" [id=843, type=lift_fresh_copy]; +"844 slice_113" [id=844, type=slice]; +"845 slice_114" [id=845, type=slice]; +"846 fill__28" [id=846, type=fill_]; +"847 _tensor_constant45" [id=847, type=get_attr]; +"848 lift_fresh_copy_29" [id=848, type=lift_fresh_copy]; +"849 slice_115" [id=849, type=slice]; +"850 slice_116" [id=850, type=slice]; +"851 fill__29" [id=851, type=fill_]; +"852 _tensor_constant46" [id=852, type=get_attr]; +"853 lift_fresh_copy_30" [id=853, type=lift_fresh_copy]; +"854 slice_117" [id=854, type=slice]; +"855 slice_118" [id=855, type=slice]; +"856 fill__30" [id=856, type=fill_]; +"857 _tensor_constant47" [id=857, type=get_attr]; +"858 lift_fresh_copy_31" [id=858, type=lift_fresh_copy]; +"859 slice_119" [id=859, type=slice]; +"860 slice_120" [id=860, type=slice]; +"861 fill__31" [id=861, type=fill_]; +"862 _tensor_constant48" [id=862, type=get_attr]; +"863 lift_fresh_copy_32" [id=863, type=lift_fresh_copy]; +"864 slice_121" [id=864, type=slice]; +"865 slice_122" [id=865, type=slice]; +"866 fill__32" [id=866, type=fill_]; +"867 _tensor_constant49" [id=867, type=get_attr]; +"868 lift_fresh_copy_33" [id=868, type=lift_fresh_copy]; +"869 slice_123" [id=869, type=slice]; +"870 slice_124" [id=870, type=slice]; +"871 fill__33" [id=871, type=fill_]; +"872 _tensor_constant50" [id=872, type=get_attr]; +"873 lift_fresh_copy_34" [id=873, type=lift_fresh_copy]; +"874 slice_125" [id=874, type=slice]; +"875 slice_126" [id=875, type=slice]; +"876 fill__34" [id=876, type=fill_]; +"877 _tensor_constant51" [id=877, type=get_attr]; +"878 lift_fresh_copy_35" [id=878, type=lift_fresh_copy]; +"879 slice_127" [id=879, type=slice]; +"880 slice_128" [id=880, type=slice]; +"881 fill__35" [id=881, type=fill_]; +"882 view_40" [id=882, type=view]; +"883 permute_35" [id=883, type=permute]; +"884 reshape_33" [id=884, type=reshape]; +"885 unsqueeze_20" [id=885, type=unsqueeze]; +"886 unsqueeze_21" [id=886, type=unsqueeze]; +"887 sub_3" [id=887, type=sub]; +"888 ne_3" [id=888, type=ne]; +"889 masked_fill_6" [id=889, type=masked_fill]; +"890 eq_3" [id=890, type=eq]; +"891 masked_fill_7" [id=891, type=masked_fill]; +"892 view_41" [id=892, type=view]; +"893 unsqueeze_22" [id=893, type=unsqueeze]; +"894 unsqueeze_23" [id=894, type=unsqueeze]; +"895 add_25" [id=895, type=add]; +"896 view_42" [id=896, type=view]; +"897 softmax_7" [id=897, type=softmax]; +"898 dropout_28" [id=898, type=dropout]; +"899 matmul_15" [id=899, type=matmul]; +"900 transpose_15" [id=900, type=transpose]; +"901 reshape_34" [id=901, type=reshape]; +"902 _param_constant128" [id=902, type=get_attr]; +"903 _param_constant129" [id=903, type=get_attr]; +"904 linear_47" [id=904, type=linear]; +"905 dropout_29" [id=905, type=dropout]; +"906 view_43" [id=906, type=view]; +"907 permute_36" [id=907, type=permute]; +"908 reshape_35" [id=908, type=reshape]; +"909 roll_7" [id=909, type=roll]; +"910 slice_129" [id=910, type=slice]; +"911 slice_130" [id=911, type=slice]; +"912 slice_131" [id=912, type=slice]; +"913 slice_132" [id=913, type=slice]; +"914 contiguous_13" [id=914, type=contiguous]; +"915 _param_constant130" [id=915, type=get_attr]; +"916 _param_constant131" [id=916, type=get_attr]; +"917 layer_norm_17" [id=917, type=layer_norm]; +"918 add_26" [id=918, type=add]; +"919 _param_constant132" [id=919, type=get_attr]; +"920 _param_constant133" [id=920, type=get_attr]; +"921 linear_48" [id=921, type=linear]; +"922 gelu_7" [id=922, type=gelu]; +"923 dropout_30" [id=923, type=dropout]; +"924 _param_constant134" [id=924, type=get_attr]; +"925 _param_constant135" [id=925, type=get_attr]; +"926 linear_49" [id=926, type=linear]; +"927 dropout_31" [id=927, type=dropout]; +"928 _param_constant136" [id=928, type=get_attr]; +"929 _param_constant137" [id=929, type=get_attr]; +"930 layer_norm_18" [id=930, type=layer_norm]; +"931 add_27" [id=931, type=add]; +"932 _tensor_constant52" [id=932, type=get_attr]; +"933 _param_constant138" [id=933, type=get_attr]; +"934 _param_constant139" [id=934, type=get_attr]; +"935 linear_50" [id=935, type=linear]; +"936 relu__8" [id=936, type=relu_]; +"937 _param_constant140" [id=937, type=get_attr]; +"938 linear_51" [id=938, type=linear]; +"939 view_44" [id=939, type=view]; +"940 _tensor_constant53" [id=940, type=get_attr]; +"941 index_8" [id=941, type=index]; +"942 view_45" [id=942, type=view]; +"943 permute_37" [id=943, type=permute]; +"944 contiguous_14" [id=944, type=contiguous]; +"945 unsqueeze_24" [id=945, type=unsqueeze]; +"946 sigmoid_8" [id=946, type=sigmoid]; +"947 mul_16" [id=947, type=mul]; +"948 pad_10" [id=948, type=pad]; +"949 view_46" [id=949, type=view]; +"950 permute_38" [id=950, type=permute]; +"951 reshape_36" [id=951, type=reshape]; +"952 _param_constant141" [id=952, type=get_attr]; +"953 clone_8" [id=953, type=clone]; +"954 slice_133" [id=954, type=slice]; +"955 zero__8" [id=955, type=zero_]; +"956 _param_constant142" [id=956, type=get_attr]; +"957 linear_52" [id=957, type=linear]; +"958 reshape_37" [id=958, type=reshape]; +"959 permute_39" [id=959, type=permute]; +"960 select_24" [id=960, type=select]; +"961 select_25" [id=961, type=select]; +"962 select_26" [id=962, type=select]; +"963 linalg_vector_norm_16" [id=963, type=linalg_vector_norm]; +"964 clamp_min_16" [id=964, type=clamp_min]; +"965 expand_as_16" [id=965, type=expand_as]; +"966 div_16" [id=966, type=div]; +"967 linalg_vector_norm_17" [id=967, type=linalg_vector_norm]; +"968 clamp_min_17" [id=968, type=clamp_min]; +"969 expand_as_17" [id=969, type=expand_as]; +"970 div_17" [id=970, type=div]; +"971 transpose_16" [id=971, type=transpose]; +"972 matmul_16" [id=972, type=matmul]; +"973 _param_constant143" [id=973, type=get_attr]; +"974 clamp_8" [id=974, type=clamp]; +"975 exp_8" [id=975, type=exp]; +"976 mul_17" [id=976, type=mul]; +"977 add_28" [id=977, type=add]; +"978 softmax_8" [id=978, type=softmax]; +"979 dropout_32" [id=979, type=dropout]; +"980 matmul_17" [id=980, type=matmul]; +"981 transpose_17" [id=981, type=transpose]; +"982 reshape_38" [id=982, type=reshape]; +"983 _param_constant144" [id=983, type=get_attr]; +"984 _param_constant145" [id=984, type=get_attr]; +"985 linear_53" [id=985, type=linear]; +"986 dropout_33" [id=986, type=dropout]; +"987 view_47" [id=987, type=view]; +"988 permute_40" [id=988, type=permute]; +"989 reshape_39" [id=989, type=reshape]; +"990 slice_134" [id=990, type=slice]; +"991 slice_135" [id=991, type=slice]; +"992 slice_136" [id=992, type=slice]; +"993 slice_137" [id=993, type=slice]; +"994 contiguous_15" [id=994, type=contiguous]; +"995 _param_constant146" [id=995, type=get_attr]; +"996 _param_constant147" [id=996, type=get_attr]; +"997 layer_norm_19" [id=997, type=layer_norm]; +"998 add_29" [id=998, type=add]; +"999 _param_constant148" [id=999, type=get_attr]; +"1000 _param_constant149" [id=1000, type=get_attr]; +"1001 linear_54" [id=1001, type=linear]; +"1002 gelu_8" [id=1002, type=gelu]; +"1003 dropout_34" [id=1003, type=dropout]; +"1004 _param_constant150" [id=1004, type=get_attr]; +"1005 _param_constant151" [id=1005, type=get_attr]; +"1006 linear_55" [id=1006, type=linear]; +"1007 dropout_35" [id=1007, type=dropout]; +"1008 _param_constant152" [id=1008, type=get_attr]; +"1009 _param_constant153" [id=1009, type=get_attr]; +"1010 layer_norm_20" [id=1010, type=layer_norm]; +"1011 add_30" [id=1011, type=add]; +"1012 _tensor_constant54" [id=1012, type=get_attr]; +"1013 _param_constant154" [id=1013, type=get_attr]; +"1014 _param_constant155" [id=1014, type=get_attr]; +"1015 linear_56" [id=1015, type=linear]; +"1016 relu__9" [id=1016, type=relu_]; +"1017 _param_constant156" [id=1017, type=get_attr]; +"1018 linear_57" [id=1018, type=linear]; +"1019 view_48" [id=1019, type=view]; +"1020 _tensor_constant55" [id=1020, type=get_attr]; +"1021 index_9" [id=1021, type=index]; +"1022 view_49" [id=1022, type=view]; +"1023 permute_41" [id=1023, type=permute]; +"1024 contiguous_16" [id=1024, type=contiguous]; +"1025 unsqueeze_25" [id=1025, type=unsqueeze]; +"1026 sigmoid_9" [id=1026, type=sigmoid]; +"1027 mul_18" [id=1027, type=mul]; +"1028 pad_11" [id=1028, type=pad]; +"1029 roll_8" [id=1029, type=roll]; +"1030 view_50" [id=1030, type=view]; +"1031 permute_42" [id=1031, type=permute]; +"1032 reshape_40" [id=1032, type=reshape]; +"1033 _param_constant157" [id=1033, type=get_attr]; +"1034 clone_9" [id=1034, type=clone]; +"1035 slice_138" [id=1035, type=slice]; +"1036 zero__9" [id=1036, type=zero_]; +"1037 _param_constant158" [id=1037, type=get_attr]; +"1038 linear_58" [id=1038, type=linear]; +"1039 reshape_41" [id=1039, type=reshape]; +"1040 permute_43" [id=1040, type=permute]; +"1041 select_27" [id=1041, type=select]; +"1042 select_28" [id=1042, type=select]; +"1043 select_29" [id=1043, type=select]; +"1044 linalg_vector_norm_18" [id=1044, type=linalg_vector_norm]; +"1045 clamp_min_18" [id=1045, type=clamp_min]; +"1046 expand_as_18" [id=1046, type=expand_as]; +"1047 div_18" [id=1047, type=div]; +"1048 linalg_vector_norm_19" [id=1048, type=linalg_vector_norm]; +"1049 clamp_min_19" [id=1049, type=clamp_min]; +"1050 expand_as_19" [id=1050, type=expand_as]; +"1051 div_19" [id=1051, type=div]; +"1052 transpose_18" [id=1052, type=transpose]; +"1053 matmul_18" [id=1053, type=matmul]; +"1054 _param_constant159" [id=1054, type=get_attr]; +"1055 clamp_9" [id=1055, type=clamp]; +"1056 exp_9" [id=1056, type=exp]; +"1057 mul_19" [id=1057, type=mul]; +"1058 add_31" [id=1058, type=add]; +"1059 new_zeros_4" [id=1059, type=new_zeros]; +"1060 _tensor_constant56" [id=1060, type=get_attr]; +"1061 lift_fresh_copy_36" [id=1061, type=lift_fresh_copy]; +"1062 slice_139" [id=1062, type=slice]; +"1063 slice_140" [id=1063, type=slice]; +"1064 fill__36" [id=1064, type=fill_]; +"1065 _tensor_constant57" [id=1065, type=get_attr]; +"1066 lift_fresh_copy_37" [id=1066, type=lift_fresh_copy]; +"1067 slice_141" [id=1067, type=slice]; +"1068 slice_142" [id=1068, type=slice]; +"1069 fill__37" [id=1069, type=fill_]; +"1070 _tensor_constant58" [id=1070, type=get_attr]; +"1071 lift_fresh_copy_38" [id=1071, type=lift_fresh_copy]; +"1072 slice_143" [id=1072, type=slice]; +"1073 slice_144" [id=1073, type=slice]; +"1074 fill__38" [id=1074, type=fill_]; +"1075 _tensor_constant59" [id=1075, type=get_attr]; +"1076 lift_fresh_copy_39" [id=1076, type=lift_fresh_copy]; +"1077 slice_145" [id=1077, type=slice]; +"1078 slice_146" [id=1078, type=slice]; +"1079 fill__39" [id=1079, type=fill_]; +"1080 _tensor_constant60" [id=1080, type=get_attr]; +"1081 lift_fresh_copy_40" [id=1081, type=lift_fresh_copy]; +"1082 slice_147" [id=1082, type=slice]; +"1083 slice_148" [id=1083, type=slice]; +"1084 fill__40" [id=1084, type=fill_]; +"1085 _tensor_constant61" [id=1085, type=get_attr]; +"1086 lift_fresh_copy_41" [id=1086, type=lift_fresh_copy]; +"1087 slice_149" [id=1087, type=slice]; +"1088 slice_150" [id=1088, type=slice]; +"1089 fill__41" [id=1089, type=fill_]; +"1090 _tensor_constant62" [id=1090, type=get_attr]; +"1091 lift_fresh_copy_42" [id=1091, type=lift_fresh_copy]; +"1092 slice_151" [id=1092, type=slice]; +"1093 slice_152" [id=1093, type=slice]; +"1094 fill__42" [id=1094, type=fill_]; +"1095 _tensor_constant63" [id=1095, type=get_attr]; +"1096 lift_fresh_copy_43" [id=1096, type=lift_fresh_copy]; +"1097 slice_153" [id=1097, type=slice]; +"1098 slice_154" [id=1098, type=slice]; +"1099 fill__43" [id=1099, type=fill_]; +"1100 _tensor_constant64" [id=1100, type=get_attr]; +"1101 lift_fresh_copy_44" [id=1101, type=lift_fresh_copy]; +"1102 slice_155" [id=1102, type=slice]; +"1103 slice_156" [id=1103, type=slice]; +"1104 fill__44" [id=1104, type=fill_]; +"1105 view_51" [id=1105, type=view]; +"1106 permute_44" [id=1106, type=permute]; +"1107 reshape_42" [id=1107, type=reshape]; +"1108 unsqueeze_26" [id=1108, type=unsqueeze]; +"1109 unsqueeze_27" [id=1109, type=unsqueeze]; +"1110 sub_4" [id=1110, type=sub]; +"1111 ne_4" [id=1111, type=ne]; +"1112 masked_fill_8" [id=1112, type=masked_fill]; +"1113 eq_4" [id=1113, type=eq]; +"1114 masked_fill_9" [id=1114, type=masked_fill]; +"1115 view_52" [id=1115, type=view]; +"1116 unsqueeze_28" [id=1116, type=unsqueeze]; +"1117 unsqueeze_29" [id=1117, type=unsqueeze]; +"1118 add_32" [id=1118, type=add]; +"1119 view_53" [id=1119, type=view]; +"1120 softmax_9" [id=1120, type=softmax]; +"1121 dropout_36" [id=1121, type=dropout]; +"1122 matmul_19" [id=1122, type=matmul]; +"1123 transpose_19" [id=1123, type=transpose]; +"1124 reshape_43" [id=1124, type=reshape]; +"1125 _param_constant160" [id=1125, type=get_attr]; +"1126 _param_constant161" [id=1126, type=get_attr]; +"1127 linear_59" [id=1127, type=linear]; +"1128 dropout_37" [id=1128, type=dropout]; +"1129 view_54" [id=1129, type=view]; +"1130 permute_45" [id=1130, type=permute]; +"1131 reshape_44" [id=1131, type=reshape]; +"1132 roll_9" [id=1132, type=roll]; +"1133 slice_157" [id=1133, type=slice]; +"1134 slice_158" [id=1134, type=slice]; +"1135 slice_159" [id=1135, type=slice]; +"1136 slice_160" [id=1136, type=slice]; +"1137 contiguous_17" [id=1137, type=contiguous]; +"1138 _param_constant162" [id=1138, type=get_attr]; +"1139 _param_constant163" [id=1139, type=get_attr]; +"1140 layer_norm_21" [id=1140, type=layer_norm]; +"1141 add_33" [id=1141, type=add]; +"1142 _param_constant164" [id=1142, type=get_attr]; +"1143 _param_constant165" [id=1143, type=get_attr]; +"1144 linear_60" [id=1144, type=linear]; +"1145 gelu_9" [id=1145, type=gelu]; +"1146 dropout_38" [id=1146, type=dropout]; +"1147 _param_constant166" [id=1147, type=get_attr]; +"1148 _param_constant167" [id=1148, type=get_attr]; +"1149 linear_61" [id=1149, type=linear]; +"1150 dropout_39" [id=1150, type=dropout]; +"1151 _param_constant168" [id=1151, type=get_attr]; +"1152 _param_constant169" [id=1152, type=get_attr]; +"1153 layer_norm_22" [id=1153, type=layer_norm]; +"1154 add_34" [id=1154, type=add]; +"1155 _tensor_constant65" [id=1155, type=get_attr]; +"1156 _param_constant170" [id=1156, type=get_attr]; +"1157 _param_constant171" [id=1157, type=get_attr]; +"1158 linear_62" [id=1158, type=linear]; +"1159 relu__10" [id=1159, type=relu_]; +"1160 _param_constant172" [id=1160, type=get_attr]; +"1161 linear_63" [id=1161, type=linear]; +"1162 view_55" [id=1162, type=view]; +"1163 _tensor_constant66" [id=1163, type=get_attr]; +"1164 index_10" [id=1164, type=index]; +"1165 view_56" [id=1165, type=view]; +"1166 permute_46" [id=1166, type=permute]; +"1167 contiguous_18" [id=1167, type=contiguous]; +"1168 unsqueeze_30" [id=1168, type=unsqueeze]; +"1169 sigmoid_10" [id=1169, type=sigmoid]; +"1170 mul_20" [id=1170, type=mul]; +"1171 pad_12" [id=1171, type=pad]; +"1172 view_57" [id=1172, type=view]; +"1173 permute_47" [id=1173, type=permute]; +"1174 reshape_45" [id=1174, type=reshape]; +"1175 _param_constant173" [id=1175, type=get_attr]; +"1176 clone_10" [id=1176, type=clone]; +"1177 slice_161" [id=1177, type=slice]; +"1178 zero__10" [id=1178, type=zero_]; +"1179 _param_constant174" [id=1179, type=get_attr]; +"1180 linear_64" [id=1180, type=linear]; +"1181 reshape_46" [id=1181, type=reshape]; +"1182 permute_48" [id=1182, type=permute]; +"1183 select_30" [id=1183, type=select]; +"1184 select_31" [id=1184, type=select]; +"1185 select_32" [id=1185, type=select]; +"1186 linalg_vector_norm_20" [id=1186, type=linalg_vector_norm]; +"1187 clamp_min_20" [id=1187, type=clamp_min]; +"1188 expand_as_20" [id=1188, type=expand_as]; +"1189 div_20" [id=1189, type=div]; +"1190 linalg_vector_norm_21" [id=1190, type=linalg_vector_norm]; +"1191 clamp_min_21" [id=1191, type=clamp_min]; +"1192 expand_as_21" [id=1192, type=expand_as]; +"1193 div_21" [id=1193, type=div]; +"1194 transpose_20" [id=1194, type=transpose]; +"1195 matmul_20" [id=1195, type=matmul]; +"1196 _param_constant175" [id=1196, type=get_attr]; +"1197 clamp_10" [id=1197, type=clamp]; +"1198 exp_10" [id=1198, type=exp]; +"1199 mul_21" [id=1199, type=mul]; +"1200 add_35" [id=1200, type=add]; +"1201 softmax_10" [id=1201, type=softmax]; +"1202 dropout_40" [id=1202, type=dropout]; +"1203 matmul_21" [id=1203, type=matmul]; +"1204 transpose_21" [id=1204, type=transpose]; +"1205 reshape_47" [id=1205, type=reshape]; +"1206 _param_constant176" [id=1206, type=get_attr]; +"1207 _param_constant177" [id=1207, type=get_attr]; +"1208 linear_65" [id=1208, type=linear]; +"1209 dropout_41" [id=1209, type=dropout]; +"1210 view_58" [id=1210, type=view]; +"1211 permute_49" [id=1211, type=permute]; +"1212 reshape_48" [id=1212, type=reshape]; +"1213 slice_162" [id=1213, type=slice]; +"1214 slice_163" [id=1214, type=slice]; +"1215 slice_164" [id=1215, type=slice]; +"1216 slice_165" [id=1216, type=slice]; +"1217 contiguous_19" [id=1217, type=contiguous]; +"1218 _param_constant178" [id=1218, type=get_attr]; +"1219 _param_constant179" [id=1219, type=get_attr]; +"1220 layer_norm_23" [id=1220, type=layer_norm]; +"1221 add_36" [id=1221, type=add]; +"1222 _param_constant180" [id=1222, type=get_attr]; +"1223 _param_constant181" [id=1223, type=get_attr]; +"1224 linear_66" [id=1224, type=linear]; +"1225 gelu_10" [id=1225, type=gelu]; +"1226 dropout_42" [id=1226, type=dropout]; +"1227 _param_constant182" [id=1227, type=get_attr]; +"1228 _param_constant183" [id=1228, type=get_attr]; +"1229 linear_67" [id=1229, type=linear]; +"1230 dropout_43" [id=1230, type=dropout]; +"1231 _param_constant184" [id=1231, type=get_attr]; +"1232 _param_constant185" [id=1232, type=get_attr]; +"1233 layer_norm_24" [id=1233, type=layer_norm]; +"1234 add_37" [id=1234, type=add]; +"1235 _tensor_constant67" [id=1235, type=get_attr]; +"1236 _param_constant186" [id=1236, type=get_attr]; +"1237 _param_constant187" [id=1237, type=get_attr]; +"1238 linear_68" [id=1238, type=linear]; +"1239 relu__11" [id=1239, type=relu_]; +"1240 _param_constant188" [id=1240, type=get_attr]; +"1241 linear_69" [id=1241, type=linear]; +"1242 view_59" [id=1242, type=view]; +"1243 _tensor_constant68" [id=1243, type=get_attr]; +"1244 index_11" [id=1244, type=index]; +"1245 view_60" [id=1245, type=view]; +"1246 permute_50" [id=1246, type=permute]; +"1247 contiguous_20" [id=1247, type=contiguous]; +"1248 unsqueeze_31" [id=1248, type=unsqueeze]; +"1249 sigmoid_11" [id=1249, type=sigmoid]; +"1250 mul_22" [id=1250, type=mul]; +"1251 pad_13" [id=1251, type=pad]; +"1252 roll_10" [id=1252, type=roll]; +"1253 view_61" [id=1253, type=view]; +"1254 permute_51" [id=1254, type=permute]; +"1255 reshape_49" [id=1255, type=reshape]; +"1256 _param_constant189" [id=1256, type=get_attr]; +"1257 clone_11" [id=1257, type=clone]; +"1258 slice_166" [id=1258, type=slice]; +"1259 zero__11" [id=1259, type=zero_]; +"1260 _param_constant190" [id=1260, type=get_attr]; +"1261 linear_70" [id=1261, type=linear]; +"1262 reshape_50" [id=1262, type=reshape]; +"1263 permute_52" [id=1263, type=permute]; +"1264 select_33" [id=1264, type=select]; +"1265 select_34" [id=1265, type=select]; +"1266 select_35" [id=1266, type=select]; +"1267 linalg_vector_norm_22" [id=1267, type=linalg_vector_norm]; +"1268 clamp_min_22" [id=1268, type=clamp_min]; +"1269 expand_as_22" [id=1269, type=expand_as]; +"1270 div_22" [id=1270, type=div]; +"1271 linalg_vector_norm_23" [id=1271, type=linalg_vector_norm]; +"1272 clamp_min_23" [id=1272, type=clamp_min]; +"1273 expand_as_23" [id=1273, type=expand_as]; +"1274 div_23" [id=1274, type=div]; +"1275 transpose_22" [id=1275, type=transpose]; +"1276 matmul_22" [id=1276, type=matmul]; +"1277 _param_constant191" [id=1277, type=get_attr]; +"1278 clamp_11" [id=1278, type=clamp]; +"1279 exp_11" [id=1279, type=exp]; +"1280 mul_23" [id=1280, type=mul]; +"1281 add_38" [id=1281, type=add]; +"1282 new_zeros_5" [id=1282, type=new_zeros]; +"1283 _tensor_constant69" [id=1283, type=get_attr]; +"1284 lift_fresh_copy_45" [id=1284, type=lift_fresh_copy]; +"1285 slice_167" [id=1285, type=slice]; +"1286 slice_168" [id=1286, type=slice]; +"1287 fill__45" [id=1287, type=fill_]; +"1288 _tensor_constant70" [id=1288, type=get_attr]; +"1289 lift_fresh_copy_46" [id=1289, type=lift_fresh_copy]; +"1290 slice_169" [id=1290, type=slice]; +"1291 slice_170" [id=1291, type=slice]; +"1292 fill__46" [id=1292, type=fill_]; +"1293 _tensor_constant71" [id=1293, type=get_attr]; +"1294 lift_fresh_copy_47" [id=1294, type=lift_fresh_copy]; +"1295 slice_171" [id=1295, type=slice]; +"1296 slice_172" [id=1296, type=slice]; +"1297 fill__47" [id=1297, type=fill_]; +"1298 _tensor_constant72" [id=1298, type=get_attr]; +"1299 lift_fresh_copy_48" [id=1299, type=lift_fresh_copy]; +"1300 slice_173" [id=1300, type=slice]; +"1301 slice_174" [id=1301, type=slice]; +"1302 fill__48" [id=1302, type=fill_]; +"1303 _tensor_constant73" [id=1303, type=get_attr]; +"1304 lift_fresh_copy_49" [id=1304, type=lift_fresh_copy]; +"1305 slice_175" [id=1305, type=slice]; +"1306 slice_176" [id=1306, type=slice]; +"1307 fill__49" [id=1307, type=fill_]; +"1308 _tensor_constant74" [id=1308, type=get_attr]; +"1309 lift_fresh_copy_50" [id=1309, type=lift_fresh_copy]; +"1310 slice_177" [id=1310, type=slice]; +"1311 slice_178" [id=1311, type=slice]; +"1312 fill__50" [id=1312, type=fill_]; +"1313 _tensor_constant75" [id=1313, type=get_attr]; +"1314 lift_fresh_copy_51" [id=1314, type=lift_fresh_copy]; +"1315 slice_179" [id=1315, type=slice]; +"1316 slice_180" [id=1316, type=slice]; +"1317 fill__51" [id=1317, type=fill_]; +"1318 _tensor_constant76" [id=1318, type=get_attr]; +"1319 lift_fresh_copy_52" [id=1319, type=lift_fresh_copy]; +"1320 slice_181" [id=1320, type=slice]; +"1321 slice_182" [id=1321, type=slice]; +"1322 fill__52" [id=1322, type=fill_]; +"1323 _tensor_constant77" [id=1323, type=get_attr]; +"1324 lift_fresh_copy_53" [id=1324, type=lift_fresh_copy]; +"1325 slice_183" [id=1325, type=slice]; +"1326 slice_184" [id=1326, type=slice]; +"1327 fill__53" [id=1327, type=fill_]; +"1328 view_62" [id=1328, type=view]; +"1329 permute_53" [id=1329, type=permute]; +"1330 reshape_51" [id=1330, type=reshape]; +"1331 unsqueeze_32" [id=1331, type=unsqueeze]; +"1332 unsqueeze_33" [id=1332, type=unsqueeze]; +"1333 sub_5" [id=1333, type=sub]; +"1334 ne_5" [id=1334, type=ne]; +"1335 masked_fill_10" [id=1335, type=masked_fill]; +"1336 eq_5" [id=1336, type=eq]; +"1337 masked_fill_11" [id=1337, type=masked_fill]; +"1338 view_63" [id=1338, type=view]; +"1339 unsqueeze_34" [id=1339, type=unsqueeze]; +"1340 unsqueeze_35" [id=1340, type=unsqueeze]; +"1341 add_39" [id=1341, type=add]; +"1342 view_64" [id=1342, type=view]; +"1343 softmax_11" [id=1343, type=softmax]; +"1344 dropout_44" [id=1344, type=dropout]; +"1345 matmul_23" [id=1345, type=matmul]; +"1346 transpose_23" [id=1346, type=transpose]; +"1347 reshape_52" [id=1347, type=reshape]; +"1348 _param_constant192" [id=1348, type=get_attr]; +"1349 _param_constant193" [id=1349, type=get_attr]; +"1350 linear_71" [id=1350, type=linear]; +"1351 dropout_45" [id=1351, type=dropout]; +"1352 view_65" [id=1352, type=view]; +"1353 permute_54" [id=1353, type=permute]; +"1354 reshape_53" [id=1354, type=reshape]; +"1355 roll_11" [id=1355, type=roll]; +"1356 slice_185" [id=1356, type=slice]; +"1357 slice_186" [id=1357, type=slice]; +"1358 slice_187" [id=1358, type=slice]; +"1359 slice_188" [id=1359, type=slice]; +"1360 contiguous_21" [id=1360, type=contiguous]; +"1361 _param_constant194" [id=1361, type=get_attr]; +"1362 _param_constant195" [id=1362, type=get_attr]; +"1363 layer_norm_25" [id=1363, type=layer_norm]; +"1364 add_40" [id=1364, type=add]; +"1365 _param_constant196" [id=1365, type=get_attr]; +"1366 _param_constant197" [id=1366, type=get_attr]; +"1367 linear_72" [id=1367, type=linear]; +"1368 gelu_11" [id=1368, type=gelu]; +"1369 dropout_46" [id=1369, type=dropout]; +"1370 _param_constant198" [id=1370, type=get_attr]; +"1371 _param_constant199" [id=1371, type=get_attr]; +"1372 linear_73" [id=1372, type=linear]; +"1373 dropout_47" [id=1373, type=dropout]; +"1374 _param_constant200" [id=1374, type=get_attr]; +"1375 _param_constant201" [id=1375, type=get_attr]; +"1376 layer_norm_26" [id=1376, type=layer_norm]; +"1377 add_41" [id=1377, type=add]; +"1378 _tensor_constant78" [id=1378, type=get_attr]; +"1379 _param_constant202" [id=1379, type=get_attr]; +"1380 _param_constant203" [id=1380, type=get_attr]; +"1381 linear_74" [id=1381, type=linear]; +"1382 relu__12" [id=1382, type=relu_]; +"1383 _param_constant204" [id=1383, type=get_attr]; +"1384 linear_75" [id=1384, type=linear]; +"1385 view_66" [id=1385, type=view]; +"1386 _tensor_constant79" [id=1386, type=get_attr]; +"1387 index_12" [id=1387, type=index]; +"1388 view_67" [id=1388, type=view]; +"1389 permute_55" [id=1389, type=permute]; +"1390 contiguous_22" [id=1390, type=contiguous]; +"1391 unsqueeze_36" [id=1391, type=unsqueeze]; +"1392 sigmoid_12" [id=1392, type=sigmoid]; +"1393 mul_24" [id=1393, type=mul]; +"1394 pad_14" [id=1394, type=pad]; +"1395 view_68" [id=1395, type=view]; +"1396 permute_56" [id=1396, type=permute]; +"1397 reshape_54" [id=1397, type=reshape]; +"1398 _param_constant205" [id=1398, type=get_attr]; +"1399 clone_12" [id=1399, type=clone]; +"1400 slice_189" [id=1400, type=slice]; +"1401 zero__12" [id=1401, type=zero_]; +"1402 _param_constant206" [id=1402, type=get_attr]; +"1403 linear_76" [id=1403, type=linear]; +"1404 reshape_55" [id=1404, type=reshape]; +"1405 permute_57" [id=1405, type=permute]; +"1406 select_36" [id=1406, type=select]; +"1407 select_37" [id=1407, type=select]; +"1408 select_38" [id=1408, type=select]; +"1409 linalg_vector_norm_24" [id=1409, type=linalg_vector_norm]; +"1410 clamp_min_24" [id=1410, type=clamp_min]; +"1411 expand_as_24" [id=1411, type=expand_as]; +"1412 div_24" [id=1412, type=div]; +"1413 linalg_vector_norm_25" [id=1413, type=linalg_vector_norm]; +"1414 clamp_min_25" [id=1414, type=clamp_min]; +"1415 expand_as_25" [id=1415, type=expand_as]; +"1416 div_25" [id=1416, type=div]; +"1417 transpose_24" [id=1417, type=transpose]; +"1418 matmul_24" [id=1418, type=matmul]; +"1419 _param_constant207" [id=1419, type=get_attr]; +"1420 clamp_12" [id=1420, type=clamp]; +"1421 exp_12" [id=1421, type=exp]; +"1422 mul_25" [id=1422, type=mul]; +"1423 add_42" [id=1423, type=add]; +"1424 softmax_12" [id=1424, type=softmax]; +"1425 dropout_48" [id=1425, type=dropout]; +"1426 matmul_25" [id=1426, type=matmul]; +"1427 transpose_25" [id=1427, type=transpose]; +"1428 reshape_56" [id=1428, type=reshape]; +"1429 _param_constant208" [id=1429, type=get_attr]; +"1430 _param_constant209" [id=1430, type=get_attr]; +"1431 linear_77" [id=1431, type=linear]; +"1432 dropout_49" [id=1432, type=dropout]; +"1433 view_69" [id=1433, type=view]; +"1434 permute_58" [id=1434, type=permute]; +"1435 reshape_57" [id=1435, type=reshape]; +"1436 slice_190" [id=1436, type=slice]; +"1437 slice_191" [id=1437, type=slice]; +"1438 slice_192" [id=1438, type=slice]; +"1439 slice_193" [id=1439, type=slice]; +"1440 contiguous_23" [id=1440, type=contiguous]; +"1441 _param_constant210" [id=1441, type=get_attr]; +"1442 _param_constant211" [id=1442, type=get_attr]; +"1443 layer_norm_27" [id=1443, type=layer_norm]; +"1444 add_43" [id=1444, type=add]; +"1445 _param_constant212" [id=1445, type=get_attr]; +"1446 _param_constant213" [id=1446, type=get_attr]; +"1447 linear_78" [id=1447, type=linear]; +"1448 gelu_12" [id=1448, type=gelu]; +"1449 dropout_50" [id=1449, type=dropout]; +"1450 _param_constant214" [id=1450, type=get_attr]; +"1451 _param_constant215" [id=1451, type=get_attr]; +"1452 linear_79" [id=1452, type=linear]; +"1453 dropout_51" [id=1453, type=dropout]; +"1454 _param_constant216" [id=1454, type=get_attr]; +"1455 _param_constant217" [id=1455, type=get_attr]; +"1456 layer_norm_28" [id=1456, type=layer_norm]; +"1457 add_44" [id=1457, type=add]; +"1458 _tensor_constant80" [id=1458, type=get_attr]; +"1459 _param_constant218" [id=1459, type=get_attr]; +"1460 _param_constant219" [id=1460, type=get_attr]; +"1461 linear_80" [id=1461, type=linear]; +"1462 relu__13" [id=1462, type=relu_]; +"1463 _param_constant220" [id=1463, type=get_attr]; +"1464 linear_81" [id=1464, type=linear]; +"1465 view_70" [id=1465, type=view]; +"1466 _tensor_constant81" [id=1466, type=get_attr]; +"1467 index_13" [id=1467, type=index]; +"1468 view_71" [id=1468, type=view]; +"1469 permute_59" [id=1469, type=permute]; +"1470 contiguous_24" [id=1470, type=contiguous]; +"1471 unsqueeze_37" [id=1471, type=unsqueeze]; +"1472 sigmoid_13" [id=1472, type=sigmoid]; +"1473 mul_26" [id=1473, type=mul]; +"1474 pad_15" [id=1474, type=pad]; +"1475 roll_12" [id=1475, type=roll]; +"1476 view_72" [id=1476, type=view]; +"1477 permute_60" [id=1477, type=permute]; +"1478 reshape_58" [id=1478, type=reshape]; +"1479 _param_constant221" [id=1479, type=get_attr]; +"1480 clone_13" [id=1480, type=clone]; +"1481 slice_194" [id=1481, type=slice]; +"1482 zero__13" [id=1482, type=zero_]; +"1483 _param_constant222" [id=1483, type=get_attr]; +"1484 linear_82" [id=1484, type=linear]; +"1485 reshape_59" [id=1485, type=reshape]; +"1486 permute_61" [id=1486, type=permute]; +"1487 select_39" [id=1487, type=select]; +"1488 select_40" [id=1488, type=select]; +"1489 select_41" [id=1489, type=select]; +"1490 linalg_vector_norm_26" [id=1490, type=linalg_vector_norm]; +"1491 clamp_min_26" [id=1491, type=clamp_min]; +"1492 expand_as_26" [id=1492, type=expand_as]; +"1493 div_26" [id=1493, type=div]; +"1494 linalg_vector_norm_27" [id=1494, type=linalg_vector_norm]; +"1495 clamp_min_27" [id=1495, type=clamp_min]; +"1496 expand_as_27" [id=1496, type=expand_as]; +"1497 div_27" [id=1497, type=div]; +"1498 transpose_26" [id=1498, type=transpose]; +"1499 matmul_26" [id=1499, type=matmul]; +"1500 _param_constant223" [id=1500, type=get_attr]; +"1501 clamp_13" [id=1501, type=clamp]; +"1502 exp_13" [id=1502, type=exp]; +"1503 mul_27" [id=1503, type=mul]; +"1504 add_45" [id=1504, type=add]; +"1505 new_zeros_6" [id=1505, type=new_zeros]; +"1506 _tensor_constant82" [id=1506, type=get_attr]; +"1507 lift_fresh_copy_54" [id=1507, type=lift_fresh_copy]; +"1508 slice_195" [id=1508, type=slice]; +"1509 slice_196" [id=1509, type=slice]; +"1510 fill__54" [id=1510, type=fill_]; +"1511 _tensor_constant83" [id=1511, type=get_attr]; +"1512 lift_fresh_copy_55" [id=1512, type=lift_fresh_copy]; +"1513 slice_197" [id=1513, type=slice]; +"1514 slice_198" [id=1514, type=slice]; +"1515 fill__55" [id=1515, type=fill_]; +"1516 _tensor_constant84" [id=1516, type=get_attr]; +"1517 lift_fresh_copy_56" [id=1517, type=lift_fresh_copy]; +"1518 slice_199" [id=1518, type=slice]; +"1519 slice_200" [id=1519, type=slice]; +"1520 fill__56" [id=1520, type=fill_]; +"1521 _tensor_constant85" [id=1521, type=get_attr]; +"1522 lift_fresh_copy_57" [id=1522, type=lift_fresh_copy]; +"1523 slice_201" [id=1523, type=slice]; +"1524 slice_202" [id=1524, type=slice]; +"1525 fill__57" [id=1525, type=fill_]; +"1526 _tensor_constant86" [id=1526, type=get_attr]; +"1527 lift_fresh_copy_58" [id=1527, type=lift_fresh_copy]; +"1528 slice_203" [id=1528, type=slice]; +"1529 slice_204" [id=1529, type=slice]; +"1530 fill__58" [id=1530, type=fill_]; +"1531 _tensor_constant87" [id=1531, type=get_attr]; +"1532 lift_fresh_copy_59" [id=1532, type=lift_fresh_copy]; +"1533 slice_205" [id=1533, type=slice]; +"1534 slice_206" [id=1534, type=slice]; +"1535 fill__59" [id=1535, type=fill_]; +"1536 _tensor_constant88" [id=1536, type=get_attr]; +"1537 lift_fresh_copy_60" [id=1537, type=lift_fresh_copy]; +"1538 slice_207" [id=1538, type=slice]; +"1539 slice_208" [id=1539, type=slice]; +"1540 fill__60" [id=1540, type=fill_]; +"1541 _tensor_constant89" [id=1541, type=get_attr]; +"1542 lift_fresh_copy_61" [id=1542, type=lift_fresh_copy]; +"1543 slice_209" [id=1543, type=slice]; +"1544 slice_210" [id=1544, type=slice]; +"1545 fill__61" [id=1545, type=fill_]; +"1546 _tensor_constant90" [id=1546, type=get_attr]; +"1547 lift_fresh_copy_62" [id=1547, type=lift_fresh_copy]; +"1548 slice_211" [id=1548, type=slice]; +"1549 slice_212" [id=1549, type=slice]; +"1550 fill__62" [id=1550, type=fill_]; +"1551 view_73" [id=1551, type=view]; +"1552 permute_62" [id=1552, type=permute]; +"1553 reshape_60" [id=1553, type=reshape]; +"1554 unsqueeze_38" [id=1554, type=unsqueeze]; +"1555 unsqueeze_39" [id=1555, type=unsqueeze]; +"1556 sub_6" [id=1556, type=sub]; +"1557 ne_6" [id=1557, type=ne]; +"1558 masked_fill_12" [id=1558, type=masked_fill]; +"1559 eq_6" [id=1559, type=eq]; +"1560 masked_fill_13" [id=1560, type=masked_fill]; +"1561 view_74" [id=1561, type=view]; +"1562 unsqueeze_40" [id=1562, type=unsqueeze]; +"1563 unsqueeze_41" [id=1563, type=unsqueeze]; +"1564 add_46" [id=1564, type=add]; +"1565 view_75" [id=1565, type=view]; +"1566 softmax_13" [id=1566, type=softmax]; +"1567 dropout_52" [id=1567, type=dropout]; +"1568 matmul_27" [id=1568, type=matmul]; +"1569 transpose_27" [id=1569, type=transpose]; +"1570 reshape_61" [id=1570, type=reshape]; +"1571 _param_constant224" [id=1571, type=get_attr]; +"1572 _param_constant225" [id=1572, type=get_attr]; +"1573 linear_83" [id=1573, type=linear]; +"1574 dropout_53" [id=1574, type=dropout]; +"1575 view_76" [id=1575, type=view]; +"1576 permute_63" [id=1576, type=permute]; +"1577 reshape_62" [id=1577, type=reshape]; +"1578 roll_13" [id=1578, type=roll]; +"1579 slice_213" [id=1579, type=slice]; +"1580 slice_214" [id=1580, type=slice]; +"1581 slice_215" [id=1581, type=slice]; +"1582 slice_216" [id=1582, type=slice]; +"1583 contiguous_25" [id=1583, type=contiguous]; +"1584 _param_constant226" [id=1584, type=get_attr]; +"1585 _param_constant227" [id=1585, type=get_attr]; +"1586 layer_norm_29" [id=1586, type=layer_norm]; +"1587 add_47" [id=1587, type=add]; +"1588 _param_constant228" [id=1588, type=get_attr]; +"1589 _param_constant229" [id=1589, type=get_attr]; +"1590 linear_84" [id=1590, type=linear]; +"1591 gelu_13" [id=1591, type=gelu]; +"1592 dropout_54" [id=1592, type=dropout]; +"1593 _param_constant230" [id=1593, type=get_attr]; +"1594 _param_constant231" [id=1594, type=get_attr]; +"1595 linear_85" [id=1595, type=linear]; +"1596 dropout_55" [id=1596, type=dropout]; +"1597 _param_constant232" [id=1597, type=get_attr]; +"1598 _param_constant233" [id=1598, type=get_attr]; +"1599 layer_norm_30" [id=1599, type=layer_norm]; +"1600 add_48" [id=1600, type=add]; +"1601 _tensor_constant91" [id=1601, type=get_attr]; +"1602 _param_constant234" [id=1602, type=get_attr]; +"1603 _param_constant235" [id=1603, type=get_attr]; +"1604 linear_86" [id=1604, type=linear]; +"1605 relu__14" [id=1605, type=relu_]; +"1606 _param_constant236" [id=1606, type=get_attr]; +"1607 linear_87" [id=1607, type=linear]; +"1608 view_77" [id=1608, type=view]; +"1609 _tensor_constant92" [id=1609, type=get_attr]; +"1610 index_14" [id=1610, type=index]; +"1611 view_78" [id=1611, type=view]; +"1612 permute_64" [id=1612, type=permute]; +"1613 contiguous_26" [id=1613, type=contiguous]; +"1614 unsqueeze_42" [id=1614, type=unsqueeze]; +"1615 sigmoid_14" [id=1615, type=sigmoid]; +"1616 mul_28" [id=1616, type=mul]; +"1617 pad_16" [id=1617, type=pad]; +"1618 view_79" [id=1618, type=view]; +"1619 permute_65" [id=1619, type=permute]; +"1620 reshape_63" [id=1620, type=reshape]; +"1621 _param_constant237" [id=1621, type=get_attr]; +"1622 clone_14" [id=1622, type=clone]; +"1623 slice_217" [id=1623, type=slice]; +"1624 zero__14" [id=1624, type=zero_]; +"1625 _param_constant238" [id=1625, type=get_attr]; +"1626 linear_88" [id=1626, type=linear]; +"1627 reshape_64" [id=1627, type=reshape]; +"1628 permute_66" [id=1628, type=permute]; +"1629 select_42" [id=1629, type=select]; +"1630 select_43" [id=1630, type=select]; +"1631 select_44" [id=1631, type=select]; +"1632 linalg_vector_norm_28" [id=1632, type=linalg_vector_norm]; +"1633 clamp_min_28" [id=1633, type=clamp_min]; +"1634 expand_as_28" [id=1634, type=expand_as]; +"1635 div_28" [id=1635, type=div]; +"1636 linalg_vector_norm_29" [id=1636, type=linalg_vector_norm]; +"1637 clamp_min_29" [id=1637, type=clamp_min]; +"1638 expand_as_29" [id=1638, type=expand_as]; +"1639 div_29" [id=1639, type=div]; +"1640 transpose_28" [id=1640, type=transpose]; +"1641 matmul_28" [id=1641, type=matmul]; +"1642 _param_constant239" [id=1642, type=get_attr]; +"1643 clamp_14" [id=1643, type=clamp]; +"1644 exp_14" [id=1644, type=exp]; +"1645 mul_29" [id=1645, type=mul]; +"1646 add_49" [id=1646, type=add]; +"1647 softmax_14" [id=1647, type=softmax]; +"1648 dropout_56" [id=1648, type=dropout]; +"1649 matmul_29" [id=1649, type=matmul]; +"1650 transpose_29" [id=1650, type=transpose]; +"1651 reshape_65" [id=1651, type=reshape]; +"1652 _param_constant240" [id=1652, type=get_attr]; +"1653 _param_constant241" [id=1653, type=get_attr]; +"1654 linear_89" [id=1654, type=linear]; +"1655 dropout_57" [id=1655, type=dropout]; +"1656 view_80" [id=1656, type=view]; +"1657 permute_67" [id=1657, type=permute]; +"1658 reshape_66" [id=1658, type=reshape]; +"1659 slice_218" [id=1659, type=slice]; +"1660 slice_219" [id=1660, type=slice]; +"1661 slice_220" [id=1661, type=slice]; +"1662 slice_221" [id=1662, type=slice]; +"1663 contiguous_27" [id=1663, type=contiguous]; +"1664 _param_constant242" [id=1664, type=get_attr]; +"1665 _param_constant243" [id=1665, type=get_attr]; +"1666 layer_norm_31" [id=1666, type=layer_norm]; +"1667 add_50" [id=1667, type=add]; +"1668 _param_constant244" [id=1668, type=get_attr]; +"1669 _param_constant245" [id=1669, type=get_attr]; +"1670 linear_90" [id=1670, type=linear]; +"1671 gelu_14" [id=1671, type=gelu]; +"1672 dropout_58" [id=1672, type=dropout]; +"1673 _param_constant246" [id=1673, type=get_attr]; +"1674 _param_constant247" [id=1674, type=get_attr]; +"1675 linear_91" [id=1675, type=linear]; +"1676 dropout_59" [id=1676, type=dropout]; +"1677 _param_constant248" [id=1677, type=get_attr]; +"1678 _param_constant249" [id=1678, type=get_attr]; +"1679 layer_norm_32" [id=1679, type=layer_norm]; +"1680 add_51" [id=1680, type=add]; +"1681 _tensor_constant93" [id=1681, type=get_attr]; +"1682 _param_constant250" [id=1682, type=get_attr]; +"1683 _param_constant251" [id=1683, type=get_attr]; +"1684 linear_92" [id=1684, type=linear]; +"1685 relu__15" [id=1685, type=relu_]; +"1686 _param_constant252" [id=1686, type=get_attr]; +"1687 linear_93" [id=1687, type=linear]; +"1688 view_81" [id=1688, type=view]; +"1689 _tensor_constant94" [id=1689, type=get_attr]; +"1690 index_15" [id=1690, type=index]; +"1691 view_82" [id=1691, type=view]; +"1692 permute_68" [id=1692, type=permute]; +"1693 contiguous_28" [id=1693, type=contiguous]; +"1694 unsqueeze_43" [id=1694, type=unsqueeze]; +"1695 sigmoid_15" [id=1695, type=sigmoid]; +"1696 mul_30" [id=1696, type=mul]; +"1697 pad_17" [id=1697, type=pad]; +"1698 roll_14" [id=1698, type=roll]; +"1699 view_83" [id=1699, type=view]; +"1700 permute_69" [id=1700, type=permute]; +"1701 reshape_67" [id=1701, type=reshape]; +"1702 _param_constant253" [id=1702, type=get_attr]; +"1703 clone_15" [id=1703, type=clone]; +"1704 slice_222" [id=1704, type=slice]; +"1705 zero__15" [id=1705, type=zero_]; +"1706 _param_constant254" [id=1706, type=get_attr]; +"1707 linear_94" [id=1707, type=linear]; +"1708 reshape_68" [id=1708, type=reshape]; +"1709 permute_70" [id=1709, type=permute]; +"1710 select_45" [id=1710, type=select]; +"1711 select_46" [id=1711, type=select]; +"1712 select_47" [id=1712, type=select]; +"1713 linalg_vector_norm_30" [id=1713, type=linalg_vector_norm]; +"1714 clamp_min_30" [id=1714, type=clamp_min]; +"1715 expand_as_30" [id=1715, type=expand_as]; +"1716 div_30" [id=1716, type=div]; +"1717 linalg_vector_norm_31" [id=1717, type=linalg_vector_norm]; +"1718 clamp_min_31" [id=1718, type=clamp_min]; +"1719 expand_as_31" [id=1719, type=expand_as]; +"1720 div_31" [id=1720, type=div]; +"1721 transpose_30" [id=1721, type=transpose]; +"1722 matmul_30" [id=1722, type=matmul]; +"1723 _param_constant255" [id=1723, type=get_attr]; +"1724 clamp_15" [id=1724, type=clamp]; +"1725 exp_15" [id=1725, type=exp]; +"1726 mul_31" [id=1726, type=mul]; +"1727 add_52" [id=1727, type=add]; +"1728 new_zeros_7" [id=1728, type=new_zeros]; +"1729 _tensor_constant95" [id=1729, type=get_attr]; +"1730 lift_fresh_copy_63" [id=1730, type=lift_fresh_copy]; +"1731 slice_223" [id=1731, type=slice]; +"1732 slice_224" [id=1732, type=slice]; +"1733 fill__63" [id=1733, type=fill_]; +"1734 _tensor_constant96" [id=1734, type=get_attr]; +"1735 lift_fresh_copy_64" [id=1735, type=lift_fresh_copy]; +"1736 slice_225" [id=1736, type=slice]; +"1737 slice_226" [id=1737, type=slice]; +"1738 fill__64" [id=1738, type=fill_]; +"1739 _tensor_constant97" [id=1739, type=get_attr]; +"1740 lift_fresh_copy_65" [id=1740, type=lift_fresh_copy]; +"1741 slice_227" [id=1741, type=slice]; +"1742 slice_228" [id=1742, type=slice]; +"1743 fill__65" [id=1743, type=fill_]; +"1744 _tensor_constant98" [id=1744, type=get_attr]; +"1745 lift_fresh_copy_66" [id=1745, type=lift_fresh_copy]; +"1746 slice_229" [id=1746, type=slice]; +"1747 slice_230" [id=1747, type=slice]; +"1748 fill__66" [id=1748, type=fill_]; +"1749 _tensor_constant99" [id=1749, type=get_attr]; +"1750 lift_fresh_copy_67" [id=1750, type=lift_fresh_copy]; +"1751 slice_231" [id=1751, type=slice]; +"1752 slice_232" [id=1752, type=slice]; +"1753 fill__67" [id=1753, type=fill_]; +"1754 _tensor_constant100" [id=1754, type=get_attr]; +"1755 lift_fresh_copy_68" [id=1755, type=lift_fresh_copy]; +"1756 slice_233" [id=1756, type=slice]; +"1757 slice_234" [id=1757, type=slice]; +"1758 fill__68" [id=1758, type=fill_]; +"1759 _tensor_constant101" [id=1759, type=get_attr]; +"1760 lift_fresh_copy_69" [id=1760, type=lift_fresh_copy]; +"1761 slice_235" [id=1761, type=slice]; +"1762 slice_236" [id=1762, type=slice]; +"1763 fill__69" [id=1763, type=fill_]; +"1764 _tensor_constant102" [id=1764, type=get_attr]; +"1765 lift_fresh_copy_70" [id=1765, type=lift_fresh_copy]; +"1766 slice_237" [id=1766, type=slice]; +"1767 slice_238" [id=1767, type=slice]; +"1768 fill__70" [id=1768, type=fill_]; +"1769 _tensor_constant103" [id=1769, type=get_attr]; +"1770 lift_fresh_copy_71" [id=1770, type=lift_fresh_copy]; +"1771 slice_239" [id=1771, type=slice]; +"1772 slice_240" [id=1772, type=slice]; +"1773 fill__71" [id=1773, type=fill_]; +"1774 view_84" [id=1774, type=view]; +"1775 permute_71" [id=1775, type=permute]; +"1776 reshape_69" [id=1776, type=reshape]; +"1777 unsqueeze_44" [id=1777, type=unsqueeze]; +"1778 unsqueeze_45" [id=1778, type=unsqueeze]; +"1779 sub_7" [id=1779, type=sub]; +"1780 ne_7" [id=1780, type=ne]; +"1781 masked_fill_14" [id=1781, type=masked_fill]; +"1782 eq_7" [id=1782, type=eq]; +"1783 masked_fill_15" [id=1783, type=masked_fill]; +"1784 view_85" [id=1784, type=view]; +"1785 unsqueeze_46" [id=1785, type=unsqueeze]; +"1786 unsqueeze_47" [id=1786, type=unsqueeze]; +"1787 add_53" [id=1787, type=add]; +"1788 view_86" [id=1788, type=view]; +"1789 softmax_15" [id=1789, type=softmax]; +"1790 dropout_60" [id=1790, type=dropout]; +"1791 matmul_31" [id=1791, type=matmul]; +"1792 transpose_31" [id=1792, type=transpose]; +"1793 reshape_70" [id=1793, type=reshape]; +"1794 _param_constant256" [id=1794, type=get_attr]; +"1795 _param_constant257" [id=1795, type=get_attr]; +"1796 linear_95" [id=1796, type=linear]; +"1797 dropout_61" [id=1797, type=dropout]; +"1798 view_87" [id=1798, type=view]; +"1799 permute_72" [id=1799, type=permute]; +"1800 reshape_71" [id=1800, type=reshape]; +"1801 roll_15" [id=1801, type=roll]; +"1802 slice_241" [id=1802, type=slice]; +"1803 slice_242" [id=1803, type=slice]; +"1804 slice_243" [id=1804, type=slice]; +"1805 slice_244" [id=1805, type=slice]; +"1806 contiguous_29" [id=1806, type=contiguous]; +"1807 _param_constant258" [id=1807, type=get_attr]; +"1808 _param_constant259" [id=1808, type=get_attr]; +"1809 layer_norm_33" [id=1809, type=layer_norm]; +"1810 add_54" [id=1810, type=add]; +"1811 _param_constant260" [id=1811, type=get_attr]; +"1812 _param_constant261" [id=1812, type=get_attr]; +"1813 linear_96" [id=1813, type=linear]; +"1814 gelu_15" [id=1814, type=gelu]; +"1815 dropout_62" [id=1815, type=dropout]; +"1816 _param_constant262" [id=1816, type=get_attr]; +"1817 _param_constant263" [id=1817, type=get_attr]; +"1818 linear_97" [id=1818, type=linear]; +"1819 dropout_63" [id=1819, type=dropout]; +"1820 _param_constant264" [id=1820, type=get_attr]; +"1821 _param_constant265" [id=1821, type=get_attr]; +"1822 layer_norm_34" [id=1822, type=layer_norm]; +"1823 add_55" [id=1823, type=add]; +"1824 _tensor_constant104" [id=1824, type=get_attr]; +"1825 _param_constant266" [id=1825, type=get_attr]; +"1826 _param_constant267" [id=1826, type=get_attr]; +"1827 linear_98" [id=1827, type=linear]; +"1828 relu__16" [id=1828, type=relu_]; +"1829 _param_constant268" [id=1829, type=get_attr]; +"1830 linear_99" [id=1830, type=linear]; +"1831 view_88" [id=1831, type=view]; +"1832 _tensor_constant105" [id=1832, type=get_attr]; +"1833 index_16" [id=1833, type=index]; +"1834 view_89" [id=1834, type=view]; +"1835 permute_73" [id=1835, type=permute]; +"1836 contiguous_30" [id=1836, type=contiguous]; +"1837 unsqueeze_48" [id=1837, type=unsqueeze]; +"1838 sigmoid_16" [id=1838, type=sigmoid]; +"1839 mul_32" [id=1839, type=mul]; +"1840 pad_18" [id=1840, type=pad]; +"1841 view_90" [id=1841, type=view]; +"1842 permute_74" [id=1842, type=permute]; +"1843 reshape_72" [id=1843, type=reshape]; +"1844 _param_constant269" [id=1844, type=get_attr]; +"1845 clone_16" [id=1845, type=clone]; +"1846 slice_245" [id=1846, type=slice]; +"1847 zero__16" [id=1847, type=zero_]; +"1848 _param_constant270" [id=1848, type=get_attr]; +"1849 linear_100" [id=1849, type=linear]; +"1850 reshape_73" [id=1850, type=reshape]; +"1851 permute_75" [id=1851, type=permute]; +"1852 select_48" [id=1852, type=select]; +"1853 select_49" [id=1853, type=select]; +"1854 select_50" [id=1854, type=select]; +"1855 linalg_vector_norm_32" [id=1855, type=linalg_vector_norm]; +"1856 clamp_min_32" [id=1856, type=clamp_min]; +"1857 expand_as_32" [id=1857, type=expand_as]; +"1858 div_32" [id=1858, type=div]; +"1859 linalg_vector_norm_33" [id=1859, type=linalg_vector_norm]; +"1860 clamp_min_33" [id=1860, type=clamp_min]; +"1861 expand_as_33" [id=1861, type=expand_as]; +"1862 div_33" [id=1862, type=div]; +"1863 transpose_32" [id=1863, type=transpose]; +"1864 matmul_32" [id=1864, type=matmul]; +"1865 _param_constant271" [id=1865, type=get_attr]; +"1866 clamp_16" [id=1866, type=clamp]; +"1867 exp_16" [id=1867, type=exp]; +"1868 mul_33" [id=1868, type=mul]; +"1869 add_56" [id=1869, type=add]; +"1870 softmax_16" [id=1870, type=softmax]; +"1871 dropout_64" [id=1871, type=dropout]; +"1872 matmul_33" [id=1872, type=matmul]; +"1873 transpose_33" [id=1873, type=transpose]; +"1874 reshape_74" [id=1874, type=reshape]; +"1875 _param_constant272" [id=1875, type=get_attr]; +"1876 _param_constant273" [id=1876, type=get_attr]; +"1877 linear_101" [id=1877, type=linear]; +"1878 dropout_65" [id=1878, type=dropout]; +"1879 view_91" [id=1879, type=view]; +"1880 permute_76" [id=1880, type=permute]; +"1881 reshape_75" [id=1881, type=reshape]; +"1882 slice_246" [id=1882, type=slice]; +"1883 slice_247" [id=1883, type=slice]; +"1884 slice_248" [id=1884, type=slice]; +"1885 slice_249" [id=1885, type=slice]; +"1886 contiguous_31" [id=1886, type=contiguous]; +"1887 _param_constant274" [id=1887, type=get_attr]; +"1888 _param_constant275" [id=1888, type=get_attr]; +"1889 layer_norm_35" [id=1889, type=layer_norm]; +"1890 add_57" [id=1890, type=add]; +"1891 _param_constant276" [id=1891, type=get_attr]; +"1892 _param_constant277" [id=1892, type=get_attr]; +"1893 linear_102" [id=1893, type=linear]; +"1894 gelu_16" [id=1894, type=gelu]; +"1895 dropout_66" [id=1895, type=dropout]; +"1896 _param_constant278" [id=1896, type=get_attr]; +"1897 _param_constant279" [id=1897, type=get_attr]; +"1898 linear_103" [id=1898, type=linear]; +"1899 dropout_67" [id=1899, type=dropout]; +"1900 _param_constant280" [id=1900, type=get_attr]; +"1901 _param_constant281" [id=1901, type=get_attr]; +"1902 layer_norm_36" [id=1902, type=layer_norm]; +"1903 add_58" [id=1903, type=add]; +"1904 _tensor_constant106" [id=1904, type=get_attr]; +"1905 _param_constant282" [id=1905, type=get_attr]; +"1906 _param_constant283" [id=1906, type=get_attr]; +"1907 linear_104" [id=1907, type=linear]; +"1908 relu__17" [id=1908, type=relu_]; +"1909 _param_constant284" [id=1909, type=get_attr]; +"1910 linear_105" [id=1910, type=linear]; +"1911 view_92" [id=1911, type=view]; +"1912 _tensor_constant107" [id=1912, type=get_attr]; +"1913 index_17" [id=1913, type=index]; +"1914 view_93" [id=1914, type=view]; +"1915 permute_77" [id=1915, type=permute]; +"1916 contiguous_32" [id=1916, type=contiguous]; +"1917 unsqueeze_49" [id=1917, type=unsqueeze]; +"1918 sigmoid_17" [id=1918, type=sigmoid]; +"1919 mul_34" [id=1919, type=mul]; +"1920 pad_19" [id=1920, type=pad]; +"1921 roll_16" [id=1921, type=roll]; +"1922 view_94" [id=1922, type=view]; +"1923 permute_78" [id=1923, type=permute]; +"1924 reshape_76" [id=1924, type=reshape]; +"1925 _param_constant285" [id=1925, type=get_attr]; +"1926 clone_17" [id=1926, type=clone]; +"1927 slice_250" [id=1927, type=slice]; +"1928 zero__17" [id=1928, type=zero_]; +"1929 _param_constant286" [id=1929, type=get_attr]; +"1930 linear_106" [id=1930, type=linear]; +"1931 reshape_77" [id=1931, type=reshape]; +"1932 permute_79" [id=1932, type=permute]; +"1933 select_51" [id=1933, type=select]; +"1934 select_52" [id=1934, type=select]; +"1935 select_53" [id=1935, type=select]; +"1936 linalg_vector_norm_34" [id=1936, type=linalg_vector_norm]; +"1937 clamp_min_34" [id=1937, type=clamp_min]; +"1938 expand_as_34" [id=1938, type=expand_as]; +"1939 div_34" [id=1939, type=div]; +"1940 linalg_vector_norm_35" [id=1940, type=linalg_vector_norm]; +"1941 clamp_min_35" [id=1941, type=clamp_min]; +"1942 expand_as_35" [id=1942, type=expand_as]; +"1943 div_35" [id=1943, type=div]; +"1944 transpose_34" [id=1944, type=transpose]; +"1945 matmul_34" [id=1945, type=matmul]; +"1946 _param_constant287" [id=1946, type=get_attr]; +"1947 clamp_17" [id=1947, type=clamp]; +"1948 exp_17" [id=1948, type=exp]; +"1949 mul_35" [id=1949, type=mul]; +"1950 add_59" [id=1950, type=add]; +"1951 new_zeros_8" [id=1951, type=new_zeros]; +"1952 _tensor_constant108" [id=1952, type=get_attr]; +"1953 lift_fresh_copy_72" [id=1953, type=lift_fresh_copy]; +"1954 slice_251" [id=1954, type=slice]; +"1955 slice_252" [id=1955, type=slice]; +"1956 fill__72" [id=1956, type=fill_]; +"1957 _tensor_constant109" [id=1957, type=get_attr]; +"1958 lift_fresh_copy_73" [id=1958, type=lift_fresh_copy]; +"1959 slice_253" [id=1959, type=slice]; +"1960 slice_254" [id=1960, type=slice]; +"1961 fill__73" [id=1961, type=fill_]; +"1962 _tensor_constant110" [id=1962, type=get_attr]; +"1963 lift_fresh_copy_74" [id=1963, type=lift_fresh_copy]; +"1964 slice_255" [id=1964, type=slice]; +"1965 slice_256" [id=1965, type=slice]; +"1966 fill__74" [id=1966, type=fill_]; +"1967 _tensor_constant111" [id=1967, type=get_attr]; +"1968 lift_fresh_copy_75" [id=1968, type=lift_fresh_copy]; +"1969 slice_257" [id=1969, type=slice]; +"1970 slice_258" [id=1970, type=slice]; +"1971 fill__75" [id=1971, type=fill_]; +"1972 _tensor_constant112" [id=1972, type=get_attr]; +"1973 lift_fresh_copy_76" [id=1973, type=lift_fresh_copy]; +"1974 slice_259" [id=1974, type=slice]; +"1975 slice_260" [id=1975, type=slice]; +"1976 fill__76" [id=1976, type=fill_]; +"1977 _tensor_constant113" [id=1977, type=get_attr]; +"1978 lift_fresh_copy_77" [id=1978, type=lift_fresh_copy]; +"1979 slice_261" [id=1979, type=slice]; +"1980 slice_262" [id=1980, type=slice]; +"1981 fill__77" [id=1981, type=fill_]; +"1982 _tensor_constant114" [id=1982, type=get_attr]; +"1983 lift_fresh_copy_78" [id=1983, type=lift_fresh_copy]; +"1984 slice_263" [id=1984, type=slice]; +"1985 slice_264" [id=1985, type=slice]; +"1986 fill__78" [id=1986, type=fill_]; +"1987 _tensor_constant115" [id=1987, type=get_attr]; +"1988 lift_fresh_copy_79" [id=1988, type=lift_fresh_copy]; +"1989 slice_265" [id=1989, type=slice]; +"1990 slice_266" [id=1990, type=slice]; +"1991 fill__79" [id=1991, type=fill_]; +"1992 _tensor_constant116" [id=1992, type=get_attr]; +"1993 lift_fresh_copy_80" [id=1993, type=lift_fresh_copy]; +"1994 slice_267" [id=1994, type=slice]; +"1995 slice_268" [id=1995, type=slice]; +"1996 fill__80" [id=1996, type=fill_]; +"1997 view_95" [id=1997, type=view]; +"1998 permute_80" [id=1998, type=permute]; +"1999 reshape_78" [id=1999, type=reshape]; +"2000 unsqueeze_50" [id=2000, type=unsqueeze]; +"2001 unsqueeze_51" [id=2001, type=unsqueeze]; +"2002 sub_8" [id=2002, type=sub]; +"2003 ne_8" [id=2003, type=ne]; +"2004 masked_fill_16" [id=2004, type=masked_fill]; +"2005 eq_8" [id=2005, type=eq]; +"2006 masked_fill_17" [id=2006, type=masked_fill]; +"2007 view_96" [id=2007, type=view]; +"2008 unsqueeze_52" [id=2008, type=unsqueeze]; +"2009 unsqueeze_53" [id=2009, type=unsqueeze]; +"2010 add_60" [id=2010, type=add]; +"2011 view_97" [id=2011, type=view]; +"2012 softmax_17" [id=2012, type=softmax]; +"2013 dropout_68" [id=2013, type=dropout]; +"2014 matmul_35" [id=2014, type=matmul]; +"2015 transpose_35" [id=2015, type=transpose]; +"2016 reshape_79" [id=2016, type=reshape]; +"2017 _param_constant288" [id=2017, type=get_attr]; +"2018 _param_constant289" [id=2018, type=get_attr]; +"2019 linear_107" [id=2019, type=linear]; +"2020 dropout_69" [id=2020, type=dropout]; +"2021 view_98" [id=2021, type=view]; +"2022 permute_81" [id=2022, type=permute]; +"2023 reshape_80" [id=2023, type=reshape]; +"2024 roll_17" [id=2024, type=roll]; +"2025 slice_269" [id=2025, type=slice]; +"2026 slice_270" [id=2026, type=slice]; +"2027 slice_271" [id=2027, type=slice]; +"2028 slice_272" [id=2028, type=slice]; +"2029 contiguous_33" [id=2029, type=contiguous]; +"2030 _param_constant290" [id=2030, type=get_attr]; +"2031 _param_constant291" [id=2031, type=get_attr]; +"2032 layer_norm_37" [id=2032, type=layer_norm]; +"2033 add_61" [id=2033, type=add]; +"2034 _param_constant292" [id=2034, type=get_attr]; +"2035 _param_constant293" [id=2035, type=get_attr]; +"2036 linear_108" [id=2036, type=linear]; +"2037 gelu_17" [id=2037, type=gelu]; +"2038 dropout_70" [id=2038, type=dropout]; +"2039 _param_constant294" [id=2039, type=get_attr]; +"2040 _param_constant295" [id=2040, type=get_attr]; +"2041 linear_109" [id=2041, type=linear]; +"2042 dropout_71" [id=2042, type=dropout]; +"2043 _param_constant296" [id=2043, type=get_attr]; +"2044 _param_constant297" [id=2044, type=get_attr]; +"2045 layer_norm_38" [id=2045, type=layer_norm]; +"2046 add_62" [id=2046, type=add]; +"2047 _tensor_constant117" [id=2047, type=get_attr]; +"2048 _param_constant298" [id=2048, type=get_attr]; +"2049 _param_constant299" [id=2049, type=get_attr]; +"2050 linear_110" [id=2050, type=linear]; +"2051 relu__18" [id=2051, type=relu_]; +"2052 _param_constant300" [id=2052, type=get_attr]; +"2053 linear_111" [id=2053, type=linear]; +"2054 view_99" [id=2054, type=view]; +"2055 _tensor_constant118" [id=2055, type=get_attr]; +"2056 index_18" [id=2056, type=index]; +"2057 view_100" [id=2057, type=view]; +"2058 permute_82" [id=2058, type=permute]; +"2059 contiguous_34" [id=2059, type=contiguous]; +"2060 unsqueeze_54" [id=2060, type=unsqueeze]; +"2061 sigmoid_18" [id=2061, type=sigmoid]; +"2062 mul_36" [id=2062, type=mul]; +"2063 pad_20" [id=2063, type=pad]; +"2064 view_101" [id=2064, type=view]; +"2065 permute_83" [id=2065, type=permute]; +"2066 reshape_81" [id=2066, type=reshape]; +"2067 _param_constant301" [id=2067, type=get_attr]; +"2068 clone_18" [id=2068, type=clone]; +"2069 slice_273" [id=2069, type=slice]; +"2070 zero__18" [id=2070, type=zero_]; +"2071 _param_constant302" [id=2071, type=get_attr]; +"2072 linear_112" [id=2072, type=linear]; +"2073 reshape_82" [id=2073, type=reshape]; +"2074 permute_84" [id=2074, type=permute]; +"2075 select_54" [id=2075, type=select]; +"2076 select_55" [id=2076, type=select]; +"2077 select_56" [id=2077, type=select]; +"2078 linalg_vector_norm_36" [id=2078, type=linalg_vector_norm]; +"2079 clamp_min_36" [id=2079, type=clamp_min]; +"2080 expand_as_36" [id=2080, type=expand_as]; +"2081 div_36" [id=2081, type=div]; +"2082 linalg_vector_norm_37" [id=2082, type=linalg_vector_norm]; +"2083 clamp_min_37" [id=2083, type=clamp_min]; +"2084 expand_as_37" [id=2084, type=expand_as]; +"2085 div_37" [id=2085, type=div]; +"2086 transpose_36" [id=2086, type=transpose]; +"2087 matmul_36" [id=2087, type=matmul]; +"2088 _param_constant303" [id=2088, type=get_attr]; +"2089 clamp_18" [id=2089, type=clamp]; +"2090 exp_18" [id=2090, type=exp]; +"2091 mul_37" [id=2091, type=mul]; +"2092 add_63" [id=2092, type=add]; +"2093 softmax_18" [id=2093, type=softmax]; +"2094 dropout_72" [id=2094, type=dropout]; +"2095 matmul_37" [id=2095, type=matmul]; +"2096 transpose_37" [id=2096, type=transpose]; +"2097 reshape_83" [id=2097, type=reshape]; +"2098 _param_constant304" [id=2098, type=get_attr]; +"2099 _param_constant305" [id=2099, type=get_attr]; +"2100 linear_113" [id=2100, type=linear]; +"2101 dropout_73" [id=2101, type=dropout]; +"2102 view_102" [id=2102, type=view]; +"2103 permute_85" [id=2103, type=permute]; +"2104 reshape_84" [id=2104, type=reshape]; +"2105 slice_274" [id=2105, type=slice]; +"2106 slice_275" [id=2106, type=slice]; +"2107 slice_276" [id=2107, type=slice]; +"2108 slice_277" [id=2108, type=slice]; +"2109 contiguous_35" [id=2109, type=contiguous]; +"2110 _param_constant306" [id=2110, type=get_attr]; +"2111 _param_constant307" [id=2111, type=get_attr]; +"2112 layer_norm_39" [id=2112, type=layer_norm]; +"2113 add_64" [id=2113, type=add]; +"2114 _param_constant308" [id=2114, type=get_attr]; +"2115 _param_constant309" [id=2115, type=get_attr]; +"2116 linear_114" [id=2116, type=linear]; +"2117 gelu_18" [id=2117, type=gelu]; +"2118 dropout_74" [id=2118, type=dropout]; +"2119 _param_constant310" [id=2119, type=get_attr]; +"2120 _param_constant311" [id=2120, type=get_attr]; +"2121 linear_115" [id=2121, type=linear]; +"2122 dropout_75" [id=2122, type=dropout]; +"2123 _param_constant312" [id=2123, type=get_attr]; +"2124 _param_constant313" [id=2124, type=get_attr]; +"2125 layer_norm_40" [id=2125, type=layer_norm]; +"2126 add_65" [id=2126, type=add]; +"2127 _tensor_constant119" [id=2127, type=get_attr]; +"2128 _param_constant314" [id=2128, type=get_attr]; +"2129 _param_constant315" [id=2129, type=get_attr]; +"2130 linear_116" [id=2130, type=linear]; +"2131 relu__19" [id=2131, type=relu_]; +"2132 _param_constant316" [id=2132, type=get_attr]; +"2133 linear_117" [id=2133, type=linear]; +"2134 view_103" [id=2134, type=view]; +"2135 _tensor_constant120" [id=2135, type=get_attr]; +"2136 index_19" [id=2136, type=index]; +"2137 view_104" [id=2137, type=view]; +"2138 permute_86" [id=2138, type=permute]; +"2139 contiguous_36" [id=2139, type=contiguous]; +"2140 unsqueeze_55" [id=2140, type=unsqueeze]; +"2141 sigmoid_19" [id=2141, type=sigmoid]; +"2142 mul_38" [id=2142, type=mul]; +"2143 pad_21" [id=2143, type=pad]; +"2144 roll_18" [id=2144, type=roll]; +"2145 view_105" [id=2145, type=view]; +"2146 permute_87" [id=2146, type=permute]; +"2147 reshape_85" [id=2147, type=reshape]; +"2148 _param_constant317" [id=2148, type=get_attr]; +"2149 clone_19" [id=2149, type=clone]; +"2150 slice_278" [id=2150, type=slice]; +"2151 zero__19" [id=2151, type=zero_]; +"2152 _param_constant318" [id=2152, type=get_attr]; +"2153 linear_118" [id=2153, type=linear]; +"2154 reshape_86" [id=2154, type=reshape]; +"2155 permute_88" [id=2155, type=permute]; +"2156 select_57" [id=2156, type=select]; +"2157 select_58" [id=2157, type=select]; +"2158 select_59" [id=2158, type=select]; +"2159 linalg_vector_norm_38" [id=2159, type=linalg_vector_norm]; +"2160 clamp_min_38" [id=2160, type=clamp_min]; +"2161 expand_as_38" [id=2161, type=expand_as]; +"2162 div_38" [id=2162, type=div]; +"2163 linalg_vector_norm_39" [id=2163, type=linalg_vector_norm]; +"2164 clamp_min_39" [id=2164, type=clamp_min]; +"2165 expand_as_39" [id=2165, type=expand_as]; +"2166 div_39" [id=2166, type=div]; +"2167 transpose_38" [id=2167, type=transpose]; +"2168 matmul_38" [id=2168, type=matmul]; +"2169 _param_constant319" [id=2169, type=get_attr]; +"2170 clamp_19" [id=2170, type=clamp]; +"2171 exp_19" [id=2171, type=exp]; +"2172 mul_39" [id=2172, type=mul]; +"2173 add_66" [id=2173, type=add]; +"2174 new_zeros_9" [id=2174, type=new_zeros]; +"2175 _tensor_constant121" [id=2175, type=get_attr]; +"2176 lift_fresh_copy_81" [id=2176, type=lift_fresh_copy]; +"2177 slice_279" [id=2177, type=slice]; +"2178 slice_280" [id=2178, type=slice]; +"2179 fill__81" [id=2179, type=fill_]; +"2180 _tensor_constant122" [id=2180, type=get_attr]; +"2181 lift_fresh_copy_82" [id=2181, type=lift_fresh_copy]; +"2182 slice_281" [id=2182, type=slice]; +"2183 slice_282" [id=2183, type=slice]; +"2184 fill__82" [id=2184, type=fill_]; +"2185 _tensor_constant123" [id=2185, type=get_attr]; +"2186 lift_fresh_copy_83" [id=2186, type=lift_fresh_copy]; +"2187 slice_283" [id=2187, type=slice]; +"2188 slice_284" [id=2188, type=slice]; +"2189 fill__83" [id=2189, type=fill_]; +"2190 _tensor_constant124" [id=2190, type=get_attr]; +"2191 lift_fresh_copy_84" [id=2191, type=lift_fresh_copy]; +"2192 slice_285" [id=2192, type=slice]; +"2193 slice_286" [id=2193, type=slice]; +"2194 fill__84" [id=2194, type=fill_]; +"2195 _tensor_constant125" [id=2195, type=get_attr]; +"2196 lift_fresh_copy_85" [id=2196, type=lift_fresh_copy]; +"2197 slice_287" [id=2197, type=slice]; +"2198 slice_288" [id=2198, type=slice]; +"2199 fill__85" [id=2199, type=fill_]; +"2200 _tensor_constant126" [id=2200, type=get_attr]; +"2201 lift_fresh_copy_86" [id=2201, type=lift_fresh_copy]; +"2202 slice_289" [id=2202, type=slice]; +"2203 slice_290" [id=2203, type=slice]; +"2204 fill__86" [id=2204, type=fill_]; +"2205 _tensor_constant127" [id=2205, type=get_attr]; +"2206 lift_fresh_copy_87" [id=2206, type=lift_fresh_copy]; +"2207 slice_291" [id=2207, type=slice]; +"2208 slice_292" [id=2208, type=slice]; +"2209 fill__87" [id=2209, type=fill_]; +"2210 _tensor_constant128" [id=2210, type=get_attr]; +"2211 lift_fresh_copy_88" [id=2211, type=lift_fresh_copy]; +"2212 slice_293" [id=2212, type=slice]; +"2213 slice_294" [id=2213, type=slice]; +"2214 fill__88" [id=2214, type=fill_]; +"2215 _tensor_constant129" [id=2215, type=get_attr]; +"2216 lift_fresh_copy_89" [id=2216, type=lift_fresh_copy]; +"2217 slice_295" [id=2217, type=slice]; +"2218 slice_296" [id=2218, type=slice]; +"2219 fill__89" [id=2219, type=fill_]; +"2220 view_106" [id=2220, type=view]; +"2221 permute_89" [id=2221, type=permute]; +"2222 reshape_87" [id=2222, type=reshape]; +"2223 unsqueeze_56" [id=2223, type=unsqueeze]; +"2224 unsqueeze_57" [id=2224, type=unsqueeze]; +"2225 sub_9" [id=2225, type=sub]; +"2226 ne_9" [id=2226, type=ne]; +"2227 masked_fill_18" [id=2227, type=masked_fill]; +"2228 eq_9" [id=2228, type=eq]; +"2229 masked_fill_19" [id=2229, type=masked_fill]; +"2230 view_107" [id=2230, type=view]; +"2231 unsqueeze_58" [id=2231, type=unsqueeze]; +"2232 unsqueeze_59" [id=2232, type=unsqueeze]; +"2233 add_67" [id=2233, type=add]; +"2234 view_108" [id=2234, type=view]; +"2235 softmax_19" [id=2235, type=softmax]; +"2236 dropout_76" [id=2236, type=dropout]; +"2237 matmul_39" [id=2237, type=matmul]; +"2238 transpose_39" [id=2238, type=transpose]; +"2239 reshape_88" [id=2239, type=reshape]; +"2240 _param_constant320" [id=2240, type=get_attr]; +"2241 _param_constant321" [id=2241, type=get_attr]; +"2242 linear_119" [id=2242, type=linear]; +"2243 dropout_77" [id=2243, type=dropout]; +"2244 view_109" [id=2244, type=view]; +"2245 permute_90" [id=2245, type=permute]; +"2246 reshape_89" [id=2246, type=reshape]; +"2247 roll_19" [id=2247, type=roll]; +"2248 slice_297" [id=2248, type=slice]; +"2249 slice_298" [id=2249, type=slice]; +"2250 slice_299" [id=2250, type=slice]; +"2251 slice_300" [id=2251, type=slice]; +"2252 contiguous_37" [id=2252, type=contiguous]; +"2253 _param_constant322" [id=2253, type=get_attr]; +"2254 _param_constant323" [id=2254, type=get_attr]; +"2255 layer_norm_41" [id=2255, type=layer_norm]; +"2256 add_68" [id=2256, type=add]; +"2257 _param_constant324" [id=2257, type=get_attr]; +"2258 _param_constant325" [id=2258, type=get_attr]; +"2259 linear_120" [id=2259, type=linear]; +"2260 gelu_19" [id=2260, type=gelu]; +"2261 dropout_78" [id=2261, type=dropout]; +"2262 _param_constant326" [id=2262, type=get_attr]; +"2263 _param_constant327" [id=2263, type=get_attr]; +"2264 linear_121" [id=2264, type=linear]; +"2265 dropout_79" [id=2265, type=dropout]; +"2266 _param_constant328" [id=2266, type=get_attr]; +"2267 _param_constant329" [id=2267, type=get_attr]; +"2268 layer_norm_42" [id=2268, type=layer_norm]; +"2269 add_69" [id=2269, type=add]; +"2270 _tensor_constant130" [id=2270, type=get_attr]; +"2271 _param_constant330" [id=2271, type=get_attr]; +"2272 _param_constant331" [id=2272, type=get_attr]; +"2273 linear_122" [id=2273, type=linear]; +"2274 relu__20" [id=2274, type=relu_]; +"2275 _param_constant332" [id=2275, type=get_attr]; +"2276 linear_123" [id=2276, type=linear]; +"2277 view_110" [id=2277, type=view]; +"2278 _tensor_constant131" [id=2278, type=get_attr]; +"2279 index_20" [id=2279, type=index]; +"2280 view_111" [id=2280, type=view]; +"2281 permute_91" [id=2281, type=permute]; +"2282 contiguous_38" [id=2282, type=contiguous]; +"2283 unsqueeze_60" [id=2283, type=unsqueeze]; +"2284 sigmoid_20" [id=2284, type=sigmoid]; +"2285 mul_40" [id=2285, type=mul]; +"2286 pad_22" [id=2286, type=pad]; +"2287 view_112" [id=2287, type=view]; +"2288 permute_92" [id=2288, type=permute]; +"2289 reshape_90" [id=2289, type=reshape]; +"2290 _param_constant333" [id=2290, type=get_attr]; +"2291 clone_20" [id=2291, type=clone]; +"2292 slice_301" [id=2292, type=slice]; +"2293 zero__20" [id=2293, type=zero_]; +"2294 _param_constant334" [id=2294, type=get_attr]; +"2295 linear_124" [id=2295, type=linear]; +"2296 reshape_91" [id=2296, type=reshape]; +"2297 permute_93" [id=2297, type=permute]; +"2298 select_60" [id=2298, type=select]; +"2299 select_61" [id=2299, type=select]; +"2300 select_62" [id=2300, type=select]; +"2301 linalg_vector_norm_40" [id=2301, type=linalg_vector_norm]; +"2302 clamp_min_40" [id=2302, type=clamp_min]; +"2303 expand_as_40" [id=2303, type=expand_as]; +"2304 div_40" [id=2304, type=div]; +"2305 linalg_vector_norm_41" [id=2305, type=linalg_vector_norm]; +"2306 clamp_min_41" [id=2306, type=clamp_min]; +"2307 expand_as_41" [id=2307, type=expand_as]; +"2308 div_41" [id=2308, type=div]; +"2309 transpose_40" [id=2309, type=transpose]; +"2310 matmul_40" [id=2310, type=matmul]; +"2311 _param_constant335" [id=2311, type=get_attr]; +"2312 clamp_20" [id=2312, type=clamp]; +"2313 exp_20" [id=2313, type=exp]; +"2314 mul_41" [id=2314, type=mul]; +"2315 add_70" [id=2315, type=add]; +"2316 softmax_20" [id=2316, type=softmax]; +"2317 dropout_80" [id=2317, type=dropout]; +"2318 matmul_41" [id=2318, type=matmul]; +"2319 transpose_41" [id=2319, type=transpose]; +"2320 reshape_92" [id=2320, type=reshape]; +"2321 _param_constant336" [id=2321, type=get_attr]; +"2322 _param_constant337" [id=2322, type=get_attr]; +"2323 linear_125" [id=2323, type=linear]; +"2324 dropout_81" [id=2324, type=dropout]; +"2325 view_113" [id=2325, type=view]; +"2326 permute_94" [id=2326, type=permute]; +"2327 reshape_93" [id=2327, type=reshape]; +"2328 slice_302" [id=2328, type=slice]; +"2329 slice_303" [id=2329, type=slice]; +"2330 slice_304" [id=2330, type=slice]; +"2331 slice_305" [id=2331, type=slice]; +"2332 contiguous_39" [id=2332, type=contiguous]; +"2333 _param_constant338" [id=2333, type=get_attr]; +"2334 _param_constant339" [id=2334, type=get_attr]; +"2335 layer_norm_43" [id=2335, type=layer_norm]; +"2336 add_71" [id=2336, type=add]; +"2337 _param_constant340" [id=2337, type=get_attr]; +"2338 _param_constant341" [id=2338, type=get_attr]; +"2339 linear_126" [id=2339, type=linear]; +"2340 gelu_20" [id=2340, type=gelu]; +"2341 dropout_82" [id=2341, type=dropout]; +"2342 _param_constant342" [id=2342, type=get_attr]; +"2343 _param_constant343" [id=2343, type=get_attr]; +"2344 linear_127" [id=2344, type=linear]; +"2345 dropout_83" [id=2345, type=dropout]; +"2346 _param_constant344" [id=2346, type=get_attr]; +"2347 _param_constant345" [id=2347, type=get_attr]; +"2348 layer_norm_44" [id=2348, type=layer_norm]; +"2349 add_72" [id=2349, type=add]; +"2350 _tensor_constant132" [id=2350, type=get_attr]; +"2351 _param_constant346" [id=2351, type=get_attr]; +"2352 _param_constant347" [id=2352, type=get_attr]; +"2353 linear_128" [id=2353, type=linear]; +"2354 relu__21" [id=2354, type=relu_]; +"2355 _param_constant348" [id=2355, type=get_attr]; +"2356 linear_129" [id=2356, type=linear]; +"2357 view_114" [id=2357, type=view]; +"2358 _tensor_constant133" [id=2358, type=get_attr]; +"2359 index_21" [id=2359, type=index]; +"2360 view_115" [id=2360, type=view]; +"2361 permute_95" [id=2361, type=permute]; +"2362 contiguous_40" [id=2362, type=contiguous]; +"2363 unsqueeze_61" [id=2363, type=unsqueeze]; +"2364 sigmoid_21" [id=2364, type=sigmoid]; +"2365 mul_42" [id=2365, type=mul]; +"2366 pad_23" [id=2366, type=pad]; +"2367 roll_20" [id=2367, type=roll]; +"2368 view_116" [id=2368, type=view]; +"2369 permute_96" [id=2369, type=permute]; +"2370 reshape_94" [id=2370, type=reshape]; +"2371 _param_constant349" [id=2371, type=get_attr]; +"2372 clone_21" [id=2372, type=clone]; +"2373 slice_306" [id=2373, type=slice]; +"2374 zero__21" [id=2374, type=zero_]; +"2375 _param_constant350" [id=2375, type=get_attr]; +"2376 linear_130" [id=2376, type=linear]; +"2377 reshape_95" [id=2377, type=reshape]; +"2378 permute_97" [id=2378, type=permute]; +"2379 select_63" [id=2379, type=select]; +"2380 select_64" [id=2380, type=select]; +"2381 select_65" [id=2381, type=select]; +"2382 linalg_vector_norm_42" [id=2382, type=linalg_vector_norm]; +"2383 clamp_min_42" [id=2383, type=clamp_min]; +"2384 expand_as_42" [id=2384, type=expand_as]; +"2385 div_42" [id=2385, type=div]; +"2386 linalg_vector_norm_43" [id=2386, type=linalg_vector_norm]; +"2387 clamp_min_43" [id=2387, type=clamp_min]; +"2388 expand_as_43" [id=2388, type=expand_as]; +"2389 div_43" [id=2389, type=div]; +"2390 transpose_42" [id=2390, type=transpose]; +"2391 matmul_42" [id=2391, type=matmul]; +"2392 _param_constant351" [id=2392, type=get_attr]; +"2393 clamp_21" [id=2393, type=clamp]; +"2394 exp_21" [id=2394, type=exp]; +"2395 mul_43" [id=2395, type=mul]; +"2396 add_73" [id=2396, type=add]; +"2397 new_zeros_10" [id=2397, type=new_zeros]; +"2398 _tensor_constant134" [id=2398, type=get_attr]; +"2399 lift_fresh_copy_90" [id=2399, type=lift_fresh_copy]; +"2400 slice_307" [id=2400, type=slice]; +"2401 slice_308" [id=2401, type=slice]; +"2402 fill__90" [id=2402, type=fill_]; +"2403 _tensor_constant135" [id=2403, type=get_attr]; +"2404 lift_fresh_copy_91" [id=2404, type=lift_fresh_copy]; +"2405 slice_309" [id=2405, type=slice]; +"2406 slice_310" [id=2406, type=slice]; +"2407 fill__91" [id=2407, type=fill_]; +"2408 _tensor_constant136" [id=2408, type=get_attr]; +"2409 lift_fresh_copy_92" [id=2409, type=lift_fresh_copy]; +"2410 slice_311" [id=2410, type=slice]; +"2411 slice_312" [id=2411, type=slice]; +"2412 fill__92" [id=2412, type=fill_]; +"2413 _tensor_constant137" [id=2413, type=get_attr]; +"2414 lift_fresh_copy_93" [id=2414, type=lift_fresh_copy]; +"2415 slice_313" [id=2415, type=slice]; +"2416 slice_314" [id=2416, type=slice]; +"2417 fill__93" [id=2417, type=fill_]; +"2418 _tensor_constant138" [id=2418, type=get_attr]; +"2419 lift_fresh_copy_94" [id=2419, type=lift_fresh_copy]; +"2420 slice_315" [id=2420, type=slice]; +"2421 slice_316" [id=2421, type=slice]; +"2422 fill__94" [id=2422, type=fill_]; +"2423 _tensor_constant139" [id=2423, type=get_attr]; +"2424 lift_fresh_copy_95" [id=2424, type=lift_fresh_copy]; +"2425 slice_317" [id=2425, type=slice]; +"2426 slice_318" [id=2426, type=slice]; +"2427 fill__95" [id=2427, type=fill_]; +"2428 _tensor_constant140" [id=2428, type=get_attr]; +"2429 lift_fresh_copy_96" [id=2429, type=lift_fresh_copy]; +"2430 slice_319" [id=2430, type=slice]; +"2431 slice_320" [id=2431, type=slice]; +"2432 fill__96" [id=2432, type=fill_]; +"2433 _tensor_constant141" [id=2433, type=get_attr]; +"2434 lift_fresh_copy_97" [id=2434, type=lift_fresh_copy]; +"2435 slice_321" [id=2435, type=slice]; +"2436 slice_322" [id=2436, type=slice]; +"2437 fill__97" [id=2437, type=fill_]; +"2438 _tensor_constant142" [id=2438, type=get_attr]; +"2439 lift_fresh_copy_98" [id=2439, type=lift_fresh_copy]; +"2440 slice_323" [id=2440, type=slice]; +"2441 slice_324" [id=2441, type=slice]; +"2442 fill__98" [id=2442, type=fill_]; +"2443 view_117" [id=2443, type=view]; +"2444 permute_98" [id=2444, type=permute]; +"2445 reshape_96" [id=2445, type=reshape]; +"2446 unsqueeze_62" [id=2446, type=unsqueeze]; +"2447 unsqueeze_63" [id=2447, type=unsqueeze]; +"2448 sub_10" [id=2448, type=sub]; +"2449 ne_10" [id=2449, type=ne]; +"2450 masked_fill_20" [id=2450, type=masked_fill]; +"2451 eq_10" [id=2451, type=eq]; +"2452 masked_fill_21" [id=2452, type=masked_fill]; +"2453 view_118" [id=2453, type=view]; +"2454 unsqueeze_64" [id=2454, type=unsqueeze]; +"2455 unsqueeze_65" [id=2455, type=unsqueeze]; +"2456 add_74" [id=2456, type=add]; +"2457 view_119" [id=2457, type=view]; +"2458 softmax_21" [id=2458, type=softmax]; +"2459 dropout_84" [id=2459, type=dropout]; +"2460 matmul_43" [id=2460, type=matmul]; +"2461 transpose_43" [id=2461, type=transpose]; +"2462 reshape_97" [id=2462, type=reshape]; +"2463 _param_constant352" [id=2463, type=get_attr]; +"2464 _param_constant353" [id=2464, type=get_attr]; +"2465 linear_131" [id=2465, type=linear]; +"2466 dropout_85" [id=2466, type=dropout]; +"2467 view_120" [id=2467, type=view]; +"2468 permute_99" [id=2468, type=permute]; +"2469 reshape_98" [id=2469, type=reshape]; +"2470 roll_21" [id=2470, type=roll]; +"2471 slice_325" [id=2471, type=slice]; +"2472 slice_326" [id=2472, type=slice]; +"2473 slice_327" [id=2473, type=slice]; +"2474 slice_328" [id=2474, type=slice]; +"2475 contiguous_41" [id=2475, type=contiguous]; +"2476 _param_constant354" [id=2476, type=get_attr]; +"2477 _param_constant355" [id=2477, type=get_attr]; +"2478 layer_norm_45" [id=2478, type=layer_norm]; +"2479 add_75" [id=2479, type=add]; +"2480 _param_constant356" [id=2480, type=get_attr]; +"2481 _param_constant357" [id=2481, type=get_attr]; +"2482 linear_132" [id=2482, type=linear]; +"2483 gelu_21" [id=2483, type=gelu]; +"2484 dropout_86" [id=2484, type=dropout]; +"2485 _param_constant358" [id=2485, type=get_attr]; +"2486 _param_constant359" [id=2486, type=get_attr]; +"2487 linear_133" [id=2487, type=linear]; +"2488 dropout_87" [id=2488, type=dropout]; +"2489 _param_constant360" [id=2489, type=get_attr]; +"2490 _param_constant361" [id=2490, type=get_attr]; +"2491 layer_norm_46" [id=2491, type=layer_norm]; +"2492 add_76" [id=2492, type=add]; +"2493 pad_24" [id=2493, type=pad]; +"2494 slice_329" [id=2494, type=slice]; +"2495 slice_330" [id=2495, type=slice]; +"2496 slice_331" [id=2496, type=slice]; +"2497 slice_332" [id=2497, type=slice]; +"2498 slice_333" [id=2498, type=slice]; +"2499 slice_334" [id=2499, type=slice]; +"2500 slice_335" [id=2500, type=slice]; +"2501 slice_336" [id=2501, type=slice]; +"2502 slice_337" [id=2502, type=slice]; +"2503 slice_338" [id=2503, type=slice]; +"2504 slice_339" [id=2504, type=slice]; +"2505 slice_340" [id=2505, type=slice]; +"2506 cat_2" [id=2506, type=cat]; +"2507 _param_constant362" [id=2507, type=get_attr]; +"2508 linear_134" [id=2508, type=linear]; +"2509 _param_constant363" [id=2509, type=get_attr]; +"2510 _param_constant364" [id=2510, type=get_attr]; +"2511 layer_norm_47" [id=2511, type=layer_norm]; +"2512 _tensor_constant143" [id=2512, type=get_attr]; +"2513 _param_constant365" [id=2513, type=get_attr]; +"2514 _param_constant366" [id=2514, type=get_attr]; +"2515 linear_135" [id=2515, type=linear]; +"2516 relu__22" [id=2516, type=relu_]; +"2517 _param_constant367" [id=2517, type=get_attr]; +"2518 linear_136" [id=2518, type=linear]; +"2519 view_121" [id=2519, type=view]; +"2520 _tensor_constant144" [id=2520, type=get_attr]; +"2521 index_22" [id=2521, type=index]; +"2522 view_122" [id=2522, type=view]; +"2523 permute_100" [id=2523, type=permute]; +"2524 contiguous_42" [id=2524, type=contiguous]; +"2525 unsqueeze_66" [id=2525, type=unsqueeze]; +"2526 sigmoid_22" [id=2526, type=sigmoid]; +"2527 mul_44" [id=2527, type=mul]; +"2528 pad_25" [id=2528, type=pad]; +"2529 view_123" [id=2529, type=view]; +"2530 permute_101" [id=2530, type=permute]; +"2531 reshape_99" [id=2531, type=reshape]; +"2532 _param_constant368" [id=2532, type=get_attr]; +"2533 clone_22" [id=2533, type=clone]; +"2534 slice_341" [id=2534, type=slice]; +"2535 zero__22" [id=2535, type=zero_]; +"2536 _param_constant369" [id=2536, type=get_attr]; +"2537 linear_137" [id=2537, type=linear]; +"2538 reshape_100" [id=2538, type=reshape]; +"2539 permute_102" [id=2539, type=permute]; +"2540 select_66" [id=2540, type=select]; +"2541 select_67" [id=2541, type=select]; +"2542 select_68" [id=2542, type=select]; +"2543 linalg_vector_norm_44" [id=2543, type=linalg_vector_norm]; +"2544 clamp_min_44" [id=2544, type=clamp_min]; +"2545 expand_as_44" [id=2545, type=expand_as]; +"2546 div_44" [id=2546, type=div]; +"2547 linalg_vector_norm_45" [id=2547, type=linalg_vector_norm]; +"2548 clamp_min_45" [id=2548, type=clamp_min]; +"2549 expand_as_45" [id=2549, type=expand_as]; +"2550 div_45" [id=2550, type=div]; +"2551 transpose_44" [id=2551, type=transpose]; +"2552 matmul_44" [id=2552, type=matmul]; +"2553 _param_constant370" [id=2553, type=get_attr]; +"2554 clamp_22" [id=2554, type=clamp]; +"2555 exp_22" [id=2555, type=exp]; +"2556 mul_45" [id=2556, type=mul]; +"2557 add_77" [id=2557, type=add]; +"2558 softmax_22" [id=2558, type=softmax]; +"2559 dropout_88" [id=2559, type=dropout]; +"2560 matmul_45" [id=2560, type=matmul]; +"2561 transpose_45" [id=2561, type=transpose]; +"2562 reshape_101" [id=2562, type=reshape]; +"2563 _param_constant371" [id=2563, type=get_attr]; +"2564 _param_constant372" [id=2564, type=get_attr]; +"2565 linear_138" [id=2565, type=linear]; +"2566 dropout_89" [id=2566, type=dropout]; +"2567 view_124" [id=2567, type=view]; +"2568 permute_103" [id=2568, type=permute]; +"2569 reshape_102" [id=2569, type=reshape]; +"2570 slice_342" [id=2570, type=slice]; +"2571 slice_343" [id=2571, type=slice]; +"2572 slice_344" [id=2572, type=slice]; +"2573 slice_345" [id=2573, type=slice]; +"2574 contiguous_43" [id=2574, type=contiguous]; +"2575 _param_constant373" [id=2575, type=get_attr]; +"2576 _param_constant374" [id=2576, type=get_attr]; +"2577 layer_norm_48" [id=2577, type=layer_norm]; +"2578 add_78" [id=2578, type=add]; +"2579 _param_constant375" [id=2579, type=get_attr]; +"2580 _param_constant376" [id=2580, type=get_attr]; +"2581 linear_139" [id=2581, type=linear]; +"2582 gelu_22" [id=2582, type=gelu]; +"2583 dropout_90" [id=2583, type=dropout]; +"2584 _param_constant377" [id=2584, type=get_attr]; +"2585 _param_constant378" [id=2585, type=get_attr]; +"2586 linear_140" [id=2586, type=linear]; +"2587 dropout_91" [id=2587, type=dropout]; +"2588 _param_constant379" [id=2588, type=get_attr]; +"2589 _param_constant380" [id=2589, type=get_attr]; +"2590 layer_norm_49" [id=2590, type=layer_norm]; +"2591 add_79" [id=2591, type=add]; +"2592 _tensor_constant145" [id=2592, type=get_attr]; +"2593 _param_constant381" [id=2593, type=get_attr]; +"2594 _param_constant382" [id=2594, type=get_attr]; +"2595 linear_141" [id=2595, type=linear]; +"2596 relu__23" [id=2596, type=relu_]; +"2597 _param_constant383" [id=2597, type=get_attr]; +"2598 linear_142" [id=2598, type=linear]; +"2599 view_125" [id=2599, type=view]; +"2600 _tensor_constant146" [id=2600, type=get_attr]; +"2601 index_23" [id=2601, type=index]; +"2602 view_126" [id=2602, type=view]; +"2603 permute_104" [id=2603, type=permute]; +"2604 contiguous_44" [id=2604, type=contiguous]; +"2605 unsqueeze_67" [id=2605, type=unsqueeze]; +"2606 sigmoid_23" [id=2606, type=sigmoid]; +"2607 mul_46" [id=2607, type=mul]; +"2608 pad_26" [id=2608, type=pad]; +"2609 view_127" [id=2609, type=view]; +"2610 permute_105" [id=2610, type=permute]; +"2611 reshape_103" [id=2611, type=reshape]; +"2612 _param_constant384" [id=2612, type=get_attr]; +"2613 clone_23" [id=2613, type=clone]; +"2614 slice_346" [id=2614, type=slice]; +"2615 zero__23" [id=2615, type=zero_]; +"2616 _param_constant385" [id=2616, type=get_attr]; +"2617 linear_143" [id=2617, type=linear]; +"2618 reshape_104" [id=2618, type=reshape]; +"2619 permute_106" [id=2619, type=permute]; +"2620 select_69" [id=2620, type=select]; +"2621 select_70" [id=2621, type=select]; +"2622 select_71" [id=2622, type=select]; +"2623 linalg_vector_norm_46" [id=2623, type=linalg_vector_norm]; +"2624 clamp_min_46" [id=2624, type=clamp_min]; +"2625 expand_as_46" [id=2625, type=expand_as]; +"2626 div_46" [id=2626, type=div]; +"2627 linalg_vector_norm_47" [id=2627, type=linalg_vector_norm]; +"2628 clamp_min_47" [id=2628, type=clamp_min]; +"2629 expand_as_47" [id=2629, type=expand_as]; +"2630 div_47" [id=2630, type=div]; +"2631 transpose_46" [id=2631, type=transpose]; +"2632 matmul_46" [id=2632, type=matmul]; +"2633 _param_constant386" [id=2633, type=get_attr]; +"2634 clamp_23" [id=2634, type=clamp]; +"2635 exp_23" [id=2635, type=exp]; +"2636 mul_47" [id=2636, type=mul]; +"2637 add_80" [id=2637, type=add]; +"2638 softmax_23" [id=2638, type=softmax]; +"2639 dropout_92" [id=2639, type=dropout]; +"2640 matmul_47" [id=2640, type=matmul]; +"2641 transpose_47" [id=2641, type=transpose]; +"2642 reshape_105" [id=2642, type=reshape]; +"2643 _param_constant387" [id=2643, type=get_attr]; +"2644 _param_constant388" [id=2644, type=get_attr]; +"2645 linear_144" [id=2645, type=linear]; +"2646 dropout_93" [id=2646, type=dropout]; +"2647 view_128" [id=2647, type=view]; +"2648 permute_107" [id=2648, type=permute]; +"2649 reshape_106" [id=2649, type=reshape]; +"2650 slice_347" [id=2650, type=slice]; +"2651 slice_348" [id=2651, type=slice]; +"2652 slice_349" [id=2652, type=slice]; +"2653 slice_350" [id=2653, type=slice]; +"2654 contiguous_45" [id=2654, type=contiguous]; +"2655 _param_constant389" [id=2655, type=get_attr]; +"2656 _param_constant390" [id=2656, type=get_attr]; +"2657 layer_norm_50" [id=2657, type=layer_norm]; +"2658 add_81" [id=2658, type=add]; +"2659 _param_constant391" [id=2659, type=get_attr]; +"2660 _param_constant392" [id=2660, type=get_attr]; +"2661 linear_145" [id=2661, type=linear]; +"2662 gelu_23" [id=2662, type=gelu]; +"2663 dropout_94" [id=2663, type=dropout]; +"2664 _param_constant393" [id=2664, type=get_attr]; +"2665 _param_constant394" [id=2665, type=get_attr]; +"2666 linear_146" [id=2666, type=linear]; +"2667 dropout_95" [id=2667, type=dropout]; +"2668 _param_constant395" [id=2668, type=get_attr]; +"2669 _param_constant396" [id=2669, type=get_attr]; +"2670 layer_norm_51" [id=2670, type=layer_norm]; +"2671 add_82" [id=2671, type=add]; +"2672 _param_constant397" [id=2672, type=get_attr]; +"2673 _param_constant398" [id=2673, type=get_attr]; +"2674 layer_norm_52" [id=2674, type=layer_norm]; +"2675 permute_108" [id=2675, type=permute]; +"2676 adaptive_avg_pool2d" [id=2676, type=adaptive_avg_pool2d]; +"2677 flatten" [id=2677, type=flatten]; +"2678 _param_constant399" [id=2678, type=get_attr]; +"2679 _param_constant400" [id=2679, type=get_attr]; +"2680 linear_147" [id=2680, type=linear]; +"2681 output" [id=2681, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 _param_constant0" -> "3 conv2d"; +"2 _param_constant1" -> "3 conv2d"; +"3 conv2d" -> "4 permute"; +"4 permute" -> "7 layer_norm"; +"5 _param_constant2" -> "7 layer_norm"; +"6 _param_constant3" -> "7 layer_norm"; +"7 layer_norm" -> "24 pad"; +"7 layer_norm" -> "71 add_1"; +"8 _tensor_constant0" -> "11 linear"; +"9 _param_constant4" -> "11 linear"; +"10 _param_constant5" -> "11 linear"; +"11 linear" -> "12 relu_"; +"12 relu_" -> "14 linear_1"; +"13 _param_constant6" -> "14 linear_1"; +"14 linear_1" -> "15 view"; +"15 view" -> "17 index"; +"16 _tensor_constant1" -> "17 index"; +"17 index" -> "18 view_1"; +"18 view_1" -> "19 permute_1"; +"19 permute_1" -> "20 contiguous"; +"20 contiguous" -> "21 unsqueeze"; +"21 unsqueeze" -> "22 sigmoid"; +"22 sigmoid" -> "23 mul"; +"23 mul" -> "53 add"; +"24 pad" -> "25 view_2"; +"25 view_2" -> "26 permute_2"; +"26 permute_2" -> "27 reshape"; +"27 reshape" -> "33 linear_2"; +"28 _param_constant7" -> "29 clone"; +"29 clone" -> "30 slice_1"; +"29 clone" -> "33 linear_2"; +"30 slice_1" -> "31 zero_"; +"32 _param_constant8" -> "33 linear_2"; +"33 linear_2" -> "34 reshape_1"; +"34 reshape_1" -> "35 permute_3"; +"35 permute_3" -> "36 select"; +"35 permute_3" -> "37 select_1"; +"35 permute_3" -> "38 select_2"; +"36 select" -> "39 linalg_vector_norm"; +"36 select" -> "41 expand_as"; +"36 select" -> "42 div"; +"37 select_1" -> "43 linalg_vector_norm_1"; +"37 select_1" -> "45 expand_as_1"; +"37 select_1" -> "46 div_1"; +"38 select_2" -> "56 matmul_1"; +"39 linalg_vector_norm" -> "40 clamp_min"; +"40 clamp_min" -> "41 expand_as"; +"41 expand_as" -> "42 div"; +"42 div" -> "48 matmul"; +"43 linalg_vector_norm_1" -> "44 clamp_min_1"; +"44 clamp_min_1" -> "45 expand_as_1"; +"45 expand_as_1" -> "46 div_1"; +"46 div_1" -> "47 transpose"; +"47 transpose" -> "48 matmul"; +"48 matmul" -> "52 mul_1"; +"49 _param_constant9" -> "50 clamp"; +"50 clamp" -> "51 exp"; +"51 exp" -> "52 mul_1"; +"52 mul_1" -> "53 add"; +"53 add" -> "54 softmax"; +"54 softmax" -> "55 dropout"; +"55 dropout" -> "56 matmul_1"; +"56 matmul_1" -> "57 transpose_1"; +"57 transpose_1" -> "58 reshape_2"; +"58 reshape_2" -> "61 linear_3"; +"59 _param_constant10" -> "61 linear_3"; +"60 _param_constant11" -> "61 linear_3"; +"61 linear_3" -> "62 dropout_1"; +"62 dropout_1" -> "63 view_3"; +"63 view_3" -> "64 permute_4"; +"64 permute_4" -> "65 reshape_3"; +"65 reshape_3" -> "66 slice_2"; +"66 slice_2" -> "67 slice_3"; +"67 slice_3" -> "70 layer_norm_1"; +"68 _param_constant12" -> "70 layer_norm_1"; +"69 _param_constant13" -> "70 layer_norm_1"; +"70 layer_norm_1" -> "71 add_1"; +"71 add_1" -> "74 linear_4"; +"71 add_1" -> "84 add_2"; +"72 _param_constant14" -> "74 linear_4"; +"73 _param_constant15" -> "74 linear_4"; +"74 linear_4" -> "75 gelu"; +"75 gelu" -> "76 dropout_2"; +"76 dropout_2" -> "79 linear_5"; +"77 _param_constant16" -> "79 linear_5"; +"78 _param_constant17" -> "79 linear_5"; +"79 linear_5" -> "80 dropout_3"; +"80 dropout_3" -> "83 layer_norm_2"; +"81 _param_constant18" -> "83 layer_norm_2"; +"82 _param_constant19" -> "83 layer_norm_2"; +"83 layer_norm_2" -> "84 add_2"; +"84 add_2" -> "101 pad_1"; +"84 add_2" -> "211 add_5"; +"85 _tensor_constant2" -> "88 linear_6"; +"86 _param_constant20" -> "88 linear_6"; +"87 _param_constant21" -> "88 linear_6"; +"88 linear_6" -> "89 relu__1"; +"89 relu__1" -> "91 linear_7"; +"90 _param_constant22" -> "91 linear_7"; +"91 linear_7" -> "92 view_4"; +"92 view_4" -> "94 index_1"; +"93 _tensor_constant3" -> "94 index_1"; +"94 index_1" -> "95 view_5"; +"95 view_5" -> "96 permute_5"; +"96 permute_5" -> "97 contiguous_1"; +"97 contiguous_1" -> "98 unsqueeze_1"; +"98 unsqueeze_1" -> "99 sigmoid_1"; +"99 sigmoid_1" -> "100 mul_2"; +"100 mul_2" -> "131 add_3"; +"101 pad_1" -> "102 roll"; +"102 roll" -> "103 view_6"; +"103 view_6" -> "104 permute_6"; +"104 permute_6" -> "105 reshape_4"; +"105 reshape_4" -> "111 linear_8"; +"105 reshape_4" -> "132 new_zeros"; +"106 _param_constant23" -> "107 clone_1"; +"107 clone_1" -> "108 slice_4"; +"107 clone_1" -> "111 linear_8"; +"108 slice_4" -> "109 zero__1"; +"110 _param_constant24" -> "111 linear_8"; +"111 linear_8" -> "112 reshape_5"; +"112 reshape_5" -> "113 permute_7"; +"113 permute_7" -> "114 select_3"; +"113 permute_7" -> "115 select_4"; +"113 permute_7" -> "116 select_5"; +"114 select_3" -> "117 linalg_vector_norm_2"; +"114 select_3" -> "119 expand_as_2"; +"114 select_3" -> "120 div_2"; +"115 select_4" -> "121 linalg_vector_norm_3"; +"115 select_4" -> "123 expand_as_3"; +"115 select_4" -> "124 div_3"; +"116 select_5" -> "195 matmul_3"; +"117 linalg_vector_norm_2" -> "118 clamp_min_2"; +"118 clamp_min_2" -> "119 expand_as_2"; +"119 expand_as_2" -> "120 div_2"; +"120 div_2" -> "126 matmul_2"; +"121 linalg_vector_norm_3" -> "122 clamp_min_3"; +"122 clamp_min_3" -> "123 expand_as_3"; +"123 expand_as_3" -> "124 div_3"; +"124 div_3" -> "125 transpose_2"; +"125 transpose_2" -> "126 matmul_2"; +"126 matmul_2" -> "130 mul_3"; +"127 _param_constant25" -> "128 clamp_1"; +"128 clamp_1" -> "129 exp_1"; +"129 exp_1" -> "130 mul_3"; +"130 mul_3" -> "131 add_3"; +"131 add_3" -> "188 view_8"; +"132 new_zeros" -> "135 slice_5"; +"132 new_zeros" -> "140 slice_7"; +"132 new_zeros" -> "145 slice_9"; +"132 new_zeros" -> "150 slice_11"; +"132 new_zeros" -> "155 slice_13"; +"132 new_zeros" -> "160 slice_15"; +"132 new_zeros" -> "165 slice_17"; +"132 new_zeros" -> "170 slice_19"; +"132 new_zeros" -> "175 slice_21"; +"132 new_zeros" -> "178 view_7"; +"133 _tensor_constant4" -> "134 lift_fresh_copy"; +"134 lift_fresh_copy" -> "137 fill_"; +"135 slice_5" -> "136 slice_6"; +"136 slice_6" -> "137 fill_"; +"138 _tensor_constant5" -> "139 lift_fresh_copy_1"; +"139 lift_fresh_copy_1" -> "142 fill__1"; +"140 slice_7" -> "141 slice_8"; +"141 slice_8" -> "142 fill__1"; +"143 _tensor_constant6" -> "144 lift_fresh_copy_2"; +"144 lift_fresh_copy_2" -> "147 fill__2"; +"145 slice_9" -> "146 slice_10"; +"146 slice_10" -> "147 fill__2"; +"148 _tensor_constant7" -> "149 lift_fresh_copy_3"; +"149 lift_fresh_copy_3" -> "152 fill__3"; +"150 slice_11" -> "151 slice_12"; +"151 slice_12" -> "152 fill__3"; +"153 _tensor_constant8" -> "154 lift_fresh_copy_4"; +"154 lift_fresh_copy_4" -> "157 fill__4"; +"155 slice_13" -> "156 slice_14"; +"156 slice_14" -> "157 fill__4"; +"158 _tensor_constant9" -> "159 lift_fresh_copy_5"; +"159 lift_fresh_copy_5" -> "162 fill__5"; +"160 slice_15" -> "161 slice_16"; +"161 slice_16" -> "162 fill__5"; +"163 _tensor_constant10" -> "164 lift_fresh_copy_6"; +"164 lift_fresh_copy_6" -> "167 fill__6"; +"165 slice_17" -> "166 slice_18"; +"166 slice_18" -> "167 fill__6"; +"168 _tensor_constant11" -> "169 lift_fresh_copy_7"; +"169 lift_fresh_copy_7" -> "172 fill__7"; +"170 slice_19" -> "171 slice_20"; +"171 slice_20" -> "172 fill__7"; +"173 _tensor_constant12" -> "174 lift_fresh_copy_8"; +"174 lift_fresh_copy_8" -> "177 fill__8"; +"175 slice_21" -> "176 slice_22"; +"176 slice_22" -> "177 fill__8"; +"178 view_7" -> "179 permute_8"; +"179 permute_8" -> "180 reshape_6"; +"180 reshape_6" -> "181 unsqueeze_2"; +"180 reshape_6" -> "182 unsqueeze_3"; +"181 unsqueeze_2" -> "183 sub"; +"182 unsqueeze_3" -> "183 sub"; +"183 sub" -> "184 ne"; +"183 sub" -> "185 masked_fill"; +"183 sub" -> "186 eq"; +"184 ne" -> "185 masked_fill"; +"185 masked_fill" -> "187 masked_fill_1"; +"186 eq" -> "187 masked_fill_1"; +"187 masked_fill_1" -> "189 unsqueeze_4"; +"188 view_8" -> "191 add_4"; +"189 unsqueeze_4" -> "190 unsqueeze_5"; +"190 unsqueeze_5" -> "191 add_4"; +"191 add_4" -> "192 view_9"; +"192 view_9" -> "193 softmax_1"; +"193 softmax_1" -> "194 dropout_4"; +"194 dropout_4" -> "195 matmul_3"; +"195 matmul_3" -> "196 transpose_3"; +"196 transpose_3" -> "197 reshape_7"; +"197 reshape_7" -> "200 linear_9"; +"198 _param_constant26" -> "200 linear_9"; +"199 _param_constant27" -> "200 linear_9"; +"200 linear_9" -> "201 dropout_5"; +"201 dropout_5" -> "202 view_10"; +"202 view_10" -> "203 permute_9"; +"203 permute_9" -> "204 reshape_8"; +"204 reshape_8" -> "205 roll_1"; +"205 roll_1" -> "206 slice_23"; +"206 slice_23" -> "207 slice_24"; +"207 slice_24" -> "210 layer_norm_3"; +"208 _param_constant28" -> "210 layer_norm_3"; +"209 _param_constant29" -> "210 layer_norm_3"; +"210 layer_norm_3" -> "211 add_5"; +"211 add_5" -> "214 linear_10"; +"211 add_5" -> "224 add_6"; +"212 _param_constant30" -> "214 linear_10"; +"213 _param_constant31" -> "214 linear_10"; +"214 linear_10" -> "215 gelu_1"; +"215 gelu_1" -> "216 dropout_6"; +"216 dropout_6" -> "219 linear_11"; +"217 _param_constant32" -> "219 linear_11"; +"218 _param_constant33" -> "219 linear_11"; +"219 linear_11" -> "220 dropout_7"; +"220 dropout_7" -> "223 layer_norm_4"; +"221 _param_constant34" -> "223 layer_norm_4"; +"222 _param_constant35" -> "223 layer_norm_4"; +"223 layer_norm_4" -> "224 add_6"; +"224 add_6" -> "225 pad_2"; +"225 pad_2" -> "226 slice_25"; +"225 pad_2" -> "229 slice_28"; +"225 pad_2" -> "232 slice_31"; +"225 pad_2" -> "235 slice_34"; +"226 slice_25" -> "227 slice_26"; +"227 slice_26" -> "228 slice_27"; +"228 slice_27" -> "238 cat"; +"229 slice_28" -> "230 slice_29"; +"230 slice_29" -> "231 slice_30"; +"231 slice_30" -> "238 cat"; +"232 slice_31" -> "233 slice_32"; +"233 slice_32" -> "234 slice_33"; +"234 slice_33" -> "238 cat"; +"235 slice_34" -> "236 slice_35"; +"236 slice_35" -> "237 slice_36"; +"237 slice_36" -> "238 cat"; +"238 cat" -> "240 linear_12"; +"239 _param_constant36" -> "240 linear_12"; +"240 linear_12" -> "243 layer_norm_5"; +"241 _param_constant37" -> "243 layer_norm_5"; +"242 _param_constant38" -> "243 layer_norm_5"; +"243 layer_norm_5" -> "260 pad_3"; +"243 layer_norm_5" -> "310 add_8"; +"244 _tensor_constant13" -> "247 linear_13"; +"245 _param_constant39" -> "247 linear_13"; +"246 _param_constant40" -> "247 linear_13"; +"247 linear_13" -> "248 relu__2"; +"248 relu__2" -> "250 linear_14"; +"249 _param_constant41" -> "250 linear_14"; +"250 linear_14" -> "251 view_11"; +"251 view_11" -> "253 index_2"; +"252 _tensor_constant14" -> "253 index_2"; +"253 index_2" -> "254 view_12"; +"254 view_12" -> "255 permute_10"; +"255 permute_10" -> "256 contiguous_2"; +"256 contiguous_2" -> "257 unsqueeze_6"; +"257 unsqueeze_6" -> "258 sigmoid_2"; +"258 sigmoid_2" -> "259 mul_4"; +"259 mul_4" -> "289 add_7"; +"260 pad_3" -> "261 view_13"; +"261 view_13" -> "262 permute_11"; +"262 permute_11" -> "263 reshape_9"; +"263 reshape_9" -> "269 linear_15"; +"264 _param_constant42" -> "265 clone_2"; +"265 clone_2" -> "266 slice_37"; +"265 clone_2" -> "269 linear_15"; +"266 slice_37" -> "267 zero__2"; +"268 _param_constant43" -> "269 linear_15"; +"269 linear_15" -> "270 reshape_10"; +"270 reshape_10" -> "271 permute_12"; +"271 permute_12" -> "272 select_6"; +"271 permute_12" -> "273 select_7"; +"271 permute_12" -> "274 select_8"; +"272 select_6" -> "275 linalg_vector_norm_4"; +"272 select_6" -> "277 expand_as_4"; +"272 select_6" -> "278 div_4"; +"273 select_7" -> "279 linalg_vector_norm_5"; +"273 select_7" -> "281 expand_as_5"; +"273 select_7" -> "282 div_5"; +"274 select_8" -> "292 matmul_5"; +"275 linalg_vector_norm_4" -> "276 clamp_min_4"; +"276 clamp_min_4" -> "277 expand_as_4"; +"277 expand_as_4" -> "278 div_4"; +"278 div_4" -> "284 matmul_4"; +"279 linalg_vector_norm_5" -> "280 clamp_min_5"; +"280 clamp_min_5" -> "281 expand_as_5"; +"281 expand_as_5" -> "282 div_5"; +"282 div_5" -> "283 transpose_4"; +"283 transpose_4" -> "284 matmul_4"; +"284 matmul_4" -> "288 mul_5"; +"285 _param_constant44" -> "286 clamp_2"; +"286 clamp_2" -> "287 exp_2"; +"287 exp_2" -> "288 mul_5"; +"288 mul_5" -> "289 add_7"; +"289 add_7" -> "290 softmax_2"; +"290 softmax_2" -> "291 dropout_8"; +"291 dropout_8" -> "292 matmul_5"; +"292 matmul_5" -> "293 transpose_5"; +"293 transpose_5" -> "294 reshape_11"; +"294 reshape_11" -> "297 linear_16"; +"295 _param_constant45" -> "297 linear_16"; +"296 _param_constant46" -> "297 linear_16"; +"297 linear_16" -> "298 dropout_9"; +"298 dropout_9" -> "299 view_14"; +"299 view_14" -> "300 permute_13"; +"300 permute_13" -> "301 reshape_12"; +"301 reshape_12" -> "302 slice_38"; +"302 slice_38" -> "303 slice_39"; +"303 slice_39" -> "304 slice_40"; +"304 slice_40" -> "305 slice_41"; +"305 slice_41" -> "306 contiguous_3"; +"306 contiguous_3" -> "309 layer_norm_6"; +"307 _param_constant47" -> "309 layer_norm_6"; +"308 _param_constant48" -> "309 layer_norm_6"; +"309 layer_norm_6" -> "310 add_8"; +"310 add_8" -> "313 linear_17"; +"310 add_8" -> "323 add_9"; +"311 _param_constant49" -> "313 linear_17"; +"312 _param_constant50" -> "313 linear_17"; +"313 linear_17" -> "314 gelu_2"; +"314 gelu_2" -> "315 dropout_10"; +"315 dropout_10" -> "318 linear_18"; +"316 _param_constant51" -> "318 linear_18"; +"317 _param_constant52" -> "318 linear_18"; +"318 linear_18" -> "319 dropout_11"; +"319 dropout_11" -> "322 layer_norm_7"; +"320 _param_constant53" -> "322 layer_norm_7"; +"321 _param_constant54" -> "322 layer_norm_7"; +"322 layer_norm_7" -> "323 add_9"; +"323 add_9" -> "340 pad_4"; +"323 add_9" -> "453 add_12"; +"324 _tensor_constant15" -> "327 linear_19"; +"325 _param_constant55" -> "327 linear_19"; +"326 _param_constant56" -> "327 linear_19"; +"327 linear_19" -> "328 relu__3"; +"328 relu__3" -> "330 linear_20"; +"329 _param_constant57" -> "330 linear_20"; +"330 linear_20" -> "331 view_15"; +"331 view_15" -> "333 index_3"; +"332 _tensor_constant16" -> "333 index_3"; +"333 index_3" -> "334 view_16"; +"334 view_16" -> "335 permute_14"; +"335 permute_14" -> "336 contiguous_4"; +"336 contiguous_4" -> "337 unsqueeze_7"; +"337 unsqueeze_7" -> "338 sigmoid_3"; +"338 sigmoid_3" -> "339 mul_6"; +"339 mul_6" -> "370 add_10"; +"340 pad_4" -> "341 roll_2"; +"341 roll_2" -> "342 view_17"; +"342 view_17" -> "343 permute_15"; +"343 permute_15" -> "344 reshape_13"; +"344 reshape_13" -> "350 linear_21"; +"344 reshape_13" -> "371 new_zeros_1"; +"345 _param_constant58" -> "346 clone_3"; +"346 clone_3" -> "347 slice_42"; +"346 clone_3" -> "350 linear_21"; +"347 slice_42" -> "348 zero__3"; +"349 _param_constant59" -> "350 linear_21"; +"350 linear_21" -> "351 reshape_14"; +"351 reshape_14" -> "352 permute_16"; +"352 permute_16" -> "353 select_9"; +"352 permute_16" -> "354 select_10"; +"352 permute_16" -> "355 select_11"; +"353 select_9" -> "356 linalg_vector_norm_6"; +"353 select_9" -> "358 expand_as_6"; +"353 select_9" -> "359 div_6"; +"354 select_10" -> "360 linalg_vector_norm_7"; +"354 select_10" -> "362 expand_as_7"; +"354 select_10" -> "363 div_7"; +"355 select_11" -> "434 matmul_7"; +"356 linalg_vector_norm_6" -> "357 clamp_min_6"; +"357 clamp_min_6" -> "358 expand_as_6"; +"358 expand_as_6" -> "359 div_6"; +"359 div_6" -> "365 matmul_6"; +"360 linalg_vector_norm_7" -> "361 clamp_min_7"; +"361 clamp_min_7" -> "362 expand_as_7"; +"362 expand_as_7" -> "363 div_7"; +"363 div_7" -> "364 transpose_6"; +"364 transpose_6" -> "365 matmul_6"; +"365 matmul_6" -> "369 mul_7"; +"366 _param_constant60" -> "367 clamp_3"; +"367 clamp_3" -> "368 exp_3"; +"368 exp_3" -> "369 mul_7"; +"369 mul_7" -> "370 add_10"; +"370 add_10" -> "427 view_19"; +"371 new_zeros_1" -> "374 slice_43"; +"371 new_zeros_1" -> "379 slice_45"; +"371 new_zeros_1" -> "384 slice_47"; +"371 new_zeros_1" -> "389 slice_49"; +"371 new_zeros_1" -> "394 slice_51"; +"371 new_zeros_1" -> "399 slice_53"; +"371 new_zeros_1" -> "404 slice_55"; +"371 new_zeros_1" -> "409 slice_57"; +"371 new_zeros_1" -> "414 slice_59"; +"371 new_zeros_1" -> "417 view_18"; +"372 _tensor_constant17" -> "373 lift_fresh_copy_9"; +"373 lift_fresh_copy_9" -> "376 fill__9"; +"374 slice_43" -> "375 slice_44"; +"375 slice_44" -> "376 fill__9"; +"377 _tensor_constant18" -> "378 lift_fresh_copy_10"; +"378 lift_fresh_copy_10" -> "381 fill__10"; +"379 slice_45" -> "380 slice_46"; +"380 slice_46" -> "381 fill__10"; +"382 _tensor_constant19" -> "383 lift_fresh_copy_11"; +"383 lift_fresh_copy_11" -> "386 fill__11"; +"384 slice_47" -> "385 slice_48"; +"385 slice_48" -> "386 fill__11"; +"387 _tensor_constant20" -> "388 lift_fresh_copy_12"; +"388 lift_fresh_copy_12" -> "391 fill__12"; +"389 slice_49" -> "390 slice_50"; +"390 slice_50" -> "391 fill__12"; +"392 _tensor_constant21" -> "393 lift_fresh_copy_13"; +"393 lift_fresh_copy_13" -> "396 fill__13"; +"394 slice_51" -> "395 slice_52"; +"395 slice_52" -> "396 fill__13"; +"397 _tensor_constant22" -> "398 lift_fresh_copy_14"; +"398 lift_fresh_copy_14" -> "401 fill__14"; +"399 slice_53" -> "400 slice_54"; +"400 slice_54" -> "401 fill__14"; +"402 _tensor_constant23" -> "403 lift_fresh_copy_15"; +"403 lift_fresh_copy_15" -> "406 fill__15"; +"404 slice_55" -> "405 slice_56"; +"405 slice_56" -> "406 fill__15"; +"407 _tensor_constant24" -> "408 lift_fresh_copy_16"; +"408 lift_fresh_copy_16" -> "411 fill__16"; +"409 slice_57" -> "410 slice_58"; +"410 slice_58" -> "411 fill__16"; +"412 _tensor_constant25" -> "413 lift_fresh_copy_17"; +"413 lift_fresh_copy_17" -> "416 fill__17"; +"414 slice_59" -> "415 slice_60"; +"415 slice_60" -> "416 fill__17"; +"417 view_18" -> "418 permute_17"; +"418 permute_17" -> "419 reshape_15"; +"419 reshape_15" -> "420 unsqueeze_8"; +"419 reshape_15" -> "421 unsqueeze_9"; +"420 unsqueeze_8" -> "422 sub_1"; +"421 unsqueeze_9" -> "422 sub_1"; +"422 sub_1" -> "423 ne_1"; +"422 sub_1" -> "424 masked_fill_2"; +"422 sub_1" -> "425 eq_1"; +"423 ne_1" -> "424 masked_fill_2"; +"424 masked_fill_2" -> "426 masked_fill_3"; +"425 eq_1" -> "426 masked_fill_3"; +"426 masked_fill_3" -> "428 unsqueeze_10"; +"427 view_19" -> "430 add_11"; +"428 unsqueeze_10" -> "429 unsqueeze_11"; +"429 unsqueeze_11" -> "430 add_11"; +"430 add_11" -> "431 view_20"; +"431 view_20" -> "432 softmax_3"; +"432 softmax_3" -> "433 dropout_12"; +"433 dropout_12" -> "434 matmul_7"; +"434 matmul_7" -> "435 transpose_7"; +"435 transpose_7" -> "436 reshape_16"; +"436 reshape_16" -> "439 linear_22"; +"437 _param_constant61" -> "439 linear_22"; +"438 _param_constant62" -> "439 linear_22"; +"439 linear_22" -> "440 dropout_13"; +"440 dropout_13" -> "441 view_21"; +"441 view_21" -> "442 permute_18"; +"442 permute_18" -> "443 reshape_17"; +"443 reshape_17" -> "444 roll_3"; +"444 roll_3" -> "445 slice_61"; +"445 slice_61" -> "446 slice_62"; +"446 slice_62" -> "447 slice_63"; +"447 slice_63" -> "448 slice_64"; +"448 slice_64" -> "449 contiguous_5"; +"449 contiguous_5" -> "452 layer_norm_8"; +"450 _param_constant63" -> "452 layer_norm_8"; +"451 _param_constant64" -> "452 layer_norm_8"; +"452 layer_norm_8" -> "453 add_12"; +"453 add_12" -> "456 linear_23"; +"453 add_12" -> "466 add_13"; +"454 _param_constant65" -> "456 linear_23"; +"455 _param_constant66" -> "456 linear_23"; +"456 linear_23" -> "457 gelu_3"; +"457 gelu_3" -> "458 dropout_14"; +"458 dropout_14" -> "461 linear_24"; +"459 _param_constant67" -> "461 linear_24"; +"460 _param_constant68" -> "461 linear_24"; +"461 linear_24" -> "462 dropout_15"; +"462 dropout_15" -> "465 layer_norm_9"; +"463 _param_constant69" -> "465 layer_norm_9"; +"464 _param_constant70" -> "465 layer_norm_9"; +"465 layer_norm_9" -> "466 add_13"; +"466 add_13" -> "467 pad_5"; +"467 pad_5" -> "468 slice_65"; +"467 pad_5" -> "471 slice_68"; +"467 pad_5" -> "474 slice_71"; +"467 pad_5" -> "477 slice_74"; +"468 slice_65" -> "469 slice_66"; +"469 slice_66" -> "470 slice_67"; +"470 slice_67" -> "480 cat_1"; +"471 slice_68" -> "472 slice_69"; +"472 slice_69" -> "473 slice_70"; +"473 slice_70" -> "480 cat_1"; +"474 slice_71" -> "475 slice_72"; +"475 slice_72" -> "476 slice_73"; +"476 slice_73" -> "480 cat_1"; +"477 slice_74" -> "478 slice_75"; +"478 slice_75" -> "479 slice_76"; +"479 slice_76" -> "480 cat_1"; +"480 cat_1" -> "482 linear_25"; +"481 _param_constant71" -> "482 linear_25"; +"482 linear_25" -> "485 layer_norm_10"; +"483 _param_constant72" -> "485 layer_norm_10"; +"484 _param_constant73" -> "485 layer_norm_10"; +"485 layer_norm_10" -> "502 pad_6"; +"485 layer_norm_10" -> "552 add_15"; +"486 _tensor_constant26" -> "489 linear_26"; +"487 _param_constant74" -> "489 linear_26"; +"488 _param_constant75" -> "489 linear_26"; +"489 linear_26" -> "490 relu__4"; +"490 relu__4" -> "492 linear_27"; +"491 _param_constant76" -> "492 linear_27"; +"492 linear_27" -> "493 view_22"; +"493 view_22" -> "495 index_4"; +"494 _tensor_constant27" -> "495 index_4"; +"495 index_4" -> "496 view_23"; +"496 view_23" -> "497 permute_19"; +"497 permute_19" -> "498 contiguous_6"; +"498 contiguous_6" -> "499 unsqueeze_12"; +"499 unsqueeze_12" -> "500 sigmoid_4"; +"500 sigmoid_4" -> "501 mul_8"; +"501 mul_8" -> "531 add_14"; +"502 pad_6" -> "503 view_24"; +"503 view_24" -> "504 permute_20"; +"504 permute_20" -> "505 reshape_18"; +"505 reshape_18" -> "511 linear_28"; +"506 _param_constant77" -> "507 clone_4"; +"507 clone_4" -> "508 slice_77"; +"507 clone_4" -> "511 linear_28"; +"508 slice_77" -> "509 zero__4"; +"510 _param_constant78" -> "511 linear_28"; +"511 linear_28" -> "512 reshape_19"; +"512 reshape_19" -> "513 permute_21"; +"513 permute_21" -> "514 select_12"; +"513 permute_21" -> "515 select_13"; +"513 permute_21" -> "516 select_14"; +"514 select_12" -> "517 linalg_vector_norm_8"; +"514 select_12" -> "519 expand_as_8"; +"514 select_12" -> "520 div_8"; +"515 select_13" -> "521 linalg_vector_norm_9"; +"515 select_13" -> "523 expand_as_9"; +"515 select_13" -> "524 div_9"; +"516 select_14" -> "534 matmul_9"; +"517 linalg_vector_norm_8" -> "518 clamp_min_8"; +"518 clamp_min_8" -> "519 expand_as_8"; +"519 expand_as_8" -> "520 div_8"; +"520 div_8" -> "526 matmul_8"; +"521 linalg_vector_norm_9" -> "522 clamp_min_9"; +"522 clamp_min_9" -> "523 expand_as_9"; +"523 expand_as_9" -> "524 div_9"; +"524 div_9" -> "525 transpose_8"; +"525 transpose_8" -> "526 matmul_8"; +"526 matmul_8" -> "530 mul_9"; +"527 _param_constant79" -> "528 clamp_4"; +"528 clamp_4" -> "529 exp_4"; +"529 exp_4" -> "530 mul_9"; +"530 mul_9" -> "531 add_14"; +"531 add_14" -> "532 softmax_4"; +"532 softmax_4" -> "533 dropout_16"; +"533 dropout_16" -> "534 matmul_9"; +"534 matmul_9" -> "535 transpose_9"; +"535 transpose_9" -> "536 reshape_20"; +"536 reshape_20" -> "539 linear_29"; +"537 _param_constant80" -> "539 linear_29"; +"538 _param_constant81" -> "539 linear_29"; +"539 linear_29" -> "540 dropout_17"; +"540 dropout_17" -> "541 view_25"; +"541 view_25" -> "542 permute_22"; +"542 permute_22" -> "543 reshape_21"; +"543 reshape_21" -> "544 slice_78"; +"544 slice_78" -> "545 slice_79"; +"545 slice_79" -> "546 slice_80"; +"546 slice_80" -> "547 slice_81"; +"547 slice_81" -> "548 contiguous_7"; +"548 contiguous_7" -> "551 layer_norm_11"; +"549 _param_constant82" -> "551 layer_norm_11"; +"550 _param_constant83" -> "551 layer_norm_11"; +"551 layer_norm_11" -> "552 add_15"; +"552 add_15" -> "555 linear_30"; +"552 add_15" -> "565 add_16"; +"553 _param_constant84" -> "555 linear_30"; +"554 _param_constant85" -> "555 linear_30"; +"555 linear_30" -> "556 gelu_4"; +"556 gelu_4" -> "557 dropout_18"; +"557 dropout_18" -> "560 linear_31"; +"558 _param_constant86" -> "560 linear_31"; +"559 _param_constant87" -> "560 linear_31"; +"560 linear_31" -> "561 dropout_19"; +"561 dropout_19" -> "564 layer_norm_12"; +"562 _param_constant88" -> "564 layer_norm_12"; +"563 _param_constant89" -> "564 layer_norm_12"; +"564 layer_norm_12" -> "565 add_16"; +"565 add_16" -> "582 pad_7"; +"565 add_16" -> "695 add_19"; +"566 _tensor_constant28" -> "569 linear_32"; +"567 _param_constant90" -> "569 linear_32"; +"568 _param_constant91" -> "569 linear_32"; +"569 linear_32" -> "570 relu__5"; +"570 relu__5" -> "572 linear_33"; +"571 _param_constant92" -> "572 linear_33"; +"572 linear_33" -> "573 view_26"; +"573 view_26" -> "575 index_5"; +"574 _tensor_constant29" -> "575 index_5"; +"575 index_5" -> "576 view_27"; +"576 view_27" -> "577 permute_23"; +"577 permute_23" -> "578 contiguous_8"; +"578 contiguous_8" -> "579 unsqueeze_13"; +"579 unsqueeze_13" -> "580 sigmoid_5"; +"580 sigmoid_5" -> "581 mul_10"; +"581 mul_10" -> "612 add_17"; +"582 pad_7" -> "583 roll_4"; +"583 roll_4" -> "584 view_28"; +"584 view_28" -> "585 permute_24"; +"585 permute_24" -> "586 reshape_22"; +"586 reshape_22" -> "592 linear_34"; +"586 reshape_22" -> "613 new_zeros_2"; +"587 _param_constant93" -> "588 clone_5"; +"588 clone_5" -> "589 slice_82"; +"588 clone_5" -> "592 linear_34"; +"589 slice_82" -> "590 zero__5"; +"591 _param_constant94" -> "592 linear_34"; +"592 linear_34" -> "593 reshape_23"; +"593 reshape_23" -> "594 permute_25"; +"594 permute_25" -> "595 select_15"; +"594 permute_25" -> "596 select_16"; +"594 permute_25" -> "597 select_17"; +"595 select_15" -> "598 linalg_vector_norm_10"; +"595 select_15" -> "600 expand_as_10"; +"595 select_15" -> "601 div_10"; +"596 select_16" -> "602 linalg_vector_norm_11"; +"596 select_16" -> "604 expand_as_11"; +"596 select_16" -> "605 div_11"; +"597 select_17" -> "676 matmul_11"; +"598 linalg_vector_norm_10" -> "599 clamp_min_10"; +"599 clamp_min_10" -> "600 expand_as_10"; +"600 expand_as_10" -> "601 div_10"; +"601 div_10" -> "607 matmul_10"; +"602 linalg_vector_norm_11" -> "603 clamp_min_11"; +"603 clamp_min_11" -> "604 expand_as_11"; +"604 expand_as_11" -> "605 div_11"; +"605 div_11" -> "606 transpose_10"; +"606 transpose_10" -> "607 matmul_10"; +"607 matmul_10" -> "611 mul_11"; +"608 _param_constant95" -> "609 clamp_5"; +"609 clamp_5" -> "610 exp_5"; +"610 exp_5" -> "611 mul_11"; +"611 mul_11" -> "612 add_17"; +"612 add_17" -> "669 view_30"; +"613 new_zeros_2" -> "616 slice_83"; +"613 new_zeros_2" -> "621 slice_85"; +"613 new_zeros_2" -> "626 slice_87"; +"613 new_zeros_2" -> "631 slice_89"; +"613 new_zeros_2" -> "636 slice_91"; +"613 new_zeros_2" -> "641 slice_93"; +"613 new_zeros_2" -> "646 slice_95"; +"613 new_zeros_2" -> "651 slice_97"; +"613 new_zeros_2" -> "656 slice_99"; +"613 new_zeros_2" -> "659 view_29"; +"614 _tensor_constant30" -> "615 lift_fresh_copy_18"; +"615 lift_fresh_copy_18" -> "618 fill__18"; +"616 slice_83" -> "617 slice_84"; +"617 slice_84" -> "618 fill__18"; +"619 _tensor_constant31" -> "620 lift_fresh_copy_19"; +"620 lift_fresh_copy_19" -> "623 fill__19"; +"621 slice_85" -> "622 slice_86"; +"622 slice_86" -> "623 fill__19"; +"624 _tensor_constant32" -> "625 lift_fresh_copy_20"; +"625 lift_fresh_copy_20" -> "628 fill__20"; +"626 slice_87" -> "627 slice_88"; +"627 slice_88" -> "628 fill__20"; +"629 _tensor_constant33" -> "630 lift_fresh_copy_21"; +"630 lift_fresh_copy_21" -> "633 fill__21"; +"631 slice_89" -> "632 slice_90"; +"632 slice_90" -> "633 fill__21"; +"634 _tensor_constant34" -> "635 lift_fresh_copy_22"; +"635 lift_fresh_copy_22" -> "638 fill__22"; +"636 slice_91" -> "637 slice_92"; +"637 slice_92" -> "638 fill__22"; +"639 _tensor_constant35" -> "640 lift_fresh_copy_23"; +"640 lift_fresh_copy_23" -> "643 fill__23"; +"641 slice_93" -> "642 slice_94"; +"642 slice_94" -> "643 fill__23"; +"644 _tensor_constant36" -> "645 lift_fresh_copy_24"; +"645 lift_fresh_copy_24" -> "648 fill__24"; +"646 slice_95" -> "647 slice_96"; +"647 slice_96" -> "648 fill__24"; +"649 _tensor_constant37" -> "650 lift_fresh_copy_25"; +"650 lift_fresh_copy_25" -> "653 fill__25"; +"651 slice_97" -> "652 slice_98"; +"652 slice_98" -> "653 fill__25"; +"654 _tensor_constant38" -> "655 lift_fresh_copy_26"; +"655 lift_fresh_copy_26" -> "658 fill__26"; +"656 slice_99" -> "657 slice_100"; +"657 slice_100" -> "658 fill__26"; +"659 view_29" -> "660 permute_26"; +"660 permute_26" -> "661 reshape_24"; +"661 reshape_24" -> "662 unsqueeze_14"; +"661 reshape_24" -> "663 unsqueeze_15"; +"662 unsqueeze_14" -> "664 sub_2"; +"663 unsqueeze_15" -> "664 sub_2"; +"664 sub_2" -> "665 ne_2"; +"664 sub_2" -> "666 masked_fill_4"; +"664 sub_2" -> "667 eq_2"; +"665 ne_2" -> "666 masked_fill_4"; +"666 masked_fill_4" -> "668 masked_fill_5"; +"667 eq_2" -> "668 masked_fill_5"; +"668 masked_fill_5" -> "670 unsqueeze_16"; +"669 view_30" -> "672 add_18"; +"670 unsqueeze_16" -> "671 unsqueeze_17"; +"671 unsqueeze_17" -> "672 add_18"; +"672 add_18" -> "673 view_31"; +"673 view_31" -> "674 softmax_5"; +"674 softmax_5" -> "675 dropout_20"; +"675 dropout_20" -> "676 matmul_11"; +"676 matmul_11" -> "677 transpose_11"; +"677 transpose_11" -> "678 reshape_25"; +"678 reshape_25" -> "681 linear_35"; +"679 _param_constant96" -> "681 linear_35"; +"680 _param_constant97" -> "681 linear_35"; +"681 linear_35" -> "682 dropout_21"; +"682 dropout_21" -> "683 view_32"; +"683 view_32" -> "684 permute_27"; +"684 permute_27" -> "685 reshape_26"; +"685 reshape_26" -> "686 roll_5"; +"686 roll_5" -> "687 slice_101"; +"687 slice_101" -> "688 slice_102"; +"688 slice_102" -> "689 slice_103"; +"689 slice_103" -> "690 slice_104"; +"690 slice_104" -> "691 contiguous_9"; +"691 contiguous_9" -> "694 layer_norm_13"; +"692 _param_constant98" -> "694 layer_norm_13"; +"693 _param_constant99" -> "694 layer_norm_13"; +"694 layer_norm_13" -> "695 add_19"; +"695 add_19" -> "698 linear_36"; +"695 add_19" -> "708 add_20"; +"696 _param_constant100" -> "698 linear_36"; +"697 _param_constant101" -> "698 linear_36"; +"698 linear_36" -> "699 gelu_5"; +"699 gelu_5" -> "700 dropout_22"; +"700 dropout_22" -> "703 linear_37"; +"701 _param_constant102" -> "703 linear_37"; +"702 _param_constant103" -> "703 linear_37"; +"703 linear_37" -> "704 dropout_23"; +"704 dropout_23" -> "707 layer_norm_14"; +"705 _param_constant104" -> "707 layer_norm_14"; +"706 _param_constant105" -> "707 layer_norm_14"; +"707 layer_norm_14" -> "708 add_20"; +"708 add_20" -> "725 pad_8"; +"708 add_20" -> "775 add_22"; +"709 _tensor_constant39" -> "712 linear_38"; +"710 _param_constant106" -> "712 linear_38"; +"711 _param_constant107" -> "712 linear_38"; +"712 linear_38" -> "713 relu__6"; +"713 relu__6" -> "715 linear_39"; +"714 _param_constant108" -> "715 linear_39"; +"715 linear_39" -> "716 view_33"; +"716 view_33" -> "718 index_6"; +"717 _tensor_constant40" -> "718 index_6"; +"718 index_6" -> "719 view_34"; +"719 view_34" -> "720 permute_28"; +"720 permute_28" -> "721 contiguous_10"; +"721 contiguous_10" -> "722 unsqueeze_18"; +"722 unsqueeze_18" -> "723 sigmoid_6"; +"723 sigmoid_6" -> "724 mul_12"; +"724 mul_12" -> "754 add_21"; +"725 pad_8" -> "726 view_35"; +"726 view_35" -> "727 permute_29"; +"727 permute_29" -> "728 reshape_27"; +"728 reshape_27" -> "734 linear_40"; +"729 _param_constant109" -> "730 clone_6"; +"730 clone_6" -> "731 slice_105"; +"730 clone_6" -> "734 linear_40"; +"731 slice_105" -> "732 zero__6"; +"733 _param_constant110" -> "734 linear_40"; +"734 linear_40" -> "735 reshape_28"; +"735 reshape_28" -> "736 permute_30"; +"736 permute_30" -> "737 select_18"; +"736 permute_30" -> "738 select_19"; +"736 permute_30" -> "739 select_20"; +"737 select_18" -> "740 linalg_vector_norm_12"; +"737 select_18" -> "742 expand_as_12"; +"737 select_18" -> "743 div_12"; +"738 select_19" -> "744 linalg_vector_norm_13"; +"738 select_19" -> "746 expand_as_13"; +"738 select_19" -> "747 div_13"; +"739 select_20" -> "757 matmul_13"; +"740 linalg_vector_norm_12" -> "741 clamp_min_12"; +"741 clamp_min_12" -> "742 expand_as_12"; +"742 expand_as_12" -> "743 div_12"; +"743 div_12" -> "749 matmul_12"; +"744 linalg_vector_norm_13" -> "745 clamp_min_13"; +"745 clamp_min_13" -> "746 expand_as_13"; +"746 expand_as_13" -> "747 div_13"; +"747 div_13" -> "748 transpose_12"; +"748 transpose_12" -> "749 matmul_12"; +"749 matmul_12" -> "753 mul_13"; +"750 _param_constant111" -> "751 clamp_6"; +"751 clamp_6" -> "752 exp_6"; +"752 exp_6" -> "753 mul_13"; +"753 mul_13" -> "754 add_21"; +"754 add_21" -> "755 softmax_6"; +"755 softmax_6" -> "756 dropout_24"; +"756 dropout_24" -> "757 matmul_13"; +"757 matmul_13" -> "758 transpose_13"; +"758 transpose_13" -> "759 reshape_29"; +"759 reshape_29" -> "762 linear_41"; +"760 _param_constant112" -> "762 linear_41"; +"761 _param_constant113" -> "762 linear_41"; +"762 linear_41" -> "763 dropout_25"; +"763 dropout_25" -> "764 view_36"; +"764 view_36" -> "765 permute_31"; +"765 permute_31" -> "766 reshape_30"; +"766 reshape_30" -> "767 slice_106"; +"767 slice_106" -> "768 slice_107"; +"768 slice_107" -> "769 slice_108"; +"769 slice_108" -> "770 slice_109"; +"770 slice_109" -> "771 contiguous_11"; +"771 contiguous_11" -> "774 layer_norm_15"; +"772 _param_constant114" -> "774 layer_norm_15"; +"773 _param_constant115" -> "774 layer_norm_15"; +"774 layer_norm_15" -> "775 add_22"; +"775 add_22" -> "778 linear_42"; +"775 add_22" -> "788 add_23"; +"776 _param_constant116" -> "778 linear_42"; +"777 _param_constant117" -> "778 linear_42"; +"778 linear_42" -> "779 gelu_6"; +"779 gelu_6" -> "780 dropout_26"; +"780 dropout_26" -> "783 linear_43"; +"781 _param_constant118" -> "783 linear_43"; +"782 _param_constant119" -> "783 linear_43"; +"783 linear_43" -> "784 dropout_27"; +"784 dropout_27" -> "787 layer_norm_16"; +"785 _param_constant120" -> "787 layer_norm_16"; +"786 _param_constant121" -> "787 layer_norm_16"; +"787 layer_norm_16" -> "788 add_23"; +"788 add_23" -> "805 pad_9"; +"788 add_23" -> "918 add_26"; +"789 _tensor_constant41" -> "792 linear_44"; +"790 _param_constant122" -> "792 linear_44"; +"791 _param_constant123" -> "792 linear_44"; +"792 linear_44" -> "793 relu__7"; +"793 relu__7" -> "795 linear_45"; +"794 _param_constant124" -> "795 linear_45"; +"795 linear_45" -> "796 view_37"; +"796 view_37" -> "798 index_7"; +"797 _tensor_constant42" -> "798 index_7"; +"798 index_7" -> "799 view_38"; +"799 view_38" -> "800 permute_32"; +"800 permute_32" -> "801 contiguous_12"; +"801 contiguous_12" -> "802 unsqueeze_19"; +"802 unsqueeze_19" -> "803 sigmoid_7"; +"803 sigmoid_7" -> "804 mul_14"; +"804 mul_14" -> "835 add_24"; +"805 pad_9" -> "806 roll_6"; +"806 roll_6" -> "807 view_39"; +"807 view_39" -> "808 permute_33"; +"808 permute_33" -> "809 reshape_31"; +"809 reshape_31" -> "815 linear_46"; +"809 reshape_31" -> "836 new_zeros_3"; +"810 _param_constant125" -> "811 clone_7"; +"811 clone_7" -> "812 slice_110"; +"811 clone_7" -> "815 linear_46"; +"812 slice_110" -> "813 zero__7"; +"814 _param_constant126" -> "815 linear_46"; +"815 linear_46" -> "816 reshape_32"; +"816 reshape_32" -> "817 permute_34"; +"817 permute_34" -> "818 select_21"; +"817 permute_34" -> "819 select_22"; +"817 permute_34" -> "820 select_23"; +"818 select_21" -> "821 linalg_vector_norm_14"; +"818 select_21" -> "823 expand_as_14"; +"818 select_21" -> "824 div_14"; +"819 select_22" -> "825 linalg_vector_norm_15"; +"819 select_22" -> "827 expand_as_15"; +"819 select_22" -> "828 div_15"; +"820 select_23" -> "899 matmul_15"; +"821 linalg_vector_norm_14" -> "822 clamp_min_14"; +"822 clamp_min_14" -> "823 expand_as_14"; +"823 expand_as_14" -> "824 div_14"; +"824 div_14" -> "830 matmul_14"; +"825 linalg_vector_norm_15" -> "826 clamp_min_15"; +"826 clamp_min_15" -> "827 expand_as_15"; +"827 expand_as_15" -> "828 div_15"; +"828 div_15" -> "829 transpose_14"; +"829 transpose_14" -> "830 matmul_14"; +"830 matmul_14" -> "834 mul_15"; +"831 _param_constant127" -> "832 clamp_7"; +"832 clamp_7" -> "833 exp_7"; +"833 exp_7" -> "834 mul_15"; +"834 mul_15" -> "835 add_24"; +"835 add_24" -> "892 view_41"; +"836 new_zeros_3" -> "839 slice_111"; +"836 new_zeros_3" -> "844 slice_113"; +"836 new_zeros_3" -> "849 slice_115"; +"836 new_zeros_3" -> "854 slice_117"; +"836 new_zeros_3" -> "859 slice_119"; +"836 new_zeros_3" -> "864 slice_121"; +"836 new_zeros_3" -> "869 slice_123"; +"836 new_zeros_3" -> "874 slice_125"; +"836 new_zeros_3" -> "879 slice_127"; +"836 new_zeros_3" -> "882 view_40"; +"837 _tensor_constant43" -> "838 lift_fresh_copy_27"; +"838 lift_fresh_copy_27" -> "841 fill__27"; +"839 slice_111" -> "840 slice_112"; +"840 slice_112" -> "841 fill__27"; +"842 _tensor_constant44" -> "843 lift_fresh_copy_28"; +"843 lift_fresh_copy_28" -> "846 fill__28"; +"844 slice_113" -> "845 slice_114"; +"845 slice_114" -> "846 fill__28"; +"847 _tensor_constant45" -> "848 lift_fresh_copy_29"; +"848 lift_fresh_copy_29" -> "851 fill__29"; +"849 slice_115" -> "850 slice_116"; +"850 slice_116" -> "851 fill__29"; +"852 _tensor_constant46" -> "853 lift_fresh_copy_30"; +"853 lift_fresh_copy_30" -> "856 fill__30"; +"854 slice_117" -> "855 slice_118"; +"855 slice_118" -> "856 fill__30"; +"857 _tensor_constant47" -> "858 lift_fresh_copy_31"; +"858 lift_fresh_copy_31" -> "861 fill__31"; +"859 slice_119" -> "860 slice_120"; +"860 slice_120" -> "861 fill__31"; +"862 _tensor_constant48" -> "863 lift_fresh_copy_32"; +"863 lift_fresh_copy_32" -> "866 fill__32"; +"864 slice_121" -> "865 slice_122"; +"865 slice_122" -> "866 fill__32"; +"867 _tensor_constant49" -> "868 lift_fresh_copy_33"; +"868 lift_fresh_copy_33" -> "871 fill__33"; +"869 slice_123" -> "870 slice_124"; +"870 slice_124" -> "871 fill__33"; +"872 _tensor_constant50" -> "873 lift_fresh_copy_34"; +"873 lift_fresh_copy_34" -> "876 fill__34"; +"874 slice_125" -> "875 slice_126"; +"875 slice_126" -> "876 fill__34"; +"877 _tensor_constant51" -> "878 lift_fresh_copy_35"; +"878 lift_fresh_copy_35" -> "881 fill__35"; +"879 slice_127" -> "880 slice_128"; +"880 slice_128" -> "881 fill__35"; +"882 view_40" -> "883 permute_35"; +"883 permute_35" -> "884 reshape_33"; +"884 reshape_33" -> "885 unsqueeze_20"; +"884 reshape_33" -> "886 unsqueeze_21"; +"885 unsqueeze_20" -> "887 sub_3"; +"886 unsqueeze_21" -> "887 sub_3"; +"887 sub_3" -> "888 ne_3"; +"887 sub_3" -> "889 masked_fill_6"; +"887 sub_3" -> "890 eq_3"; +"888 ne_3" -> "889 masked_fill_6"; +"889 masked_fill_6" -> "891 masked_fill_7"; +"890 eq_3" -> "891 masked_fill_7"; +"891 masked_fill_7" -> "893 unsqueeze_22"; +"892 view_41" -> "895 add_25"; +"893 unsqueeze_22" -> "894 unsqueeze_23"; +"894 unsqueeze_23" -> "895 add_25"; +"895 add_25" -> "896 view_42"; +"896 view_42" -> "897 softmax_7"; +"897 softmax_7" -> "898 dropout_28"; +"898 dropout_28" -> "899 matmul_15"; +"899 matmul_15" -> "900 transpose_15"; +"900 transpose_15" -> "901 reshape_34"; +"901 reshape_34" -> "904 linear_47"; +"902 _param_constant128" -> "904 linear_47"; +"903 _param_constant129" -> "904 linear_47"; +"904 linear_47" -> "905 dropout_29"; +"905 dropout_29" -> "906 view_43"; +"906 view_43" -> "907 permute_36"; +"907 permute_36" -> "908 reshape_35"; +"908 reshape_35" -> "909 roll_7"; +"909 roll_7" -> "910 slice_129"; +"910 slice_129" -> "911 slice_130"; +"911 slice_130" -> "912 slice_131"; +"912 slice_131" -> "913 slice_132"; +"913 slice_132" -> "914 contiguous_13"; +"914 contiguous_13" -> "917 layer_norm_17"; +"915 _param_constant130" -> "917 layer_norm_17"; +"916 _param_constant131" -> "917 layer_norm_17"; +"917 layer_norm_17" -> "918 add_26"; +"918 add_26" -> "921 linear_48"; +"918 add_26" -> "931 add_27"; +"919 _param_constant132" -> "921 linear_48"; +"920 _param_constant133" -> "921 linear_48"; +"921 linear_48" -> "922 gelu_7"; +"922 gelu_7" -> "923 dropout_30"; +"923 dropout_30" -> "926 linear_49"; +"924 _param_constant134" -> "926 linear_49"; +"925 _param_constant135" -> "926 linear_49"; +"926 linear_49" -> "927 dropout_31"; +"927 dropout_31" -> "930 layer_norm_18"; +"928 _param_constant136" -> "930 layer_norm_18"; +"929 _param_constant137" -> "930 layer_norm_18"; +"930 layer_norm_18" -> "931 add_27"; +"931 add_27" -> "948 pad_10"; +"931 add_27" -> "998 add_29"; +"932 _tensor_constant52" -> "935 linear_50"; +"933 _param_constant138" -> "935 linear_50"; +"934 _param_constant139" -> "935 linear_50"; +"935 linear_50" -> "936 relu__8"; +"936 relu__8" -> "938 linear_51"; +"937 _param_constant140" -> "938 linear_51"; +"938 linear_51" -> "939 view_44"; +"939 view_44" -> "941 index_8"; +"940 _tensor_constant53" -> "941 index_8"; +"941 index_8" -> "942 view_45"; +"942 view_45" -> "943 permute_37"; +"943 permute_37" -> "944 contiguous_14"; +"944 contiguous_14" -> "945 unsqueeze_24"; +"945 unsqueeze_24" -> "946 sigmoid_8"; +"946 sigmoid_8" -> "947 mul_16"; +"947 mul_16" -> "977 add_28"; +"948 pad_10" -> "949 view_46"; +"949 view_46" -> "950 permute_38"; +"950 permute_38" -> "951 reshape_36"; +"951 reshape_36" -> "957 linear_52"; +"952 _param_constant141" -> "953 clone_8"; +"953 clone_8" -> "954 slice_133"; +"953 clone_8" -> "957 linear_52"; +"954 slice_133" -> "955 zero__8"; +"956 _param_constant142" -> "957 linear_52"; +"957 linear_52" -> "958 reshape_37"; +"958 reshape_37" -> "959 permute_39"; +"959 permute_39" -> "960 select_24"; +"959 permute_39" -> "961 select_25"; +"959 permute_39" -> "962 select_26"; +"960 select_24" -> "963 linalg_vector_norm_16"; +"960 select_24" -> "965 expand_as_16"; +"960 select_24" -> "966 div_16"; +"961 select_25" -> "967 linalg_vector_norm_17"; +"961 select_25" -> "969 expand_as_17"; +"961 select_25" -> "970 div_17"; +"962 select_26" -> "980 matmul_17"; +"963 linalg_vector_norm_16" -> "964 clamp_min_16"; +"964 clamp_min_16" -> "965 expand_as_16"; +"965 expand_as_16" -> "966 div_16"; +"966 div_16" -> "972 matmul_16"; +"967 linalg_vector_norm_17" -> "968 clamp_min_17"; +"968 clamp_min_17" -> "969 expand_as_17"; +"969 expand_as_17" -> "970 div_17"; +"970 div_17" -> "971 transpose_16"; +"971 transpose_16" -> "972 matmul_16"; +"972 matmul_16" -> "976 mul_17"; +"973 _param_constant143" -> "974 clamp_8"; +"974 clamp_8" -> "975 exp_8"; +"975 exp_8" -> "976 mul_17"; +"976 mul_17" -> "977 add_28"; +"977 add_28" -> "978 softmax_8"; +"978 softmax_8" -> "979 dropout_32"; +"979 dropout_32" -> "980 matmul_17"; +"980 matmul_17" -> "981 transpose_17"; +"981 transpose_17" -> "982 reshape_38"; +"982 reshape_38" -> "985 linear_53"; +"983 _param_constant144" -> "985 linear_53"; +"984 _param_constant145" -> "985 linear_53"; +"985 linear_53" -> "986 dropout_33"; +"986 dropout_33" -> "987 view_47"; +"987 view_47" -> "988 permute_40"; +"988 permute_40" -> "989 reshape_39"; +"989 reshape_39" -> "990 slice_134"; +"990 slice_134" -> "991 slice_135"; +"991 slice_135" -> "992 slice_136"; +"992 slice_136" -> "993 slice_137"; +"993 slice_137" -> "994 contiguous_15"; +"994 contiguous_15" -> "997 layer_norm_19"; +"995 _param_constant146" -> "997 layer_norm_19"; +"996 _param_constant147" -> "997 layer_norm_19"; +"997 layer_norm_19" -> "998 add_29"; +"998 add_29" -> "1001 linear_54"; +"998 add_29" -> "1011 add_30"; +"999 _param_constant148" -> "1001 linear_54"; +"1000 _param_constant149" -> "1001 linear_54"; +"1001 linear_54" -> "1002 gelu_8"; +"1002 gelu_8" -> "1003 dropout_34"; +"1003 dropout_34" -> "1006 linear_55"; +"1004 _param_constant150" -> "1006 linear_55"; +"1005 _param_constant151" -> "1006 linear_55"; +"1006 linear_55" -> "1007 dropout_35"; +"1007 dropout_35" -> "1010 layer_norm_20"; +"1008 _param_constant152" -> "1010 layer_norm_20"; +"1009 _param_constant153" -> "1010 layer_norm_20"; +"1010 layer_norm_20" -> "1011 add_30"; +"1011 add_30" -> "1028 pad_11"; +"1011 add_30" -> "1141 add_33"; +"1012 _tensor_constant54" -> "1015 linear_56"; +"1013 _param_constant154" -> "1015 linear_56"; +"1014 _param_constant155" -> "1015 linear_56"; +"1015 linear_56" -> "1016 relu__9"; +"1016 relu__9" -> "1018 linear_57"; +"1017 _param_constant156" -> "1018 linear_57"; +"1018 linear_57" -> "1019 view_48"; +"1019 view_48" -> "1021 index_9"; +"1020 _tensor_constant55" -> "1021 index_9"; +"1021 index_9" -> "1022 view_49"; +"1022 view_49" -> "1023 permute_41"; +"1023 permute_41" -> "1024 contiguous_16"; +"1024 contiguous_16" -> "1025 unsqueeze_25"; +"1025 unsqueeze_25" -> "1026 sigmoid_9"; +"1026 sigmoid_9" -> "1027 mul_18"; +"1027 mul_18" -> "1058 add_31"; +"1028 pad_11" -> "1029 roll_8"; +"1029 roll_8" -> "1030 view_50"; +"1030 view_50" -> "1031 permute_42"; +"1031 permute_42" -> "1032 reshape_40"; +"1032 reshape_40" -> "1038 linear_58"; +"1032 reshape_40" -> "1059 new_zeros_4"; +"1033 _param_constant157" -> "1034 clone_9"; +"1034 clone_9" -> "1035 slice_138"; +"1034 clone_9" -> "1038 linear_58"; +"1035 slice_138" -> "1036 zero__9"; +"1037 _param_constant158" -> "1038 linear_58"; +"1038 linear_58" -> "1039 reshape_41"; +"1039 reshape_41" -> "1040 permute_43"; +"1040 permute_43" -> "1041 select_27"; +"1040 permute_43" -> "1042 select_28"; +"1040 permute_43" -> "1043 select_29"; +"1041 select_27" -> "1044 linalg_vector_norm_18"; +"1041 select_27" -> "1046 expand_as_18"; +"1041 select_27" -> "1047 div_18"; +"1042 select_28" -> "1048 linalg_vector_norm_19"; +"1042 select_28" -> "1050 expand_as_19"; +"1042 select_28" -> "1051 div_19"; +"1043 select_29" -> "1122 matmul_19"; +"1044 linalg_vector_norm_18" -> "1045 clamp_min_18"; +"1045 clamp_min_18" -> "1046 expand_as_18"; +"1046 expand_as_18" -> "1047 div_18"; +"1047 div_18" -> "1053 matmul_18"; +"1048 linalg_vector_norm_19" -> "1049 clamp_min_19"; +"1049 clamp_min_19" -> "1050 expand_as_19"; +"1050 expand_as_19" -> "1051 div_19"; +"1051 div_19" -> "1052 transpose_18"; +"1052 transpose_18" -> "1053 matmul_18"; +"1053 matmul_18" -> "1057 mul_19"; +"1054 _param_constant159" -> "1055 clamp_9"; +"1055 clamp_9" -> "1056 exp_9"; +"1056 exp_9" -> "1057 mul_19"; +"1057 mul_19" -> "1058 add_31"; +"1058 add_31" -> "1115 view_52"; +"1059 new_zeros_4" -> "1062 slice_139"; +"1059 new_zeros_4" -> "1067 slice_141"; +"1059 new_zeros_4" -> "1072 slice_143"; +"1059 new_zeros_4" -> "1077 slice_145"; +"1059 new_zeros_4" -> "1082 slice_147"; +"1059 new_zeros_4" -> "1087 slice_149"; +"1059 new_zeros_4" -> "1092 slice_151"; +"1059 new_zeros_4" -> "1097 slice_153"; +"1059 new_zeros_4" -> "1102 slice_155"; +"1059 new_zeros_4" -> "1105 view_51"; +"1060 _tensor_constant56" -> "1061 lift_fresh_copy_36"; +"1061 lift_fresh_copy_36" -> "1064 fill__36"; +"1062 slice_139" -> "1063 slice_140"; +"1063 slice_140" -> "1064 fill__36"; +"1065 _tensor_constant57" -> "1066 lift_fresh_copy_37"; +"1066 lift_fresh_copy_37" -> "1069 fill__37"; +"1067 slice_141" -> "1068 slice_142"; +"1068 slice_142" -> "1069 fill__37"; +"1070 _tensor_constant58" -> "1071 lift_fresh_copy_38"; +"1071 lift_fresh_copy_38" -> "1074 fill__38"; +"1072 slice_143" -> "1073 slice_144"; +"1073 slice_144" -> "1074 fill__38"; +"1075 _tensor_constant59" -> "1076 lift_fresh_copy_39"; +"1076 lift_fresh_copy_39" -> "1079 fill__39"; +"1077 slice_145" -> "1078 slice_146"; +"1078 slice_146" -> "1079 fill__39"; +"1080 _tensor_constant60" -> "1081 lift_fresh_copy_40"; +"1081 lift_fresh_copy_40" -> "1084 fill__40"; +"1082 slice_147" -> "1083 slice_148"; +"1083 slice_148" -> "1084 fill__40"; +"1085 _tensor_constant61" -> "1086 lift_fresh_copy_41"; +"1086 lift_fresh_copy_41" -> "1089 fill__41"; +"1087 slice_149" -> "1088 slice_150"; +"1088 slice_150" -> "1089 fill__41"; +"1090 _tensor_constant62" -> "1091 lift_fresh_copy_42"; +"1091 lift_fresh_copy_42" -> "1094 fill__42"; +"1092 slice_151" -> "1093 slice_152"; +"1093 slice_152" -> "1094 fill__42"; +"1095 _tensor_constant63" -> "1096 lift_fresh_copy_43"; +"1096 lift_fresh_copy_43" -> "1099 fill__43"; +"1097 slice_153" -> "1098 slice_154"; +"1098 slice_154" -> "1099 fill__43"; +"1100 _tensor_constant64" -> "1101 lift_fresh_copy_44"; +"1101 lift_fresh_copy_44" -> "1104 fill__44"; +"1102 slice_155" -> "1103 slice_156"; +"1103 slice_156" -> "1104 fill__44"; +"1105 view_51" -> "1106 permute_44"; +"1106 permute_44" -> "1107 reshape_42"; +"1107 reshape_42" -> "1108 unsqueeze_26"; +"1107 reshape_42" -> "1109 unsqueeze_27"; +"1108 unsqueeze_26" -> "1110 sub_4"; +"1109 unsqueeze_27" -> "1110 sub_4"; +"1110 sub_4" -> "1111 ne_4"; +"1110 sub_4" -> "1112 masked_fill_8"; +"1110 sub_4" -> "1113 eq_4"; +"1111 ne_4" -> "1112 masked_fill_8"; +"1112 masked_fill_8" -> "1114 masked_fill_9"; +"1113 eq_4" -> "1114 masked_fill_9"; +"1114 masked_fill_9" -> "1116 unsqueeze_28"; +"1115 view_52" -> "1118 add_32"; +"1116 unsqueeze_28" -> "1117 unsqueeze_29"; +"1117 unsqueeze_29" -> "1118 add_32"; +"1118 add_32" -> "1119 view_53"; +"1119 view_53" -> "1120 softmax_9"; +"1120 softmax_9" -> "1121 dropout_36"; +"1121 dropout_36" -> "1122 matmul_19"; +"1122 matmul_19" -> "1123 transpose_19"; +"1123 transpose_19" -> "1124 reshape_43"; +"1124 reshape_43" -> "1127 linear_59"; +"1125 _param_constant160" -> "1127 linear_59"; +"1126 _param_constant161" -> "1127 linear_59"; +"1127 linear_59" -> "1128 dropout_37"; +"1128 dropout_37" -> "1129 view_54"; +"1129 view_54" -> "1130 permute_45"; +"1130 permute_45" -> "1131 reshape_44"; +"1131 reshape_44" -> "1132 roll_9"; +"1132 roll_9" -> "1133 slice_157"; +"1133 slice_157" -> "1134 slice_158"; +"1134 slice_158" -> "1135 slice_159"; +"1135 slice_159" -> "1136 slice_160"; +"1136 slice_160" -> "1137 contiguous_17"; +"1137 contiguous_17" -> "1140 layer_norm_21"; +"1138 _param_constant162" -> "1140 layer_norm_21"; +"1139 _param_constant163" -> "1140 layer_norm_21"; +"1140 layer_norm_21" -> "1141 add_33"; +"1141 add_33" -> "1144 linear_60"; +"1141 add_33" -> "1154 add_34"; +"1142 _param_constant164" -> "1144 linear_60"; +"1143 _param_constant165" -> "1144 linear_60"; +"1144 linear_60" -> "1145 gelu_9"; +"1145 gelu_9" -> "1146 dropout_38"; +"1146 dropout_38" -> "1149 linear_61"; +"1147 _param_constant166" -> "1149 linear_61"; +"1148 _param_constant167" -> "1149 linear_61"; +"1149 linear_61" -> "1150 dropout_39"; +"1150 dropout_39" -> "1153 layer_norm_22"; +"1151 _param_constant168" -> "1153 layer_norm_22"; +"1152 _param_constant169" -> "1153 layer_norm_22"; +"1153 layer_norm_22" -> "1154 add_34"; +"1154 add_34" -> "1171 pad_12"; +"1154 add_34" -> "1221 add_36"; +"1155 _tensor_constant65" -> "1158 linear_62"; +"1156 _param_constant170" -> "1158 linear_62"; +"1157 _param_constant171" -> "1158 linear_62"; +"1158 linear_62" -> "1159 relu__10"; +"1159 relu__10" -> "1161 linear_63"; +"1160 _param_constant172" -> "1161 linear_63"; +"1161 linear_63" -> "1162 view_55"; +"1162 view_55" -> "1164 index_10"; +"1163 _tensor_constant66" -> "1164 index_10"; +"1164 index_10" -> "1165 view_56"; +"1165 view_56" -> "1166 permute_46"; +"1166 permute_46" -> "1167 contiguous_18"; +"1167 contiguous_18" -> "1168 unsqueeze_30"; +"1168 unsqueeze_30" -> "1169 sigmoid_10"; +"1169 sigmoid_10" -> "1170 mul_20"; +"1170 mul_20" -> "1200 add_35"; +"1171 pad_12" -> "1172 view_57"; +"1172 view_57" -> "1173 permute_47"; +"1173 permute_47" -> "1174 reshape_45"; +"1174 reshape_45" -> "1180 linear_64"; +"1175 _param_constant173" -> "1176 clone_10"; +"1176 clone_10" -> "1177 slice_161"; +"1176 clone_10" -> "1180 linear_64"; +"1177 slice_161" -> "1178 zero__10"; +"1179 _param_constant174" -> "1180 linear_64"; +"1180 linear_64" -> "1181 reshape_46"; +"1181 reshape_46" -> "1182 permute_48"; +"1182 permute_48" -> "1183 select_30"; +"1182 permute_48" -> "1184 select_31"; +"1182 permute_48" -> "1185 select_32"; +"1183 select_30" -> "1186 linalg_vector_norm_20"; +"1183 select_30" -> "1188 expand_as_20"; +"1183 select_30" -> "1189 div_20"; +"1184 select_31" -> "1190 linalg_vector_norm_21"; +"1184 select_31" -> "1192 expand_as_21"; +"1184 select_31" -> "1193 div_21"; +"1185 select_32" -> "1203 matmul_21"; +"1186 linalg_vector_norm_20" -> "1187 clamp_min_20"; +"1187 clamp_min_20" -> "1188 expand_as_20"; +"1188 expand_as_20" -> "1189 div_20"; +"1189 div_20" -> "1195 matmul_20"; +"1190 linalg_vector_norm_21" -> "1191 clamp_min_21"; +"1191 clamp_min_21" -> "1192 expand_as_21"; +"1192 expand_as_21" -> "1193 div_21"; +"1193 div_21" -> "1194 transpose_20"; +"1194 transpose_20" -> "1195 matmul_20"; +"1195 matmul_20" -> "1199 mul_21"; +"1196 _param_constant175" -> "1197 clamp_10"; +"1197 clamp_10" -> "1198 exp_10"; +"1198 exp_10" -> "1199 mul_21"; +"1199 mul_21" -> "1200 add_35"; +"1200 add_35" -> "1201 softmax_10"; +"1201 softmax_10" -> "1202 dropout_40"; +"1202 dropout_40" -> "1203 matmul_21"; +"1203 matmul_21" -> "1204 transpose_21"; +"1204 transpose_21" -> "1205 reshape_47"; +"1205 reshape_47" -> "1208 linear_65"; +"1206 _param_constant176" -> "1208 linear_65"; +"1207 _param_constant177" -> "1208 linear_65"; +"1208 linear_65" -> "1209 dropout_41"; +"1209 dropout_41" -> "1210 view_58"; +"1210 view_58" -> "1211 permute_49"; +"1211 permute_49" -> "1212 reshape_48"; +"1212 reshape_48" -> "1213 slice_162"; +"1213 slice_162" -> "1214 slice_163"; +"1214 slice_163" -> "1215 slice_164"; +"1215 slice_164" -> "1216 slice_165"; +"1216 slice_165" -> "1217 contiguous_19"; +"1217 contiguous_19" -> "1220 layer_norm_23"; +"1218 _param_constant178" -> "1220 layer_norm_23"; +"1219 _param_constant179" -> "1220 layer_norm_23"; +"1220 layer_norm_23" -> "1221 add_36"; +"1221 add_36" -> "1224 linear_66"; +"1221 add_36" -> "1234 add_37"; +"1222 _param_constant180" -> "1224 linear_66"; +"1223 _param_constant181" -> "1224 linear_66"; +"1224 linear_66" -> "1225 gelu_10"; +"1225 gelu_10" -> "1226 dropout_42"; +"1226 dropout_42" -> "1229 linear_67"; +"1227 _param_constant182" -> "1229 linear_67"; +"1228 _param_constant183" -> "1229 linear_67"; +"1229 linear_67" -> "1230 dropout_43"; +"1230 dropout_43" -> "1233 layer_norm_24"; +"1231 _param_constant184" -> "1233 layer_norm_24"; +"1232 _param_constant185" -> "1233 layer_norm_24"; +"1233 layer_norm_24" -> "1234 add_37"; +"1234 add_37" -> "1251 pad_13"; +"1234 add_37" -> "1364 add_40"; +"1235 _tensor_constant67" -> "1238 linear_68"; +"1236 _param_constant186" -> "1238 linear_68"; +"1237 _param_constant187" -> "1238 linear_68"; +"1238 linear_68" -> "1239 relu__11"; +"1239 relu__11" -> "1241 linear_69"; +"1240 _param_constant188" -> "1241 linear_69"; +"1241 linear_69" -> "1242 view_59"; +"1242 view_59" -> "1244 index_11"; +"1243 _tensor_constant68" -> "1244 index_11"; +"1244 index_11" -> "1245 view_60"; +"1245 view_60" -> "1246 permute_50"; +"1246 permute_50" -> "1247 contiguous_20"; +"1247 contiguous_20" -> "1248 unsqueeze_31"; +"1248 unsqueeze_31" -> "1249 sigmoid_11"; +"1249 sigmoid_11" -> "1250 mul_22"; +"1250 mul_22" -> "1281 add_38"; +"1251 pad_13" -> "1252 roll_10"; +"1252 roll_10" -> "1253 view_61"; +"1253 view_61" -> "1254 permute_51"; +"1254 permute_51" -> "1255 reshape_49"; +"1255 reshape_49" -> "1261 linear_70"; +"1255 reshape_49" -> "1282 new_zeros_5"; +"1256 _param_constant189" -> "1257 clone_11"; +"1257 clone_11" -> "1258 slice_166"; +"1257 clone_11" -> "1261 linear_70"; +"1258 slice_166" -> "1259 zero__11"; +"1260 _param_constant190" -> "1261 linear_70"; +"1261 linear_70" -> "1262 reshape_50"; +"1262 reshape_50" -> "1263 permute_52"; +"1263 permute_52" -> "1264 select_33"; +"1263 permute_52" -> "1265 select_34"; +"1263 permute_52" -> "1266 select_35"; +"1264 select_33" -> "1267 linalg_vector_norm_22"; +"1264 select_33" -> "1269 expand_as_22"; +"1264 select_33" -> "1270 div_22"; +"1265 select_34" -> "1271 linalg_vector_norm_23"; +"1265 select_34" -> "1273 expand_as_23"; +"1265 select_34" -> "1274 div_23"; +"1266 select_35" -> "1345 matmul_23"; +"1267 linalg_vector_norm_22" -> "1268 clamp_min_22"; +"1268 clamp_min_22" -> "1269 expand_as_22"; +"1269 expand_as_22" -> "1270 div_22"; +"1270 div_22" -> "1276 matmul_22"; +"1271 linalg_vector_norm_23" -> "1272 clamp_min_23"; +"1272 clamp_min_23" -> "1273 expand_as_23"; +"1273 expand_as_23" -> "1274 div_23"; +"1274 div_23" -> "1275 transpose_22"; +"1275 transpose_22" -> "1276 matmul_22"; +"1276 matmul_22" -> "1280 mul_23"; +"1277 _param_constant191" -> "1278 clamp_11"; +"1278 clamp_11" -> "1279 exp_11"; +"1279 exp_11" -> "1280 mul_23"; +"1280 mul_23" -> "1281 add_38"; +"1281 add_38" -> "1338 view_63"; +"1282 new_zeros_5" -> "1285 slice_167"; +"1282 new_zeros_5" -> "1290 slice_169"; +"1282 new_zeros_5" -> "1295 slice_171"; +"1282 new_zeros_5" -> "1300 slice_173"; +"1282 new_zeros_5" -> "1305 slice_175"; +"1282 new_zeros_5" -> "1310 slice_177"; +"1282 new_zeros_5" -> "1315 slice_179"; +"1282 new_zeros_5" -> "1320 slice_181"; +"1282 new_zeros_5" -> "1325 slice_183"; +"1282 new_zeros_5" -> "1328 view_62"; +"1283 _tensor_constant69" -> "1284 lift_fresh_copy_45"; +"1284 lift_fresh_copy_45" -> "1287 fill__45"; +"1285 slice_167" -> "1286 slice_168"; +"1286 slice_168" -> "1287 fill__45"; +"1288 _tensor_constant70" -> "1289 lift_fresh_copy_46"; +"1289 lift_fresh_copy_46" -> "1292 fill__46"; +"1290 slice_169" -> "1291 slice_170"; +"1291 slice_170" -> "1292 fill__46"; +"1293 _tensor_constant71" -> "1294 lift_fresh_copy_47"; +"1294 lift_fresh_copy_47" -> "1297 fill__47"; +"1295 slice_171" -> "1296 slice_172"; +"1296 slice_172" -> "1297 fill__47"; +"1298 _tensor_constant72" -> "1299 lift_fresh_copy_48"; +"1299 lift_fresh_copy_48" -> "1302 fill__48"; +"1300 slice_173" -> "1301 slice_174"; +"1301 slice_174" -> "1302 fill__48"; +"1303 _tensor_constant73" -> "1304 lift_fresh_copy_49"; +"1304 lift_fresh_copy_49" -> "1307 fill__49"; +"1305 slice_175" -> "1306 slice_176"; +"1306 slice_176" -> "1307 fill__49"; +"1308 _tensor_constant74" -> "1309 lift_fresh_copy_50"; +"1309 lift_fresh_copy_50" -> "1312 fill__50"; +"1310 slice_177" -> "1311 slice_178"; +"1311 slice_178" -> "1312 fill__50"; +"1313 _tensor_constant75" -> "1314 lift_fresh_copy_51"; +"1314 lift_fresh_copy_51" -> "1317 fill__51"; +"1315 slice_179" -> "1316 slice_180"; +"1316 slice_180" -> "1317 fill__51"; +"1318 _tensor_constant76" -> "1319 lift_fresh_copy_52"; +"1319 lift_fresh_copy_52" -> "1322 fill__52"; +"1320 slice_181" -> "1321 slice_182"; +"1321 slice_182" -> "1322 fill__52"; +"1323 _tensor_constant77" -> "1324 lift_fresh_copy_53"; +"1324 lift_fresh_copy_53" -> "1327 fill__53"; +"1325 slice_183" -> "1326 slice_184"; +"1326 slice_184" -> "1327 fill__53"; +"1328 view_62" -> "1329 permute_53"; +"1329 permute_53" -> "1330 reshape_51"; +"1330 reshape_51" -> "1331 unsqueeze_32"; +"1330 reshape_51" -> "1332 unsqueeze_33"; +"1331 unsqueeze_32" -> "1333 sub_5"; +"1332 unsqueeze_33" -> "1333 sub_5"; +"1333 sub_5" -> "1334 ne_5"; +"1333 sub_5" -> "1335 masked_fill_10"; +"1333 sub_5" -> "1336 eq_5"; +"1334 ne_5" -> "1335 masked_fill_10"; +"1335 masked_fill_10" -> "1337 masked_fill_11"; +"1336 eq_5" -> "1337 masked_fill_11"; +"1337 masked_fill_11" -> "1339 unsqueeze_34"; +"1338 view_63" -> "1341 add_39"; +"1339 unsqueeze_34" -> "1340 unsqueeze_35"; +"1340 unsqueeze_35" -> "1341 add_39"; +"1341 add_39" -> "1342 view_64"; +"1342 view_64" -> "1343 softmax_11"; +"1343 softmax_11" -> "1344 dropout_44"; +"1344 dropout_44" -> "1345 matmul_23"; +"1345 matmul_23" -> "1346 transpose_23"; +"1346 transpose_23" -> "1347 reshape_52"; +"1347 reshape_52" -> "1350 linear_71"; +"1348 _param_constant192" -> "1350 linear_71"; +"1349 _param_constant193" -> "1350 linear_71"; +"1350 linear_71" -> "1351 dropout_45"; +"1351 dropout_45" -> "1352 view_65"; +"1352 view_65" -> "1353 permute_54"; +"1353 permute_54" -> "1354 reshape_53"; +"1354 reshape_53" -> "1355 roll_11"; +"1355 roll_11" -> "1356 slice_185"; +"1356 slice_185" -> "1357 slice_186"; +"1357 slice_186" -> "1358 slice_187"; +"1358 slice_187" -> "1359 slice_188"; +"1359 slice_188" -> "1360 contiguous_21"; +"1360 contiguous_21" -> "1363 layer_norm_25"; +"1361 _param_constant194" -> "1363 layer_norm_25"; +"1362 _param_constant195" -> "1363 layer_norm_25"; +"1363 layer_norm_25" -> "1364 add_40"; +"1364 add_40" -> "1367 linear_72"; +"1364 add_40" -> "1377 add_41"; +"1365 _param_constant196" -> "1367 linear_72"; +"1366 _param_constant197" -> "1367 linear_72"; +"1367 linear_72" -> "1368 gelu_11"; +"1368 gelu_11" -> "1369 dropout_46"; +"1369 dropout_46" -> "1372 linear_73"; +"1370 _param_constant198" -> "1372 linear_73"; +"1371 _param_constant199" -> "1372 linear_73"; +"1372 linear_73" -> "1373 dropout_47"; +"1373 dropout_47" -> "1376 layer_norm_26"; +"1374 _param_constant200" -> "1376 layer_norm_26"; +"1375 _param_constant201" -> "1376 layer_norm_26"; +"1376 layer_norm_26" -> "1377 add_41"; +"1377 add_41" -> "1394 pad_14"; +"1377 add_41" -> "1444 add_43"; +"1378 _tensor_constant78" -> "1381 linear_74"; +"1379 _param_constant202" -> "1381 linear_74"; +"1380 _param_constant203" -> "1381 linear_74"; +"1381 linear_74" -> "1382 relu__12"; +"1382 relu__12" -> "1384 linear_75"; +"1383 _param_constant204" -> "1384 linear_75"; +"1384 linear_75" -> "1385 view_66"; +"1385 view_66" -> "1387 index_12"; +"1386 _tensor_constant79" -> "1387 index_12"; +"1387 index_12" -> "1388 view_67"; +"1388 view_67" -> "1389 permute_55"; +"1389 permute_55" -> "1390 contiguous_22"; +"1390 contiguous_22" -> "1391 unsqueeze_36"; +"1391 unsqueeze_36" -> "1392 sigmoid_12"; +"1392 sigmoid_12" -> "1393 mul_24"; +"1393 mul_24" -> "1423 add_42"; +"1394 pad_14" -> "1395 view_68"; +"1395 view_68" -> "1396 permute_56"; +"1396 permute_56" -> "1397 reshape_54"; +"1397 reshape_54" -> "1403 linear_76"; +"1398 _param_constant205" -> "1399 clone_12"; +"1399 clone_12" -> "1400 slice_189"; +"1399 clone_12" -> "1403 linear_76"; +"1400 slice_189" -> "1401 zero__12"; +"1402 _param_constant206" -> "1403 linear_76"; +"1403 linear_76" -> "1404 reshape_55"; +"1404 reshape_55" -> "1405 permute_57"; +"1405 permute_57" -> "1406 select_36"; +"1405 permute_57" -> "1407 select_37"; +"1405 permute_57" -> "1408 select_38"; +"1406 select_36" -> "1409 linalg_vector_norm_24"; +"1406 select_36" -> "1411 expand_as_24"; +"1406 select_36" -> "1412 div_24"; +"1407 select_37" -> "1413 linalg_vector_norm_25"; +"1407 select_37" -> "1415 expand_as_25"; +"1407 select_37" -> "1416 div_25"; +"1408 select_38" -> "1426 matmul_25"; +"1409 linalg_vector_norm_24" -> "1410 clamp_min_24"; +"1410 clamp_min_24" -> "1411 expand_as_24"; +"1411 expand_as_24" -> "1412 div_24"; +"1412 div_24" -> "1418 matmul_24"; +"1413 linalg_vector_norm_25" -> "1414 clamp_min_25"; +"1414 clamp_min_25" -> "1415 expand_as_25"; +"1415 expand_as_25" -> "1416 div_25"; +"1416 div_25" -> "1417 transpose_24"; +"1417 transpose_24" -> "1418 matmul_24"; +"1418 matmul_24" -> "1422 mul_25"; +"1419 _param_constant207" -> "1420 clamp_12"; +"1420 clamp_12" -> "1421 exp_12"; +"1421 exp_12" -> "1422 mul_25"; +"1422 mul_25" -> "1423 add_42"; +"1423 add_42" -> "1424 softmax_12"; +"1424 softmax_12" -> "1425 dropout_48"; +"1425 dropout_48" -> "1426 matmul_25"; +"1426 matmul_25" -> "1427 transpose_25"; +"1427 transpose_25" -> "1428 reshape_56"; +"1428 reshape_56" -> "1431 linear_77"; +"1429 _param_constant208" -> "1431 linear_77"; +"1430 _param_constant209" -> "1431 linear_77"; +"1431 linear_77" -> "1432 dropout_49"; +"1432 dropout_49" -> "1433 view_69"; +"1433 view_69" -> "1434 permute_58"; +"1434 permute_58" -> "1435 reshape_57"; +"1435 reshape_57" -> "1436 slice_190"; +"1436 slice_190" -> "1437 slice_191"; +"1437 slice_191" -> "1438 slice_192"; +"1438 slice_192" -> "1439 slice_193"; +"1439 slice_193" -> "1440 contiguous_23"; +"1440 contiguous_23" -> "1443 layer_norm_27"; +"1441 _param_constant210" -> "1443 layer_norm_27"; +"1442 _param_constant211" -> "1443 layer_norm_27"; +"1443 layer_norm_27" -> "1444 add_43"; +"1444 add_43" -> "1447 linear_78"; +"1444 add_43" -> "1457 add_44"; +"1445 _param_constant212" -> "1447 linear_78"; +"1446 _param_constant213" -> "1447 linear_78"; +"1447 linear_78" -> "1448 gelu_12"; +"1448 gelu_12" -> "1449 dropout_50"; +"1449 dropout_50" -> "1452 linear_79"; +"1450 _param_constant214" -> "1452 linear_79"; +"1451 _param_constant215" -> "1452 linear_79"; +"1452 linear_79" -> "1453 dropout_51"; +"1453 dropout_51" -> "1456 layer_norm_28"; +"1454 _param_constant216" -> "1456 layer_norm_28"; +"1455 _param_constant217" -> "1456 layer_norm_28"; +"1456 layer_norm_28" -> "1457 add_44"; +"1457 add_44" -> "1474 pad_15"; +"1457 add_44" -> "1587 add_47"; +"1458 _tensor_constant80" -> "1461 linear_80"; +"1459 _param_constant218" -> "1461 linear_80"; +"1460 _param_constant219" -> "1461 linear_80"; +"1461 linear_80" -> "1462 relu__13"; +"1462 relu__13" -> "1464 linear_81"; +"1463 _param_constant220" -> "1464 linear_81"; +"1464 linear_81" -> "1465 view_70"; +"1465 view_70" -> "1467 index_13"; +"1466 _tensor_constant81" -> "1467 index_13"; +"1467 index_13" -> "1468 view_71"; +"1468 view_71" -> "1469 permute_59"; +"1469 permute_59" -> "1470 contiguous_24"; +"1470 contiguous_24" -> "1471 unsqueeze_37"; +"1471 unsqueeze_37" -> "1472 sigmoid_13"; +"1472 sigmoid_13" -> "1473 mul_26"; +"1473 mul_26" -> "1504 add_45"; +"1474 pad_15" -> "1475 roll_12"; +"1475 roll_12" -> "1476 view_72"; +"1476 view_72" -> "1477 permute_60"; +"1477 permute_60" -> "1478 reshape_58"; +"1478 reshape_58" -> "1484 linear_82"; +"1478 reshape_58" -> "1505 new_zeros_6"; +"1479 _param_constant221" -> "1480 clone_13"; +"1480 clone_13" -> "1481 slice_194"; +"1480 clone_13" -> "1484 linear_82"; +"1481 slice_194" -> "1482 zero__13"; +"1483 _param_constant222" -> "1484 linear_82"; +"1484 linear_82" -> "1485 reshape_59"; +"1485 reshape_59" -> "1486 permute_61"; +"1486 permute_61" -> "1487 select_39"; +"1486 permute_61" -> "1488 select_40"; +"1486 permute_61" -> "1489 select_41"; +"1487 select_39" -> "1490 linalg_vector_norm_26"; +"1487 select_39" -> "1492 expand_as_26"; +"1487 select_39" -> "1493 div_26"; +"1488 select_40" -> "1494 linalg_vector_norm_27"; +"1488 select_40" -> "1496 expand_as_27"; +"1488 select_40" -> "1497 div_27"; +"1489 select_41" -> "1568 matmul_27"; +"1490 linalg_vector_norm_26" -> "1491 clamp_min_26"; +"1491 clamp_min_26" -> "1492 expand_as_26"; +"1492 expand_as_26" -> "1493 div_26"; +"1493 div_26" -> "1499 matmul_26"; +"1494 linalg_vector_norm_27" -> "1495 clamp_min_27"; +"1495 clamp_min_27" -> "1496 expand_as_27"; +"1496 expand_as_27" -> "1497 div_27"; +"1497 div_27" -> "1498 transpose_26"; +"1498 transpose_26" -> "1499 matmul_26"; +"1499 matmul_26" -> "1503 mul_27"; +"1500 _param_constant223" -> "1501 clamp_13"; +"1501 clamp_13" -> "1502 exp_13"; +"1502 exp_13" -> "1503 mul_27"; +"1503 mul_27" -> "1504 add_45"; +"1504 add_45" -> "1561 view_74"; +"1505 new_zeros_6" -> "1508 slice_195"; +"1505 new_zeros_6" -> "1513 slice_197"; +"1505 new_zeros_6" -> "1518 slice_199"; +"1505 new_zeros_6" -> "1523 slice_201"; +"1505 new_zeros_6" -> "1528 slice_203"; +"1505 new_zeros_6" -> "1533 slice_205"; +"1505 new_zeros_6" -> "1538 slice_207"; +"1505 new_zeros_6" -> "1543 slice_209"; +"1505 new_zeros_6" -> "1548 slice_211"; +"1505 new_zeros_6" -> "1551 view_73"; +"1506 _tensor_constant82" -> "1507 lift_fresh_copy_54"; +"1507 lift_fresh_copy_54" -> "1510 fill__54"; +"1508 slice_195" -> "1509 slice_196"; +"1509 slice_196" -> "1510 fill__54"; +"1511 _tensor_constant83" -> "1512 lift_fresh_copy_55"; +"1512 lift_fresh_copy_55" -> "1515 fill__55"; +"1513 slice_197" -> "1514 slice_198"; +"1514 slice_198" -> "1515 fill__55"; +"1516 _tensor_constant84" -> "1517 lift_fresh_copy_56"; +"1517 lift_fresh_copy_56" -> "1520 fill__56"; +"1518 slice_199" -> "1519 slice_200"; +"1519 slice_200" -> "1520 fill__56"; +"1521 _tensor_constant85" -> "1522 lift_fresh_copy_57"; +"1522 lift_fresh_copy_57" -> "1525 fill__57"; +"1523 slice_201" -> "1524 slice_202"; +"1524 slice_202" -> "1525 fill__57"; +"1526 _tensor_constant86" -> "1527 lift_fresh_copy_58"; +"1527 lift_fresh_copy_58" -> "1530 fill__58"; +"1528 slice_203" -> "1529 slice_204"; +"1529 slice_204" -> "1530 fill__58"; +"1531 _tensor_constant87" -> "1532 lift_fresh_copy_59"; +"1532 lift_fresh_copy_59" -> "1535 fill__59"; +"1533 slice_205" -> "1534 slice_206"; +"1534 slice_206" -> "1535 fill__59"; +"1536 _tensor_constant88" -> "1537 lift_fresh_copy_60"; +"1537 lift_fresh_copy_60" -> "1540 fill__60"; +"1538 slice_207" -> "1539 slice_208"; +"1539 slice_208" -> "1540 fill__60"; +"1541 _tensor_constant89" -> "1542 lift_fresh_copy_61"; +"1542 lift_fresh_copy_61" -> "1545 fill__61"; +"1543 slice_209" -> "1544 slice_210"; +"1544 slice_210" -> "1545 fill__61"; +"1546 _tensor_constant90" -> "1547 lift_fresh_copy_62"; +"1547 lift_fresh_copy_62" -> "1550 fill__62"; +"1548 slice_211" -> "1549 slice_212"; +"1549 slice_212" -> "1550 fill__62"; +"1551 view_73" -> "1552 permute_62"; +"1552 permute_62" -> "1553 reshape_60"; +"1553 reshape_60" -> "1554 unsqueeze_38"; +"1553 reshape_60" -> "1555 unsqueeze_39"; +"1554 unsqueeze_38" -> "1556 sub_6"; +"1555 unsqueeze_39" -> "1556 sub_6"; +"1556 sub_6" -> "1557 ne_6"; +"1556 sub_6" -> "1558 masked_fill_12"; +"1556 sub_6" -> "1559 eq_6"; +"1557 ne_6" -> "1558 masked_fill_12"; +"1558 masked_fill_12" -> "1560 masked_fill_13"; +"1559 eq_6" -> "1560 masked_fill_13"; +"1560 masked_fill_13" -> "1562 unsqueeze_40"; +"1561 view_74" -> "1564 add_46"; +"1562 unsqueeze_40" -> "1563 unsqueeze_41"; +"1563 unsqueeze_41" -> "1564 add_46"; +"1564 add_46" -> "1565 view_75"; +"1565 view_75" -> "1566 softmax_13"; +"1566 softmax_13" -> "1567 dropout_52"; +"1567 dropout_52" -> "1568 matmul_27"; +"1568 matmul_27" -> "1569 transpose_27"; +"1569 transpose_27" -> "1570 reshape_61"; +"1570 reshape_61" -> "1573 linear_83"; +"1571 _param_constant224" -> "1573 linear_83"; +"1572 _param_constant225" -> "1573 linear_83"; +"1573 linear_83" -> "1574 dropout_53"; +"1574 dropout_53" -> "1575 view_76"; +"1575 view_76" -> "1576 permute_63"; +"1576 permute_63" -> "1577 reshape_62"; +"1577 reshape_62" -> "1578 roll_13"; +"1578 roll_13" -> "1579 slice_213"; +"1579 slice_213" -> "1580 slice_214"; +"1580 slice_214" -> "1581 slice_215"; +"1581 slice_215" -> "1582 slice_216"; +"1582 slice_216" -> "1583 contiguous_25"; +"1583 contiguous_25" -> "1586 layer_norm_29"; +"1584 _param_constant226" -> "1586 layer_norm_29"; +"1585 _param_constant227" -> "1586 layer_norm_29"; +"1586 layer_norm_29" -> "1587 add_47"; +"1587 add_47" -> "1590 linear_84"; +"1587 add_47" -> "1600 add_48"; +"1588 _param_constant228" -> "1590 linear_84"; +"1589 _param_constant229" -> "1590 linear_84"; +"1590 linear_84" -> "1591 gelu_13"; +"1591 gelu_13" -> "1592 dropout_54"; +"1592 dropout_54" -> "1595 linear_85"; +"1593 _param_constant230" -> "1595 linear_85"; +"1594 _param_constant231" -> "1595 linear_85"; +"1595 linear_85" -> "1596 dropout_55"; +"1596 dropout_55" -> "1599 layer_norm_30"; +"1597 _param_constant232" -> "1599 layer_norm_30"; +"1598 _param_constant233" -> "1599 layer_norm_30"; +"1599 layer_norm_30" -> "1600 add_48"; +"1600 add_48" -> "1617 pad_16"; +"1600 add_48" -> "1667 add_50"; +"1601 _tensor_constant91" -> "1604 linear_86"; +"1602 _param_constant234" -> "1604 linear_86"; +"1603 _param_constant235" -> "1604 linear_86"; +"1604 linear_86" -> "1605 relu__14"; +"1605 relu__14" -> "1607 linear_87"; +"1606 _param_constant236" -> "1607 linear_87"; +"1607 linear_87" -> "1608 view_77"; +"1608 view_77" -> "1610 index_14"; +"1609 _tensor_constant92" -> "1610 index_14"; +"1610 index_14" -> "1611 view_78"; +"1611 view_78" -> "1612 permute_64"; +"1612 permute_64" -> "1613 contiguous_26"; +"1613 contiguous_26" -> "1614 unsqueeze_42"; +"1614 unsqueeze_42" -> "1615 sigmoid_14"; +"1615 sigmoid_14" -> "1616 mul_28"; +"1616 mul_28" -> "1646 add_49"; +"1617 pad_16" -> "1618 view_79"; +"1618 view_79" -> "1619 permute_65"; +"1619 permute_65" -> "1620 reshape_63"; +"1620 reshape_63" -> "1626 linear_88"; +"1621 _param_constant237" -> "1622 clone_14"; +"1622 clone_14" -> "1623 slice_217"; +"1622 clone_14" -> "1626 linear_88"; +"1623 slice_217" -> "1624 zero__14"; +"1625 _param_constant238" -> "1626 linear_88"; +"1626 linear_88" -> "1627 reshape_64"; +"1627 reshape_64" -> "1628 permute_66"; +"1628 permute_66" -> "1629 select_42"; +"1628 permute_66" -> "1630 select_43"; +"1628 permute_66" -> "1631 select_44"; +"1629 select_42" -> "1632 linalg_vector_norm_28"; +"1629 select_42" -> "1634 expand_as_28"; +"1629 select_42" -> "1635 div_28"; +"1630 select_43" -> "1636 linalg_vector_norm_29"; +"1630 select_43" -> "1638 expand_as_29"; +"1630 select_43" -> "1639 div_29"; +"1631 select_44" -> "1649 matmul_29"; +"1632 linalg_vector_norm_28" -> "1633 clamp_min_28"; +"1633 clamp_min_28" -> "1634 expand_as_28"; +"1634 expand_as_28" -> "1635 div_28"; +"1635 div_28" -> "1641 matmul_28"; +"1636 linalg_vector_norm_29" -> "1637 clamp_min_29"; +"1637 clamp_min_29" -> "1638 expand_as_29"; +"1638 expand_as_29" -> "1639 div_29"; +"1639 div_29" -> "1640 transpose_28"; +"1640 transpose_28" -> "1641 matmul_28"; +"1641 matmul_28" -> "1645 mul_29"; +"1642 _param_constant239" -> "1643 clamp_14"; +"1643 clamp_14" -> "1644 exp_14"; +"1644 exp_14" -> "1645 mul_29"; +"1645 mul_29" -> "1646 add_49"; +"1646 add_49" -> "1647 softmax_14"; +"1647 softmax_14" -> "1648 dropout_56"; +"1648 dropout_56" -> "1649 matmul_29"; +"1649 matmul_29" -> "1650 transpose_29"; +"1650 transpose_29" -> "1651 reshape_65"; +"1651 reshape_65" -> "1654 linear_89"; +"1652 _param_constant240" -> "1654 linear_89"; +"1653 _param_constant241" -> "1654 linear_89"; +"1654 linear_89" -> "1655 dropout_57"; +"1655 dropout_57" -> "1656 view_80"; +"1656 view_80" -> "1657 permute_67"; +"1657 permute_67" -> "1658 reshape_66"; +"1658 reshape_66" -> "1659 slice_218"; +"1659 slice_218" -> "1660 slice_219"; +"1660 slice_219" -> "1661 slice_220"; +"1661 slice_220" -> "1662 slice_221"; +"1662 slice_221" -> "1663 contiguous_27"; +"1663 contiguous_27" -> "1666 layer_norm_31"; +"1664 _param_constant242" -> "1666 layer_norm_31"; +"1665 _param_constant243" -> "1666 layer_norm_31"; +"1666 layer_norm_31" -> "1667 add_50"; +"1667 add_50" -> "1670 linear_90"; +"1667 add_50" -> "1680 add_51"; +"1668 _param_constant244" -> "1670 linear_90"; +"1669 _param_constant245" -> "1670 linear_90"; +"1670 linear_90" -> "1671 gelu_14"; +"1671 gelu_14" -> "1672 dropout_58"; +"1672 dropout_58" -> "1675 linear_91"; +"1673 _param_constant246" -> "1675 linear_91"; +"1674 _param_constant247" -> "1675 linear_91"; +"1675 linear_91" -> "1676 dropout_59"; +"1676 dropout_59" -> "1679 layer_norm_32"; +"1677 _param_constant248" -> "1679 layer_norm_32"; +"1678 _param_constant249" -> "1679 layer_norm_32"; +"1679 layer_norm_32" -> "1680 add_51"; +"1680 add_51" -> "1697 pad_17"; +"1680 add_51" -> "1810 add_54"; +"1681 _tensor_constant93" -> "1684 linear_92"; +"1682 _param_constant250" -> "1684 linear_92"; +"1683 _param_constant251" -> "1684 linear_92"; +"1684 linear_92" -> "1685 relu__15"; +"1685 relu__15" -> "1687 linear_93"; +"1686 _param_constant252" -> "1687 linear_93"; +"1687 linear_93" -> "1688 view_81"; +"1688 view_81" -> "1690 index_15"; +"1689 _tensor_constant94" -> "1690 index_15"; +"1690 index_15" -> "1691 view_82"; +"1691 view_82" -> "1692 permute_68"; +"1692 permute_68" -> "1693 contiguous_28"; +"1693 contiguous_28" -> "1694 unsqueeze_43"; +"1694 unsqueeze_43" -> "1695 sigmoid_15"; +"1695 sigmoid_15" -> "1696 mul_30"; +"1696 mul_30" -> "1727 add_52"; +"1697 pad_17" -> "1698 roll_14"; +"1698 roll_14" -> "1699 view_83"; +"1699 view_83" -> "1700 permute_69"; +"1700 permute_69" -> "1701 reshape_67"; +"1701 reshape_67" -> "1707 linear_94"; +"1701 reshape_67" -> "1728 new_zeros_7"; +"1702 _param_constant253" -> "1703 clone_15"; +"1703 clone_15" -> "1704 slice_222"; +"1703 clone_15" -> "1707 linear_94"; +"1704 slice_222" -> "1705 zero__15"; +"1706 _param_constant254" -> "1707 linear_94"; +"1707 linear_94" -> "1708 reshape_68"; +"1708 reshape_68" -> "1709 permute_70"; +"1709 permute_70" -> "1710 select_45"; +"1709 permute_70" -> "1711 select_46"; +"1709 permute_70" -> "1712 select_47"; +"1710 select_45" -> "1713 linalg_vector_norm_30"; +"1710 select_45" -> "1715 expand_as_30"; +"1710 select_45" -> "1716 div_30"; +"1711 select_46" -> "1717 linalg_vector_norm_31"; +"1711 select_46" -> "1719 expand_as_31"; +"1711 select_46" -> "1720 div_31"; +"1712 select_47" -> "1791 matmul_31"; +"1713 linalg_vector_norm_30" -> "1714 clamp_min_30"; +"1714 clamp_min_30" -> "1715 expand_as_30"; +"1715 expand_as_30" -> "1716 div_30"; +"1716 div_30" -> "1722 matmul_30"; +"1717 linalg_vector_norm_31" -> "1718 clamp_min_31"; +"1718 clamp_min_31" -> "1719 expand_as_31"; +"1719 expand_as_31" -> "1720 div_31"; +"1720 div_31" -> "1721 transpose_30"; +"1721 transpose_30" -> "1722 matmul_30"; +"1722 matmul_30" -> "1726 mul_31"; +"1723 _param_constant255" -> "1724 clamp_15"; +"1724 clamp_15" -> "1725 exp_15"; +"1725 exp_15" -> "1726 mul_31"; +"1726 mul_31" -> "1727 add_52"; +"1727 add_52" -> "1784 view_85"; +"1728 new_zeros_7" -> "1731 slice_223"; +"1728 new_zeros_7" -> "1736 slice_225"; +"1728 new_zeros_7" -> "1741 slice_227"; +"1728 new_zeros_7" -> "1746 slice_229"; +"1728 new_zeros_7" -> "1751 slice_231"; +"1728 new_zeros_7" -> "1756 slice_233"; +"1728 new_zeros_7" -> "1761 slice_235"; +"1728 new_zeros_7" -> "1766 slice_237"; +"1728 new_zeros_7" -> "1771 slice_239"; +"1728 new_zeros_7" -> "1774 view_84"; +"1729 _tensor_constant95" -> "1730 lift_fresh_copy_63"; +"1730 lift_fresh_copy_63" -> "1733 fill__63"; +"1731 slice_223" -> "1732 slice_224"; +"1732 slice_224" -> "1733 fill__63"; +"1734 _tensor_constant96" -> "1735 lift_fresh_copy_64"; +"1735 lift_fresh_copy_64" -> "1738 fill__64"; +"1736 slice_225" -> "1737 slice_226"; +"1737 slice_226" -> "1738 fill__64"; +"1739 _tensor_constant97" -> "1740 lift_fresh_copy_65"; +"1740 lift_fresh_copy_65" -> "1743 fill__65"; +"1741 slice_227" -> "1742 slice_228"; +"1742 slice_228" -> "1743 fill__65"; +"1744 _tensor_constant98" -> "1745 lift_fresh_copy_66"; +"1745 lift_fresh_copy_66" -> "1748 fill__66"; +"1746 slice_229" -> "1747 slice_230"; +"1747 slice_230" -> "1748 fill__66"; +"1749 _tensor_constant99" -> "1750 lift_fresh_copy_67"; +"1750 lift_fresh_copy_67" -> "1753 fill__67"; +"1751 slice_231" -> "1752 slice_232"; +"1752 slice_232" -> "1753 fill__67"; +"1754 _tensor_constant100" -> "1755 lift_fresh_copy_68"; +"1755 lift_fresh_copy_68" -> "1758 fill__68"; +"1756 slice_233" -> "1757 slice_234"; +"1757 slice_234" -> "1758 fill__68"; +"1759 _tensor_constant101" -> "1760 lift_fresh_copy_69"; +"1760 lift_fresh_copy_69" -> "1763 fill__69"; +"1761 slice_235" -> "1762 slice_236"; +"1762 slice_236" -> "1763 fill__69"; +"1764 _tensor_constant102" -> "1765 lift_fresh_copy_70"; +"1765 lift_fresh_copy_70" -> "1768 fill__70"; +"1766 slice_237" -> "1767 slice_238"; +"1767 slice_238" -> "1768 fill__70"; +"1769 _tensor_constant103" -> "1770 lift_fresh_copy_71"; +"1770 lift_fresh_copy_71" -> "1773 fill__71"; +"1771 slice_239" -> "1772 slice_240"; +"1772 slice_240" -> "1773 fill__71"; +"1774 view_84" -> "1775 permute_71"; +"1775 permute_71" -> "1776 reshape_69"; +"1776 reshape_69" -> "1777 unsqueeze_44"; +"1776 reshape_69" -> "1778 unsqueeze_45"; +"1777 unsqueeze_44" -> "1779 sub_7"; +"1778 unsqueeze_45" -> "1779 sub_7"; +"1779 sub_7" -> "1780 ne_7"; +"1779 sub_7" -> "1781 masked_fill_14"; +"1779 sub_7" -> "1782 eq_7"; +"1780 ne_7" -> "1781 masked_fill_14"; +"1781 masked_fill_14" -> "1783 masked_fill_15"; +"1782 eq_7" -> "1783 masked_fill_15"; +"1783 masked_fill_15" -> "1785 unsqueeze_46"; +"1784 view_85" -> "1787 add_53"; +"1785 unsqueeze_46" -> "1786 unsqueeze_47"; +"1786 unsqueeze_47" -> "1787 add_53"; +"1787 add_53" -> "1788 view_86"; +"1788 view_86" -> "1789 softmax_15"; +"1789 softmax_15" -> "1790 dropout_60"; +"1790 dropout_60" -> "1791 matmul_31"; +"1791 matmul_31" -> "1792 transpose_31"; +"1792 transpose_31" -> "1793 reshape_70"; +"1793 reshape_70" -> "1796 linear_95"; +"1794 _param_constant256" -> "1796 linear_95"; +"1795 _param_constant257" -> "1796 linear_95"; +"1796 linear_95" -> "1797 dropout_61"; +"1797 dropout_61" -> "1798 view_87"; +"1798 view_87" -> "1799 permute_72"; +"1799 permute_72" -> "1800 reshape_71"; +"1800 reshape_71" -> "1801 roll_15"; +"1801 roll_15" -> "1802 slice_241"; +"1802 slice_241" -> "1803 slice_242"; +"1803 slice_242" -> "1804 slice_243"; +"1804 slice_243" -> "1805 slice_244"; +"1805 slice_244" -> "1806 contiguous_29"; +"1806 contiguous_29" -> "1809 layer_norm_33"; +"1807 _param_constant258" -> "1809 layer_norm_33"; +"1808 _param_constant259" -> "1809 layer_norm_33"; +"1809 layer_norm_33" -> "1810 add_54"; +"1810 add_54" -> "1813 linear_96"; +"1810 add_54" -> "1823 add_55"; +"1811 _param_constant260" -> "1813 linear_96"; +"1812 _param_constant261" -> "1813 linear_96"; +"1813 linear_96" -> "1814 gelu_15"; +"1814 gelu_15" -> "1815 dropout_62"; +"1815 dropout_62" -> "1818 linear_97"; +"1816 _param_constant262" -> "1818 linear_97"; +"1817 _param_constant263" -> "1818 linear_97"; +"1818 linear_97" -> "1819 dropout_63"; +"1819 dropout_63" -> "1822 layer_norm_34"; +"1820 _param_constant264" -> "1822 layer_norm_34"; +"1821 _param_constant265" -> "1822 layer_norm_34"; +"1822 layer_norm_34" -> "1823 add_55"; +"1823 add_55" -> "1840 pad_18"; +"1823 add_55" -> "1890 add_57"; +"1824 _tensor_constant104" -> "1827 linear_98"; +"1825 _param_constant266" -> "1827 linear_98"; +"1826 _param_constant267" -> "1827 linear_98"; +"1827 linear_98" -> "1828 relu__16"; +"1828 relu__16" -> "1830 linear_99"; +"1829 _param_constant268" -> "1830 linear_99"; +"1830 linear_99" -> "1831 view_88"; +"1831 view_88" -> "1833 index_16"; +"1832 _tensor_constant105" -> "1833 index_16"; +"1833 index_16" -> "1834 view_89"; +"1834 view_89" -> "1835 permute_73"; +"1835 permute_73" -> "1836 contiguous_30"; +"1836 contiguous_30" -> "1837 unsqueeze_48"; +"1837 unsqueeze_48" -> "1838 sigmoid_16"; +"1838 sigmoid_16" -> "1839 mul_32"; +"1839 mul_32" -> "1869 add_56"; +"1840 pad_18" -> "1841 view_90"; +"1841 view_90" -> "1842 permute_74"; +"1842 permute_74" -> "1843 reshape_72"; +"1843 reshape_72" -> "1849 linear_100"; +"1844 _param_constant269" -> "1845 clone_16"; +"1845 clone_16" -> "1846 slice_245"; +"1845 clone_16" -> "1849 linear_100"; +"1846 slice_245" -> "1847 zero__16"; +"1848 _param_constant270" -> "1849 linear_100"; +"1849 linear_100" -> "1850 reshape_73"; +"1850 reshape_73" -> "1851 permute_75"; +"1851 permute_75" -> "1852 select_48"; +"1851 permute_75" -> "1853 select_49"; +"1851 permute_75" -> "1854 select_50"; +"1852 select_48" -> "1855 linalg_vector_norm_32"; +"1852 select_48" -> "1857 expand_as_32"; +"1852 select_48" -> "1858 div_32"; +"1853 select_49" -> "1859 linalg_vector_norm_33"; +"1853 select_49" -> "1861 expand_as_33"; +"1853 select_49" -> "1862 div_33"; +"1854 select_50" -> "1872 matmul_33"; +"1855 linalg_vector_norm_32" -> "1856 clamp_min_32"; +"1856 clamp_min_32" -> "1857 expand_as_32"; +"1857 expand_as_32" -> "1858 div_32"; +"1858 div_32" -> "1864 matmul_32"; +"1859 linalg_vector_norm_33" -> "1860 clamp_min_33"; +"1860 clamp_min_33" -> "1861 expand_as_33"; +"1861 expand_as_33" -> "1862 div_33"; +"1862 div_33" -> "1863 transpose_32"; +"1863 transpose_32" -> "1864 matmul_32"; +"1864 matmul_32" -> "1868 mul_33"; +"1865 _param_constant271" -> "1866 clamp_16"; +"1866 clamp_16" -> "1867 exp_16"; +"1867 exp_16" -> "1868 mul_33"; +"1868 mul_33" -> "1869 add_56"; +"1869 add_56" -> "1870 softmax_16"; +"1870 softmax_16" -> "1871 dropout_64"; +"1871 dropout_64" -> "1872 matmul_33"; +"1872 matmul_33" -> "1873 transpose_33"; +"1873 transpose_33" -> "1874 reshape_74"; +"1874 reshape_74" -> "1877 linear_101"; +"1875 _param_constant272" -> "1877 linear_101"; +"1876 _param_constant273" -> "1877 linear_101"; +"1877 linear_101" -> "1878 dropout_65"; +"1878 dropout_65" -> "1879 view_91"; +"1879 view_91" -> "1880 permute_76"; +"1880 permute_76" -> "1881 reshape_75"; +"1881 reshape_75" -> "1882 slice_246"; +"1882 slice_246" -> "1883 slice_247"; +"1883 slice_247" -> "1884 slice_248"; +"1884 slice_248" -> "1885 slice_249"; +"1885 slice_249" -> "1886 contiguous_31"; +"1886 contiguous_31" -> "1889 layer_norm_35"; +"1887 _param_constant274" -> "1889 layer_norm_35"; +"1888 _param_constant275" -> "1889 layer_norm_35"; +"1889 layer_norm_35" -> "1890 add_57"; +"1890 add_57" -> "1893 linear_102"; +"1890 add_57" -> "1903 add_58"; +"1891 _param_constant276" -> "1893 linear_102"; +"1892 _param_constant277" -> "1893 linear_102"; +"1893 linear_102" -> "1894 gelu_16"; +"1894 gelu_16" -> "1895 dropout_66"; +"1895 dropout_66" -> "1898 linear_103"; +"1896 _param_constant278" -> "1898 linear_103"; +"1897 _param_constant279" -> "1898 linear_103"; +"1898 linear_103" -> "1899 dropout_67"; +"1899 dropout_67" -> "1902 layer_norm_36"; +"1900 _param_constant280" -> "1902 layer_norm_36"; +"1901 _param_constant281" -> "1902 layer_norm_36"; +"1902 layer_norm_36" -> "1903 add_58"; +"1903 add_58" -> "1920 pad_19"; +"1903 add_58" -> "2033 add_61"; +"1904 _tensor_constant106" -> "1907 linear_104"; +"1905 _param_constant282" -> "1907 linear_104"; +"1906 _param_constant283" -> "1907 linear_104"; +"1907 linear_104" -> "1908 relu__17"; +"1908 relu__17" -> "1910 linear_105"; +"1909 _param_constant284" -> "1910 linear_105"; +"1910 linear_105" -> "1911 view_92"; +"1911 view_92" -> "1913 index_17"; +"1912 _tensor_constant107" -> "1913 index_17"; +"1913 index_17" -> "1914 view_93"; +"1914 view_93" -> "1915 permute_77"; +"1915 permute_77" -> "1916 contiguous_32"; +"1916 contiguous_32" -> "1917 unsqueeze_49"; +"1917 unsqueeze_49" -> "1918 sigmoid_17"; +"1918 sigmoid_17" -> "1919 mul_34"; +"1919 mul_34" -> "1950 add_59"; +"1920 pad_19" -> "1921 roll_16"; +"1921 roll_16" -> "1922 view_94"; +"1922 view_94" -> "1923 permute_78"; +"1923 permute_78" -> "1924 reshape_76"; +"1924 reshape_76" -> "1930 linear_106"; +"1924 reshape_76" -> "1951 new_zeros_8"; +"1925 _param_constant285" -> "1926 clone_17"; +"1926 clone_17" -> "1927 slice_250"; +"1926 clone_17" -> "1930 linear_106"; +"1927 slice_250" -> "1928 zero__17"; +"1929 _param_constant286" -> "1930 linear_106"; +"1930 linear_106" -> "1931 reshape_77"; +"1931 reshape_77" -> "1932 permute_79"; +"1932 permute_79" -> "1933 select_51"; +"1932 permute_79" -> "1934 select_52"; +"1932 permute_79" -> "1935 select_53"; +"1933 select_51" -> "1936 linalg_vector_norm_34"; +"1933 select_51" -> "1938 expand_as_34"; +"1933 select_51" -> "1939 div_34"; +"1934 select_52" -> "1940 linalg_vector_norm_35"; +"1934 select_52" -> "1942 expand_as_35"; +"1934 select_52" -> "1943 div_35"; +"1935 select_53" -> "2014 matmul_35"; +"1936 linalg_vector_norm_34" -> "1937 clamp_min_34"; +"1937 clamp_min_34" -> "1938 expand_as_34"; +"1938 expand_as_34" -> "1939 div_34"; +"1939 div_34" -> "1945 matmul_34"; +"1940 linalg_vector_norm_35" -> "1941 clamp_min_35"; +"1941 clamp_min_35" -> "1942 expand_as_35"; +"1942 expand_as_35" -> "1943 div_35"; +"1943 div_35" -> "1944 transpose_34"; +"1944 transpose_34" -> "1945 matmul_34"; +"1945 matmul_34" -> "1949 mul_35"; +"1946 _param_constant287" -> "1947 clamp_17"; +"1947 clamp_17" -> "1948 exp_17"; +"1948 exp_17" -> "1949 mul_35"; +"1949 mul_35" -> "1950 add_59"; +"1950 add_59" -> "2007 view_96"; +"1951 new_zeros_8" -> "1954 slice_251"; +"1951 new_zeros_8" -> "1959 slice_253"; +"1951 new_zeros_8" -> "1964 slice_255"; +"1951 new_zeros_8" -> "1969 slice_257"; +"1951 new_zeros_8" -> "1974 slice_259"; +"1951 new_zeros_8" -> "1979 slice_261"; +"1951 new_zeros_8" -> "1984 slice_263"; +"1951 new_zeros_8" -> "1989 slice_265"; +"1951 new_zeros_8" -> "1994 slice_267"; +"1951 new_zeros_8" -> "1997 view_95"; +"1952 _tensor_constant108" -> "1953 lift_fresh_copy_72"; +"1953 lift_fresh_copy_72" -> "1956 fill__72"; +"1954 slice_251" -> "1955 slice_252"; +"1955 slice_252" -> "1956 fill__72"; +"1957 _tensor_constant109" -> "1958 lift_fresh_copy_73"; +"1958 lift_fresh_copy_73" -> "1961 fill__73"; +"1959 slice_253" -> "1960 slice_254"; +"1960 slice_254" -> "1961 fill__73"; +"1962 _tensor_constant110" -> "1963 lift_fresh_copy_74"; +"1963 lift_fresh_copy_74" -> "1966 fill__74"; +"1964 slice_255" -> "1965 slice_256"; +"1965 slice_256" -> "1966 fill__74"; +"1967 _tensor_constant111" -> "1968 lift_fresh_copy_75"; +"1968 lift_fresh_copy_75" -> "1971 fill__75"; +"1969 slice_257" -> "1970 slice_258"; +"1970 slice_258" -> "1971 fill__75"; +"1972 _tensor_constant112" -> "1973 lift_fresh_copy_76"; +"1973 lift_fresh_copy_76" -> "1976 fill__76"; +"1974 slice_259" -> "1975 slice_260"; +"1975 slice_260" -> "1976 fill__76"; +"1977 _tensor_constant113" -> "1978 lift_fresh_copy_77"; +"1978 lift_fresh_copy_77" -> "1981 fill__77"; +"1979 slice_261" -> "1980 slice_262"; +"1980 slice_262" -> "1981 fill__77"; +"1982 _tensor_constant114" -> "1983 lift_fresh_copy_78"; +"1983 lift_fresh_copy_78" -> "1986 fill__78"; +"1984 slice_263" -> "1985 slice_264"; +"1985 slice_264" -> "1986 fill__78"; +"1987 _tensor_constant115" -> "1988 lift_fresh_copy_79"; +"1988 lift_fresh_copy_79" -> "1991 fill__79"; +"1989 slice_265" -> "1990 slice_266"; +"1990 slice_266" -> "1991 fill__79"; +"1992 _tensor_constant116" -> "1993 lift_fresh_copy_80"; +"1993 lift_fresh_copy_80" -> "1996 fill__80"; +"1994 slice_267" -> "1995 slice_268"; +"1995 slice_268" -> "1996 fill__80"; +"1997 view_95" -> "1998 permute_80"; +"1998 permute_80" -> "1999 reshape_78"; +"1999 reshape_78" -> "2000 unsqueeze_50"; +"1999 reshape_78" -> "2001 unsqueeze_51"; +"2000 unsqueeze_50" -> "2002 sub_8"; +"2001 unsqueeze_51" -> "2002 sub_8"; +"2002 sub_8" -> "2003 ne_8"; +"2002 sub_8" -> "2004 masked_fill_16"; +"2002 sub_8" -> "2005 eq_8"; +"2003 ne_8" -> "2004 masked_fill_16"; +"2004 masked_fill_16" -> "2006 masked_fill_17"; +"2005 eq_8" -> "2006 masked_fill_17"; +"2006 masked_fill_17" -> "2008 unsqueeze_52"; +"2007 view_96" -> "2010 add_60"; +"2008 unsqueeze_52" -> "2009 unsqueeze_53"; +"2009 unsqueeze_53" -> "2010 add_60"; +"2010 add_60" -> "2011 view_97"; +"2011 view_97" -> "2012 softmax_17"; +"2012 softmax_17" -> "2013 dropout_68"; +"2013 dropout_68" -> "2014 matmul_35"; +"2014 matmul_35" -> "2015 transpose_35"; +"2015 transpose_35" -> "2016 reshape_79"; +"2016 reshape_79" -> "2019 linear_107"; +"2017 _param_constant288" -> "2019 linear_107"; +"2018 _param_constant289" -> "2019 linear_107"; +"2019 linear_107" -> "2020 dropout_69"; +"2020 dropout_69" -> "2021 view_98"; +"2021 view_98" -> "2022 permute_81"; +"2022 permute_81" -> "2023 reshape_80"; +"2023 reshape_80" -> "2024 roll_17"; +"2024 roll_17" -> "2025 slice_269"; +"2025 slice_269" -> "2026 slice_270"; +"2026 slice_270" -> "2027 slice_271"; +"2027 slice_271" -> "2028 slice_272"; +"2028 slice_272" -> "2029 contiguous_33"; +"2029 contiguous_33" -> "2032 layer_norm_37"; +"2030 _param_constant290" -> "2032 layer_norm_37"; +"2031 _param_constant291" -> "2032 layer_norm_37"; +"2032 layer_norm_37" -> "2033 add_61"; +"2033 add_61" -> "2036 linear_108"; +"2033 add_61" -> "2046 add_62"; +"2034 _param_constant292" -> "2036 linear_108"; +"2035 _param_constant293" -> "2036 linear_108"; +"2036 linear_108" -> "2037 gelu_17"; +"2037 gelu_17" -> "2038 dropout_70"; +"2038 dropout_70" -> "2041 linear_109"; +"2039 _param_constant294" -> "2041 linear_109"; +"2040 _param_constant295" -> "2041 linear_109"; +"2041 linear_109" -> "2042 dropout_71"; +"2042 dropout_71" -> "2045 layer_norm_38"; +"2043 _param_constant296" -> "2045 layer_norm_38"; +"2044 _param_constant297" -> "2045 layer_norm_38"; +"2045 layer_norm_38" -> "2046 add_62"; +"2046 add_62" -> "2063 pad_20"; +"2046 add_62" -> "2113 add_64"; +"2047 _tensor_constant117" -> "2050 linear_110"; +"2048 _param_constant298" -> "2050 linear_110"; +"2049 _param_constant299" -> "2050 linear_110"; +"2050 linear_110" -> "2051 relu__18"; +"2051 relu__18" -> "2053 linear_111"; +"2052 _param_constant300" -> "2053 linear_111"; +"2053 linear_111" -> "2054 view_99"; +"2054 view_99" -> "2056 index_18"; +"2055 _tensor_constant118" -> "2056 index_18"; +"2056 index_18" -> "2057 view_100"; +"2057 view_100" -> "2058 permute_82"; +"2058 permute_82" -> "2059 contiguous_34"; +"2059 contiguous_34" -> "2060 unsqueeze_54"; +"2060 unsqueeze_54" -> "2061 sigmoid_18"; +"2061 sigmoid_18" -> "2062 mul_36"; +"2062 mul_36" -> "2092 add_63"; +"2063 pad_20" -> "2064 view_101"; +"2064 view_101" -> "2065 permute_83"; +"2065 permute_83" -> "2066 reshape_81"; +"2066 reshape_81" -> "2072 linear_112"; +"2067 _param_constant301" -> "2068 clone_18"; +"2068 clone_18" -> "2069 slice_273"; +"2068 clone_18" -> "2072 linear_112"; +"2069 slice_273" -> "2070 zero__18"; +"2071 _param_constant302" -> "2072 linear_112"; +"2072 linear_112" -> "2073 reshape_82"; +"2073 reshape_82" -> "2074 permute_84"; +"2074 permute_84" -> "2075 select_54"; +"2074 permute_84" -> "2076 select_55"; +"2074 permute_84" -> "2077 select_56"; +"2075 select_54" -> "2078 linalg_vector_norm_36"; +"2075 select_54" -> "2080 expand_as_36"; +"2075 select_54" -> "2081 div_36"; +"2076 select_55" -> "2082 linalg_vector_norm_37"; +"2076 select_55" -> "2084 expand_as_37"; +"2076 select_55" -> "2085 div_37"; +"2077 select_56" -> "2095 matmul_37"; +"2078 linalg_vector_norm_36" -> "2079 clamp_min_36"; +"2079 clamp_min_36" -> "2080 expand_as_36"; +"2080 expand_as_36" -> "2081 div_36"; +"2081 div_36" -> "2087 matmul_36"; +"2082 linalg_vector_norm_37" -> "2083 clamp_min_37"; +"2083 clamp_min_37" -> "2084 expand_as_37"; +"2084 expand_as_37" -> "2085 div_37"; +"2085 div_37" -> "2086 transpose_36"; +"2086 transpose_36" -> "2087 matmul_36"; +"2087 matmul_36" -> "2091 mul_37"; +"2088 _param_constant303" -> "2089 clamp_18"; +"2089 clamp_18" -> "2090 exp_18"; +"2090 exp_18" -> "2091 mul_37"; +"2091 mul_37" -> "2092 add_63"; +"2092 add_63" -> "2093 softmax_18"; +"2093 softmax_18" -> "2094 dropout_72"; +"2094 dropout_72" -> "2095 matmul_37"; +"2095 matmul_37" -> "2096 transpose_37"; +"2096 transpose_37" -> "2097 reshape_83"; +"2097 reshape_83" -> "2100 linear_113"; +"2098 _param_constant304" -> "2100 linear_113"; +"2099 _param_constant305" -> "2100 linear_113"; +"2100 linear_113" -> "2101 dropout_73"; +"2101 dropout_73" -> "2102 view_102"; +"2102 view_102" -> "2103 permute_85"; +"2103 permute_85" -> "2104 reshape_84"; +"2104 reshape_84" -> "2105 slice_274"; +"2105 slice_274" -> "2106 slice_275"; +"2106 slice_275" -> "2107 slice_276"; +"2107 slice_276" -> "2108 slice_277"; +"2108 slice_277" -> "2109 contiguous_35"; +"2109 contiguous_35" -> "2112 layer_norm_39"; +"2110 _param_constant306" -> "2112 layer_norm_39"; +"2111 _param_constant307" -> "2112 layer_norm_39"; +"2112 layer_norm_39" -> "2113 add_64"; +"2113 add_64" -> "2116 linear_114"; +"2113 add_64" -> "2126 add_65"; +"2114 _param_constant308" -> "2116 linear_114"; +"2115 _param_constant309" -> "2116 linear_114"; +"2116 linear_114" -> "2117 gelu_18"; +"2117 gelu_18" -> "2118 dropout_74"; +"2118 dropout_74" -> "2121 linear_115"; +"2119 _param_constant310" -> "2121 linear_115"; +"2120 _param_constant311" -> "2121 linear_115"; +"2121 linear_115" -> "2122 dropout_75"; +"2122 dropout_75" -> "2125 layer_norm_40"; +"2123 _param_constant312" -> "2125 layer_norm_40"; +"2124 _param_constant313" -> "2125 layer_norm_40"; +"2125 layer_norm_40" -> "2126 add_65"; +"2126 add_65" -> "2143 pad_21"; +"2126 add_65" -> "2256 add_68"; +"2127 _tensor_constant119" -> "2130 linear_116"; +"2128 _param_constant314" -> "2130 linear_116"; +"2129 _param_constant315" -> "2130 linear_116"; +"2130 linear_116" -> "2131 relu__19"; +"2131 relu__19" -> "2133 linear_117"; +"2132 _param_constant316" -> "2133 linear_117"; +"2133 linear_117" -> "2134 view_103"; +"2134 view_103" -> "2136 index_19"; +"2135 _tensor_constant120" -> "2136 index_19"; +"2136 index_19" -> "2137 view_104"; +"2137 view_104" -> "2138 permute_86"; +"2138 permute_86" -> "2139 contiguous_36"; +"2139 contiguous_36" -> "2140 unsqueeze_55"; +"2140 unsqueeze_55" -> "2141 sigmoid_19"; +"2141 sigmoid_19" -> "2142 mul_38"; +"2142 mul_38" -> "2173 add_66"; +"2143 pad_21" -> "2144 roll_18"; +"2144 roll_18" -> "2145 view_105"; +"2145 view_105" -> "2146 permute_87"; +"2146 permute_87" -> "2147 reshape_85"; +"2147 reshape_85" -> "2153 linear_118"; +"2147 reshape_85" -> "2174 new_zeros_9"; +"2148 _param_constant317" -> "2149 clone_19"; +"2149 clone_19" -> "2150 slice_278"; +"2149 clone_19" -> "2153 linear_118"; +"2150 slice_278" -> "2151 zero__19"; +"2152 _param_constant318" -> "2153 linear_118"; +"2153 linear_118" -> "2154 reshape_86"; +"2154 reshape_86" -> "2155 permute_88"; +"2155 permute_88" -> "2156 select_57"; +"2155 permute_88" -> "2157 select_58"; +"2155 permute_88" -> "2158 select_59"; +"2156 select_57" -> "2159 linalg_vector_norm_38"; +"2156 select_57" -> "2161 expand_as_38"; +"2156 select_57" -> "2162 div_38"; +"2157 select_58" -> "2163 linalg_vector_norm_39"; +"2157 select_58" -> "2165 expand_as_39"; +"2157 select_58" -> "2166 div_39"; +"2158 select_59" -> "2237 matmul_39"; +"2159 linalg_vector_norm_38" -> "2160 clamp_min_38"; +"2160 clamp_min_38" -> "2161 expand_as_38"; +"2161 expand_as_38" -> "2162 div_38"; +"2162 div_38" -> "2168 matmul_38"; +"2163 linalg_vector_norm_39" -> "2164 clamp_min_39"; +"2164 clamp_min_39" -> "2165 expand_as_39"; +"2165 expand_as_39" -> "2166 div_39"; +"2166 div_39" -> "2167 transpose_38"; +"2167 transpose_38" -> "2168 matmul_38"; +"2168 matmul_38" -> "2172 mul_39"; +"2169 _param_constant319" -> "2170 clamp_19"; +"2170 clamp_19" -> "2171 exp_19"; +"2171 exp_19" -> "2172 mul_39"; +"2172 mul_39" -> "2173 add_66"; +"2173 add_66" -> "2230 view_107"; +"2174 new_zeros_9" -> "2177 slice_279"; +"2174 new_zeros_9" -> "2182 slice_281"; +"2174 new_zeros_9" -> "2187 slice_283"; +"2174 new_zeros_9" -> "2192 slice_285"; +"2174 new_zeros_9" -> "2197 slice_287"; +"2174 new_zeros_9" -> "2202 slice_289"; +"2174 new_zeros_9" -> "2207 slice_291"; +"2174 new_zeros_9" -> "2212 slice_293"; +"2174 new_zeros_9" -> "2217 slice_295"; +"2174 new_zeros_9" -> "2220 view_106"; +"2175 _tensor_constant121" -> "2176 lift_fresh_copy_81"; +"2176 lift_fresh_copy_81" -> "2179 fill__81"; +"2177 slice_279" -> "2178 slice_280"; +"2178 slice_280" -> "2179 fill__81"; +"2180 _tensor_constant122" -> "2181 lift_fresh_copy_82"; +"2181 lift_fresh_copy_82" -> "2184 fill__82"; +"2182 slice_281" -> "2183 slice_282"; +"2183 slice_282" -> "2184 fill__82"; +"2185 _tensor_constant123" -> "2186 lift_fresh_copy_83"; +"2186 lift_fresh_copy_83" -> "2189 fill__83"; +"2187 slice_283" -> "2188 slice_284"; +"2188 slice_284" -> "2189 fill__83"; +"2190 _tensor_constant124" -> "2191 lift_fresh_copy_84"; +"2191 lift_fresh_copy_84" -> "2194 fill__84"; +"2192 slice_285" -> "2193 slice_286"; +"2193 slice_286" -> "2194 fill__84"; +"2195 _tensor_constant125" -> "2196 lift_fresh_copy_85"; +"2196 lift_fresh_copy_85" -> "2199 fill__85"; +"2197 slice_287" -> "2198 slice_288"; +"2198 slice_288" -> "2199 fill__85"; +"2200 _tensor_constant126" -> "2201 lift_fresh_copy_86"; +"2201 lift_fresh_copy_86" -> "2204 fill__86"; +"2202 slice_289" -> "2203 slice_290"; +"2203 slice_290" -> "2204 fill__86"; +"2205 _tensor_constant127" -> "2206 lift_fresh_copy_87"; +"2206 lift_fresh_copy_87" -> "2209 fill__87"; +"2207 slice_291" -> "2208 slice_292"; +"2208 slice_292" -> "2209 fill__87"; +"2210 _tensor_constant128" -> "2211 lift_fresh_copy_88"; +"2211 lift_fresh_copy_88" -> "2214 fill__88"; +"2212 slice_293" -> "2213 slice_294"; +"2213 slice_294" -> "2214 fill__88"; +"2215 _tensor_constant129" -> "2216 lift_fresh_copy_89"; +"2216 lift_fresh_copy_89" -> "2219 fill__89"; +"2217 slice_295" -> "2218 slice_296"; +"2218 slice_296" -> "2219 fill__89"; +"2220 view_106" -> "2221 permute_89"; +"2221 permute_89" -> "2222 reshape_87"; +"2222 reshape_87" -> "2223 unsqueeze_56"; +"2222 reshape_87" -> "2224 unsqueeze_57"; +"2223 unsqueeze_56" -> "2225 sub_9"; +"2224 unsqueeze_57" -> "2225 sub_9"; +"2225 sub_9" -> "2226 ne_9"; +"2225 sub_9" -> "2227 masked_fill_18"; +"2225 sub_9" -> "2228 eq_9"; +"2226 ne_9" -> "2227 masked_fill_18"; +"2227 masked_fill_18" -> "2229 masked_fill_19"; +"2228 eq_9" -> "2229 masked_fill_19"; +"2229 masked_fill_19" -> "2231 unsqueeze_58"; +"2230 view_107" -> "2233 add_67"; +"2231 unsqueeze_58" -> "2232 unsqueeze_59"; +"2232 unsqueeze_59" -> "2233 add_67"; +"2233 add_67" -> "2234 view_108"; +"2234 view_108" -> "2235 softmax_19"; +"2235 softmax_19" -> "2236 dropout_76"; +"2236 dropout_76" -> "2237 matmul_39"; +"2237 matmul_39" -> "2238 transpose_39"; +"2238 transpose_39" -> "2239 reshape_88"; +"2239 reshape_88" -> "2242 linear_119"; +"2240 _param_constant320" -> "2242 linear_119"; +"2241 _param_constant321" -> "2242 linear_119"; +"2242 linear_119" -> "2243 dropout_77"; +"2243 dropout_77" -> "2244 view_109"; +"2244 view_109" -> "2245 permute_90"; +"2245 permute_90" -> "2246 reshape_89"; +"2246 reshape_89" -> "2247 roll_19"; +"2247 roll_19" -> "2248 slice_297"; +"2248 slice_297" -> "2249 slice_298"; +"2249 slice_298" -> "2250 slice_299"; +"2250 slice_299" -> "2251 slice_300"; +"2251 slice_300" -> "2252 contiguous_37"; +"2252 contiguous_37" -> "2255 layer_norm_41"; +"2253 _param_constant322" -> "2255 layer_norm_41"; +"2254 _param_constant323" -> "2255 layer_norm_41"; +"2255 layer_norm_41" -> "2256 add_68"; +"2256 add_68" -> "2259 linear_120"; +"2256 add_68" -> "2269 add_69"; +"2257 _param_constant324" -> "2259 linear_120"; +"2258 _param_constant325" -> "2259 linear_120"; +"2259 linear_120" -> "2260 gelu_19"; +"2260 gelu_19" -> "2261 dropout_78"; +"2261 dropout_78" -> "2264 linear_121"; +"2262 _param_constant326" -> "2264 linear_121"; +"2263 _param_constant327" -> "2264 linear_121"; +"2264 linear_121" -> "2265 dropout_79"; +"2265 dropout_79" -> "2268 layer_norm_42"; +"2266 _param_constant328" -> "2268 layer_norm_42"; +"2267 _param_constant329" -> "2268 layer_norm_42"; +"2268 layer_norm_42" -> "2269 add_69"; +"2269 add_69" -> "2286 pad_22"; +"2269 add_69" -> "2336 add_71"; +"2270 _tensor_constant130" -> "2273 linear_122"; +"2271 _param_constant330" -> "2273 linear_122"; +"2272 _param_constant331" -> "2273 linear_122"; +"2273 linear_122" -> "2274 relu__20"; +"2274 relu__20" -> "2276 linear_123"; +"2275 _param_constant332" -> "2276 linear_123"; +"2276 linear_123" -> "2277 view_110"; +"2277 view_110" -> "2279 index_20"; +"2278 _tensor_constant131" -> "2279 index_20"; +"2279 index_20" -> "2280 view_111"; +"2280 view_111" -> "2281 permute_91"; +"2281 permute_91" -> "2282 contiguous_38"; +"2282 contiguous_38" -> "2283 unsqueeze_60"; +"2283 unsqueeze_60" -> "2284 sigmoid_20"; +"2284 sigmoid_20" -> "2285 mul_40"; +"2285 mul_40" -> "2315 add_70"; +"2286 pad_22" -> "2287 view_112"; +"2287 view_112" -> "2288 permute_92"; +"2288 permute_92" -> "2289 reshape_90"; +"2289 reshape_90" -> "2295 linear_124"; +"2290 _param_constant333" -> "2291 clone_20"; +"2291 clone_20" -> "2292 slice_301"; +"2291 clone_20" -> "2295 linear_124"; +"2292 slice_301" -> "2293 zero__20"; +"2294 _param_constant334" -> "2295 linear_124"; +"2295 linear_124" -> "2296 reshape_91"; +"2296 reshape_91" -> "2297 permute_93"; +"2297 permute_93" -> "2298 select_60"; +"2297 permute_93" -> "2299 select_61"; +"2297 permute_93" -> "2300 select_62"; +"2298 select_60" -> "2301 linalg_vector_norm_40"; +"2298 select_60" -> "2303 expand_as_40"; +"2298 select_60" -> "2304 div_40"; +"2299 select_61" -> "2305 linalg_vector_norm_41"; +"2299 select_61" -> "2307 expand_as_41"; +"2299 select_61" -> "2308 div_41"; +"2300 select_62" -> "2318 matmul_41"; +"2301 linalg_vector_norm_40" -> "2302 clamp_min_40"; +"2302 clamp_min_40" -> "2303 expand_as_40"; +"2303 expand_as_40" -> "2304 div_40"; +"2304 div_40" -> "2310 matmul_40"; +"2305 linalg_vector_norm_41" -> "2306 clamp_min_41"; +"2306 clamp_min_41" -> "2307 expand_as_41"; +"2307 expand_as_41" -> "2308 div_41"; +"2308 div_41" -> "2309 transpose_40"; +"2309 transpose_40" -> "2310 matmul_40"; +"2310 matmul_40" -> "2314 mul_41"; +"2311 _param_constant335" -> "2312 clamp_20"; +"2312 clamp_20" -> "2313 exp_20"; +"2313 exp_20" -> "2314 mul_41"; +"2314 mul_41" -> "2315 add_70"; +"2315 add_70" -> "2316 softmax_20"; +"2316 softmax_20" -> "2317 dropout_80"; +"2317 dropout_80" -> "2318 matmul_41"; +"2318 matmul_41" -> "2319 transpose_41"; +"2319 transpose_41" -> "2320 reshape_92"; +"2320 reshape_92" -> "2323 linear_125"; +"2321 _param_constant336" -> "2323 linear_125"; +"2322 _param_constant337" -> "2323 linear_125"; +"2323 linear_125" -> "2324 dropout_81"; +"2324 dropout_81" -> "2325 view_113"; +"2325 view_113" -> "2326 permute_94"; +"2326 permute_94" -> "2327 reshape_93"; +"2327 reshape_93" -> "2328 slice_302"; +"2328 slice_302" -> "2329 slice_303"; +"2329 slice_303" -> "2330 slice_304"; +"2330 slice_304" -> "2331 slice_305"; +"2331 slice_305" -> "2332 contiguous_39"; +"2332 contiguous_39" -> "2335 layer_norm_43"; +"2333 _param_constant338" -> "2335 layer_norm_43"; +"2334 _param_constant339" -> "2335 layer_norm_43"; +"2335 layer_norm_43" -> "2336 add_71"; +"2336 add_71" -> "2339 linear_126"; +"2336 add_71" -> "2349 add_72"; +"2337 _param_constant340" -> "2339 linear_126"; +"2338 _param_constant341" -> "2339 linear_126"; +"2339 linear_126" -> "2340 gelu_20"; +"2340 gelu_20" -> "2341 dropout_82"; +"2341 dropout_82" -> "2344 linear_127"; +"2342 _param_constant342" -> "2344 linear_127"; +"2343 _param_constant343" -> "2344 linear_127"; +"2344 linear_127" -> "2345 dropout_83"; +"2345 dropout_83" -> "2348 layer_norm_44"; +"2346 _param_constant344" -> "2348 layer_norm_44"; +"2347 _param_constant345" -> "2348 layer_norm_44"; +"2348 layer_norm_44" -> "2349 add_72"; +"2349 add_72" -> "2366 pad_23"; +"2349 add_72" -> "2479 add_75"; +"2350 _tensor_constant132" -> "2353 linear_128"; +"2351 _param_constant346" -> "2353 linear_128"; +"2352 _param_constant347" -> "2353 linear_128"; +"2353 linear_128" -> "2354 relu__21"; +"2354 relu__21" -> "2356 linear_129"; +"2355 _param_constant348" -> "2356 linear_129"; +"2356 linear_129" -> "2357 view_114"; +"2357 view_114" -> "2359 index_21"; +"2358 _tensor_constant133" -> "2359 index_21"; +"2359 index_21" -> "2360 view_115"; +"2360 view_115" -> "2361 permute_95"; +"2361 permute_95" -> "2362 contiguous_40"; +"2362 contiguous_40" -> "2363 unsqueeze_61"; +"2363 unsqueeze_61" -> "2364 sigmoid_21"; +"2364 sigmoid_21" -> "2365 mul_42"; +"2365 mul_42" -> "2396 add_73"; +"2366 pad_23" -> "2367 roll_20"; +"2367 roll_20" -> "2368 view_116"; +"2368 view_116" -> "2369 permute_96"; +"2369 permute_96" -> "2370 reshape_94"; +"2370 reshape_94" -> "2376 linear_130"; +"2370 reshape_94" -> "2397 new_zeros_10"; +"2371 _param_constant349" -> "2372 clone_21"; +"2372 clone_21" -> "2373 slice_306"; +"2372 clone_21" -> "2376 linear_130"; +"2373 slice_306" -> "2374 zero__21"; +"2375 _param_constant350" -> "2376 linear_130"; +"2376 linear_130" -> "2377 reshape_95"; +"2377 reshape_95" -> "2378 permute_97"; +"2378 permute_97" -> "2379 select_63"; +"2378 permute_97" -> "2380 select_64"; +"2378 permute_97" -> "2381 select_65"; +"2379 select_63" -> "2382 linalg_vector_norm_42"; +"2379 select_63" -> "2384 expand_as_42"; +"2379 select_63" -> "2385 div_42"; +"2380 select_64" -> "2386 linalg_vector_norm_43"; +"2380 select_64" -> "2388 expand_as_43"; +"2380 select_64" -> "2389 div_43"; +"2381 select_65" -> "2460 matmul_43"; +"2382 linalg_vector_norm_42" -> "2383 clamp_min_42"; +"2383 clamp_min_42" -> "2384 expand_as_42"; +"2384 expand_as_42" -> "2385 div_42"; +"2385 div_42" -> "2391 matmul_42"; +"2386 linalg_vector_norm_43" -> "2387 clamp_min_43"; +"2387 clamp_min_43" -> "2388 expand_as_43"; +"2388 expand_as_43" -> "2389 div_43"; +"2389 div_43" -> "2390 transpose_42"; +"2390 transpose_42" -> "2391 matmul_42"; +"2391 matmul_42" -> "2395 mul_43"; +"2392 _param_constant351" -> "2393 clamp_21"; +"2393 clamp_21" -> "2394 exp_21"; +"2394 exp_21" -> "2395 mul_43"; +"2395 mul_43" -> "2396 add_73"; +"2396 add_73" -> "2453 view_118"; +"2397 new_zeros_10" -> "2400 slice_307"; +"2397 new_zeros_10" -> "2405 slice_309"; +"2397 new_zeros_10" -> "2410 slice_311"; +"2397 new_zeros_10" -> "2415 slice_313"; +"2397 new_zeros_10" -> "2420 slice_315"; +"2397 new_zeros_10" -> "2425 slice_317"; +"2397 new_zeros_10" -> "2430 slice_319"; +"2397 new_zeros_10" -> "2435 slice_321"; +"2397 new_zeros_10" -> "2440 slice_323"; +"2397 new_zeros_10" -> "2443 view_117"; +"2398 _tensor_constant134" -> "2399 lift_fresh_copy_90"; +"2399 lift_fresh_copy_90" -> "2402 fill__90"; +"2400 slice_307" -> "2401 slice_308"; +"2401 slice_308" -> "2402 fill__90"; +"2403 _tensor_constant135" -> "2404 lift_fresh_copy_91"; +"2404 lift_fresh_copy_91" -> "2407 fill__91"; +"2405 slice_309" -> "2406 slice_310"; +"2406 slice_310" -> "2407 fill__91"; +"2408 _tensor_constant136" -> "2409 lift_fresh_copy_92"; +"2409 lift_fresh_copy_92" -> "2412 fill__92"; +"2410 slice_311" -> "2411 slice_312"; +"2411 slice_312" -> "2412 fill__92"; +"2413 _tensor_constant137" -> "2414 lift_fresh_copy_93"; +"2414 lift_fresh_copy_93" -> "2417 fill__93"; +"2415 slice_313" -> "2416 slice_314"; +"2416 slice_314" -> "2417 fill__93"; +"2418 _tensor_constant138" -> "2419 lift_fresh_copy_94"; +"2419 lift_fresh_copy_94" -> "2422 fill__94"; +"2420 slice_315" -> "2421 slice_316"; +"2421 slice_316" -> "2422 fill__94"; +"2423 _tensor_constant139" -> "2424 lift_fresh_copy_95"; +"2424 lift_fresh_copy_95" -> "2427 fill__95"; +"2425 slice_317" -> "2426 slice_318"; +"2426 slice_318" -> "2427 fill__95"; +"2428 _tensor_constant140" -> "2429 lift_fresh_copy_96"; +"2429 lift_fresh_copy_96" -> "2432 fill__96"; +"2430 slice_319" -> "2431 slice_320"; +"2431 slice_320" -> "2432 fill__96"; +"2433 _tensor_constant141" -> "2434 lift_fresh_copy_97"; +"2434 lift_fresh_copy_97" -> "2437 fill__97"; +"2435 slice_321" -> "2436 slice_322"; +"2436 slice_322" -> "2437 fill__97"; +"2438 _tensor_constant142" -> "2439 lift_fresh_copy_98"; +"2439 lift_fresh_copy_98" -> "2442 fill__98"; +"2440 slice_323" -> "2441 slice_324"; +"2441 slice_324" -> "2442 fill__98"; +"2443 view_117" -> "2444 permute_98"; +"2444 permute_98" -> "2445 reshape_96"; +"2445 reshape_96" -> "2446 unsqueeze_62"; +"2445 reshape_96" -> "2447 unsqueeze_63"; +"2446 unsqueeze_62" -> "2448 sub_10"; +"2447 unsqueeze_63" -> "2448 sub_10"; +"2448 sub_10" -> "2449 ne_10"; +"2448 sub_10" -> "2450 masked_fill_20"; +"2448 sub_10" -> "2451 eq_10"; +"2449 ne_10" -> "2450 masked_fill_20"; +"2450 masked_fill_20" -> "2452 masked_fill_21"; +"2451 eq_10" -> "2452 masked_fill_21"; +"2452 masked_fill_21" -> "2454 unsqueeze_64"; +"2453 view_118" -> "2456 add_74"; +"2454 unsqueeze_64" -> "2455 unsqueeze_65"; +"2455 unsqueeze_65" -> "2456 add_74"; +"2456 add_74" -> "2457 view_119"; +"2457 view_119" -> "2458 softmax_21"; +"2458 softmax_21" -> "2459 dropout_84"; +"2459 dropout_84" -> "2460 matmul_43"; +"2460 matmul_43" -> "2461 transpose_43"; +"2461 transpose_43" -> "2462 reshape_97"; +"2462 reshape_97" -> "2465 linear_131"; +"2463 _param_constant352" -> "2465 linear_131"; +"2464 _param_constant353" -> "2465 linear_131"; +"2465 linear_131" -> "2466 dropout_85"; +"2466 dropout_85" -> "2467 view_120"; +"2467 view_120" -> "2468 permute_99"; +"2468 permute_99" -> "2469 reshape_98"; +"2469 reshape_98" -> "2470 roll_21"; +"2470 roll_21" -> "2471 slice_325"; +"2471 slice_325" -> "2472 slice_326"; +"2472 slice_326" -> "2473 slice_327"; +"2473 slice_327" -> "2474 slice_328"; +"2474 slice_328" -> "2475 contiguous_41"; +"2475 contiguous_41" -> "2478 layer_norm_45"; +"2476 _param_constant354" -> "2478 layer_norm_45"; +"2477 _param_constant355" -> "2478 layer_norm_45"; +"2478 layer_norm_45" -> "2479 add_75"; +"2479 add_75" -> "2482 linear_132"; +"2479 add_75" -> "2492 add_76"; +"2480 _param_constant356" -> "2482 linear_132"; +"2481 _param_constant357" -> "2482 linear_132"; +"2482 linear_132" -> "2483 gelu_21"; +"2483 gelu_21" -> "2484 dropout_86"; +"2484 dropout_86" -> "2487 linear_133"; +"2485 _param_constant358" -> "2487 linear_133"; +"2486 _param_constant359" -> "2487 linear_133"; +"2487 linear_133" -> "2488 dropout_87"; +"2488 dropout_87" -> "2491 layer_norm_46"; +"2489 _param_constant360" -> "2491 layer_norm_46"; +"2490 _param_constant361" -> "2491 layer_norm_46"; +"2491 layer_norm_46" -> "2492 add_76"; +"2492 add_76" -> "2493 pad_24"; +"2493 pad_24" -> "2494 slice_329"; +"2493 pad_24" -> "2497 slice_332"; +"2493 pad_24" -> "2500 slice_335"; +"2493 pad_24" -> "2503 slice_338"; +"2494 slice_329" -> "2495 slice_330"; +"2495 slice_330" -> "2496 slice_331"; +"2496 slice_331" -> "2506 cat_2"; +"2497 slice_332" -> "2498 slice_333"; +"2498 slice_333" -> "2499 slice_334"; +"2499 slice_334" -> "2506 cat_2"; +"2500 slice_335" -> "2501 slice_336"; +"2501 slice_336" -> "2502 slice_337"; +"2502 slice_337" -> "2506 cat_2"; +"2503 slice_338" -> "2504 slice_339"; +"2504 slice_339" -> "2505 slice_340"; +"2505 slice_340" -> "2506 cat_2"; +"2506 cat_2" -> "2508 linear_134"; +"2507 _param_constant362" -> "2508 linear_134"; +"2508 linear_134" -> "2511 layer_norm_47"; +"2509 _param_constant363" -> "2511 layer_norm_47"; +"2510 _param_constant364" -> "2511 layer_norm_47"; +"2511 layer_norm_47" -> "2528 pad_25"; +"2511 layer_norm_47" -> "2578 add_78"; +"2512 _tensor_constant143" -> "2515 linear_135"; +"2513 _param_constant365" -> "2515 linear_135"; +"2514 _param_constant366" -> "2515 linear_135"; +"2515 linear_135" -> "2516 relu__22"; +"2516 relu__22" -> "2518 linear_136"; +"2517 _param_constant367" -> "2518 linear_136"; +"2518 linear_136" -> "2519 view_121"; +"2519 view_121" -> "2521 index_22"; +"2520 _tensor_constant144" -> "2521 index_22"; +"2521 index_22" -> "2522 view_122"; +"2522 view_122" -> "2523 permute_100"; +"2523 permute_100" -> "2524 contiguous_42"; +"2524 contiguous_42" -> "2525 unsqueeze_66"; +"2525 unsqueeze_66" -> "2526 sigmoid_22"; +"2526 sigmoid_22" -> "2527 mul_44"; +"2527 mul_44" -> "2557 add_77"; +"2528 pad_25" -> "2529 view_123"; +"2529 view_123" -> "2530 permute_101"; +"2530 permute_101" -> "2531 reshape_99"; +"2531 reshape_99" -> "2537 linear_137"; +"2532 _param_constant368" -> "2533 clone_22"; +"2533 clone_22" -> "2534 slice_341"; +"2533 clone_22" -> "2537 linear_137"; +"2534 slice_341" -> "2535 zero__22"; +"2536 _param_constant369" -> "2537 linear_137"; +"2537 linear_137" -> "2538 reshape_100"; +"2538 reshape_100" -> "2539 permute_102"; +"2539 permute_102" -> "2540 select_66"; +"2539 permute_102" -> "2541 select_67"; +"2539 permute_102" -> "2542 select_68"; +"2540 select_66" -> "2543 linalg_vector_norm_44"; +"2540 select_66" -> "2545 expand_as_44"; +"2540 select_66" -> "2546 div_44"; +"2541 select_67" -> "2547 linalg_vector_norm_45"; +"2541 select_67" -> "2549 expand_as_45"; +"2541 select_67" -> "2550 div_45"; +"2542 select_68" -> "2560 matmul_45"; +"2543 linalg_vector_norm_44" -> "2544 clamp_min_44"; +"2544 clamp_min_44" -> "2545 expand_as_44"; +"2545 expand_as_44" -> "2546 div_44"; +"2546 div_44" -> "2552 matmul_44"; +"2547 linalg_vector_norm_45" -> "2548 clamp_min_45"; +"2548 clamp_min_45" -> "2549 expand_as_45"; +"2549 expand_as_45" -> "2550 div_45"; +"2550 div_45" -> "2551 transpose_44"; +"2551 transpose_44" -> "2552 matmul_44"; +"2552 matmul_44" -> "2556 mul_45"; +"2553 _param_constant370" -> "2554 clamp_22"; +"2554 clamp_22" -> "2555 exp_22"; +"2555 exp_22" -> "2556 mul_45"; +"2556 mul_45" -> "2557 add_77"; +"2557 add_77" -> "2558 softmax_22"; +"2558 softmax_22" -> "2559 dropout_88"; +"2559 dropout_88" -> "2560 matmul_45"; +"2560 matmul_45" -> "2561 transpose_45"; +"2561 transpose_45" -> "2562 reshape_101"; +"2562 reshape_101" -> "2565 linear_138"; +"2563 _param_constant371" -> "2565 linear_138"; +"2564 _param_constant372" -> "2565 linear_138"; +"2565 linear_138" -> "2566 dropout_89"; +"2566 dropout_89" -> "2567 view_124"; +"2567 view_124" -> "2568 permute_103"; +"2568 permute_103" -> "2569 reshape_102"; +"2569 reshape_102" -> "2570 slice_342"; +"2570 slice_342" -> "2571 slice_343"; +"2571 slice_343" -> "2572 slice_344"; +"2572 slice_344" -> "2573 slice_345"; +"2573 slice_345" -> "2574 contiguous_43"; +"2574 contiguous_43" -> "2577 layer_norm_48"; +"2575 _param_constant373" -> "2577 layer_norm_48"; +"2576 _param_constant374" -> "2577 layer_norm_48"; +"2577 layer_norm_48" -> "2578 add_78"; +"2578 add_78" -> "2581 linear_139"; +"2578 add_78" -> "2591 add_79"; +"2579 _param_constant375" -> "2581 linear_139"; +"2580 _param_constant376" -> "2581 linear_139"; +"2581 linear_139" -> "2582 gelu_22"; +"2582 gelu_22" -> "2583 dropout_90"; +"2583 dropout_90" -> "2586 linear_140"; +"2584 _param_constant377" -> "2586 linear_140"; +"2585 _param_constant378" -> "2586 linear_140"; +"2586 linear_140" -> "2587 dropout_91"; +"2587 dropout_91" -> "2590 layer_norm_49"; +"2588 _param_constant379" -> "2590 layer_norm_49"; +"2589 _param_constant380" -> "2590 layer_norm_49"; +"2590 layer_norm_49" -> "2591 add_79"; +"2591 add_79" -> "2608 pad_26"; +"2591 add_79" -> "2658 add_81"; +"2592 _tensor_constant145" -> "2595 linear_141"; +"2593 _param_constant381" -> "2595 linear_141"; +"2594 _param_constant382" -> "2595 linear_141"; +"2595 linear_141" -> "2596 relu__23"; +"2596 relu__23" -> "2598 linear_142"; +"2597 _param_constant383" -> "2598 linear_142"; +"2598 linear_142" -> "2599 view_125"; +"2599 view_125" -> "2601 index_23"; +"2600 _tensor_constant146" -> "2601 index_23"; +"2601 index_23" -> "2602 view_126"; +"2602 view_126" -> "2603 permute_104"; +"2603 permute_104" -> "2604 contiguous_44"; +"2604 contiguous_44" -> "2605 unsqueeze_67"; +"2605 unsqueeze_67" -> "2606 sigmoid_23"; +"2606 sigmoid_23" -> "2607 mul_46"; +"2607 mul_46" -> "2637 add_80"; +"2608 pad_26" -> "2609 view_127"; +"2609 view_127" -> "2610 permute_105"; +"2610 permute_105" -> "2611 reshape_103"; +"2611 reshape_103" -> "2617 linear_143"; +"2612 _param_constant384" -> "2613 clone_23"; +"2613 clone_23" -> "2614 slice_346"; +"2613 clone_23" -> "2617 linear_143"; +"2614 slice_346" -> "2615 zero__23"; +"2616 _param_constant385" -> "2617 linear_143"; +"2617 linear_143" -> "2618 reshape_104"; +"2618 reshape_104" -> "2619 permute_106"; +"2619 permute_106" -> "2620 select_69"; +"2619 permute_106" -> "2621 select_70"; +"2619 permute_106" -> "2622 select_71"; +"2620 select_69" -> "2623 linalg_vector_norm_46"; +"2620 select_69" -> "2625 expand_as_46"; +"2620 select_69" -> "2626 div_46"; +"2621 select_70" -> "2627 linalg_vector_norm_47"; +"2621 select_70" -> "2629 expand_as_47"; +"2621 select_70" -> "2630 div_47"; +"2622 select_71" -> "2640 matmul_47"; +"2623 linalg_vector_norm_46" -> "2624 clamp_min_46"; +"2624 clamp_min_46" -> "2625 expand_as_46"; +"2625 expand_as_46" -> "2626 div_46"; +"2626 div_46" -> "2632 matmul_46"; +"2627 linalg_vector_norm_47" -> "2628 clamp_min_47"; +"2628 clamp_min_47" -> "2629 expand_as_47"; +"2629 expand_as_47" -> "2630 div_47"; +"2630 div_47" -> "2631 transpose_46"; +"2631 transpose_46" -> "2632 matmul_46"; +"2632 matmul_46" -> "2636 mul_47"; +"2633 _param_constant386" -> "2634 clamp_23"; +"2634 clamp_23" -> "2635 exp_23"; +"2635 exp_23" -> "2636 mul_47"; +"2636 mul_47" -> "2637 add_80"; +"2637 add_80" -> "2638 softmax_23"; +"2638 softmax_23" -> "2639 dropout_92"; +"2639 dropout_92" -> "2640 matmul_47"; +"2640 matmul_47" -> "2641 transpose_47"; +"2641 transpose_47" -> "2642 reshape_105"; +"2642 reshape_105" -> "2645 linear_144"; +"2643 _param_constant387" -> "2645 linear_144"; +"2644 _param_constant388" -> "2645 linear_144"; +"2645 linear_144" -> "2646 dropout_93"; +"2646 dropout_93" -> "2647 view_128"; +"2647 view_128" -> "2648 permute_107"; +"2648 permute_107" -> "2649 reshape_106"; +"2649 reshape_106" -> "2650 slice_347"; +"2650 slice_347" -> "2651 slice_348"; +"2651 slice_348" -> "2652 slice_349"; +"2652 slice_349" -> "2653 slice_350"; +"2653 slice_350" -> "2654 contiguous_45"; +"2654 contiguous_45" -> "2657 layer_norm_50"; +"2655 _param_constant389" -> "2657 layer_norm_50"; +"2656 _param_constant390" -> "2657 layer_norm_50"; +"2657 layer_norm_50" -> "2658 add_81"; +"2658 add_81" -> "2661 linear_145"; +"2658 add_81" -> "2671 add_82"; +"2659 _param_constant391" -> "2661 linear_145"; +"2660 _param_constant392" -> "2661 linear_145"; +"2661 linear_145" -> "2662 gelu_23"; +"2662 gelu_23" -> "2663 dropout_94"; +"2663 dropout_94" -> "2666 linear_146"; +"2664 _param_constant393" -> "2666 linear_146"; +"2665 _param_constant394" -> "2666 linear_146"; +"2666 linear_146" -> "2667 dropout_95"; +"2667 dropout_95" -> "2670 layer_norm_51"; +"2668 _param_constant395" -> "2670 layer_norm_51"; +"2669 _param_constant396" -> "2670 layer_norm_51"; +"2670 layer_norm_51" -> "2671 add_82"; +"2671 add_82" -> "2674 layer_norm_52"; +"2672 _param_constant397" -> "2674 layer_norm_52"; +"2673 _param_constant398" -> "2674 layer_norm_52"; +"2674 layer_norm_52" -> "2675 permute_108"; +"2675 permute_108" -> "2676 adaptive_avg_pool2d"; +"2676 adaptive_avg_pool2d" -> "2677 flatten"; +"2677 flatten" -> "2680 linear_147"; +"2678 _param_constant399" -> "2680 linear_147"; +"2679 _param_constant400" -> "2680 linear_147"; +"2680 linear_147" -> "2681 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/vit_b_16.dot b/tests/torch/data/reference_graphs/fx/vit_b_16.dot new file mode 100644 index 00000000000..70e71d5e8ce --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/vit_b_16.dot @@ -0,0 +1,1219 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant1" [id=2, type=get_attr]; +"3 conv2d" [id=3, type=conv2d]; +"4 reshape" [id=4, type=reshape]; +"5 permute" [id=5, type=permute]; +"6 _param_constant2" [id=6, type=get_attr]; +"7 expand" [id=7, type=expand]; +"8 cat" [id=8, type=cat]; +"9 _param_constant3" [id=9, type=get_attr]; +"10 add" [id=10, type=add]; +"11 dropout" [id=11, type=dropout]; +"12 _param_constant4" [id=12, type=get_attr]; +"13 _param_constant5" [id=13, type=get_attr]; +"14 layer_norm" [id=14, type=layer_norm]; +"15 transpose" [id=15, type=transpose]; +"16 _param_constant6" [id=16, type=get_attr]; +"17 _param_constant7" [id=17, type=get_attr]; +"18 linear" [id=18, type=linear]; +"19 unflatten" [id=19, type=unflatten]; +"20 unsqueeze" [id=20, type=unsqueeze]; +"21 transpose_1" [id=21, type=transpose]; +"22 squeeze" [id=22, type=squeeze]; +"23 contiguous" [id=23, type=contiguous]; +"24 select" [id=24, type=select]; +"25 select_1" [id=25, type=select]; +"26 select_2" [id=26, type=select]; +"27 view" [id=27, type=view]; +"28 transpose_2" [id=28, type=transpose]; +"29 view_1" [id=29, type=view]; +"30 transpose_3" [id=30, type=transpose]; +"31 view_2" [id=31, type=view]; +"32 transpose_4" [id=32, type=transpose]; +"33 view_3" [id=33, type=view]; +"34 view_4" [id=34, type=view]; +"35 view_5" [id=35, type=view]; +"36 scaled_dot_product_attention" [id=36, type=scaled_dot_product_attention]; +"37 permute_1" [id=37, type=permute]; +"38 view_6" [id=38, type=view]; +"39 _param_constant8" [id=39, type=get_attr]; +"40 _param_constant9" [id=40, type=get_attr]; +"41 linear_1" [id=41, type=linear]; +"42 view_7" [id=42, type=view]; +"43 transpose_5" [id=43, type=transpose]; +"44 dropout_1" [id=44, type=dropout]; +"45 add_1" [id=45, type=add]; +"46 _param_constant10" [id=46, type=get_attr]; +"47 _param_constant11" [id=47, type=get_attr]; +"48 layer_norm_1" [id=48, type=layer_norm]; +"49 _param_constant12" [id=49, type=get_attr]; +"50 _param_constant13" [id=50, type=get_attr]; +"51 linear_2" [id=51, type=linear]; +"52 gelu" [id=52, type=gelu]; +"53 dropout_2" [id=53, type=dropout]; +"54 _param_constant14" [id=54, type=get_attr]; +"55 _param_constant15" [id=55, type=get_attr]; +"56 linear_3" [id=56, type=linear]; +"57 dropout_3" [id=57, type=dropout]; +"58 add_2" [id=58, type=add]; +"59 _param_constant16" [id=59, type=get_attr]; +"60 _param_constant17" [id=60, type=get_attr]; +"61 layer_norm_2" [id=61, type=layer_norm]; +"62 transpose_6" [id=62, type=transpose]; +"63 _param_constant18" [id=63, type=get_attr]; +"64 _param_constant19" [id=64, type=get_attr]; +"65 linear_4" [id=65, type=linear]; +"66 unflatten_1" [id=66, type=unflatten]; +"67 unsqueeze_1" [id=67, type=unsqueeze]; +"68 transpose_7" [id=68, type=transpose]; +"69 squeeze_1" [id=69, type=squeeze]; +"70 contiguous_1" [id=70, type=contiguous]; +"71 select_3" [id=71, type=select]; +"72 select_4" [id=72, type=select]; +"73 select_5" [id=73, type=select]; +"74 view_8" [id=74, type=view]; +"75 transpose_8" [id=75, type=transpose]; +"76 view_9" [id=76, type=view]; +"77 transpose_9" [id=77, type=transpose]; +"78 view_10" [id=78, type=view]; +"79 transpose_10" [id=79, type=transpose]; +"80 view_11" [id=80, type=view]; +"81 view_12" [id=81, type=view]; +"82 view_13" [id=82, type=view]; +"83 scaled_dot_product_attention_1" [id=83, type=scaled_dot_product_attention]; +"84 permute_2" [id=84, type=permute]; +"85 view_14" [id=85, type=view]; +"86 _param_constant20" [id=86, type=get_attr]; +"87 _param_constant21" [id=87, type=get_attr]; +"88 linear_5" [id=88, type=linear]; +"89 view_15" [id=89, type=view]; +"90 transpose_11" [id=90, type=transpose]; +"91 dropout_4" [id=91, type=dropout]; +"92 add_3" [id=92, type=add]; +"93 _param_constant22" [id=93, type=get_attr]; +"94 _param_constant23" [id=94, type=get_attr]; +"95 layer_norm_3" [id=95, type=layer_norm]; +"96 _param_constant24" [id=96, type=get_attr]; +"97 _param_constant25" [id=97, type=get_attr]; +"98 linear_6" [id=98, type=linear]; +"99 gelu_1" [id=99, type=gelu]; +"100 dropout_5" [id=100, type=dropout]; +"101 _param_constant26" [id=101, type=get_attr]; +"102 _param_constant27" [id=102, type=get_attr]; +"103 linear_7" [id=103, type=linear]; +"104 dropout_6" [id=104, type=dropout]; +"105 add_4" [id=105, type=add]; +"106 _param_constant28" [id=106, type=get_attr]; +"107 _param_constant29" [id=107, type=get_attr]; +"108 layer_norm_4" [id=108, type=layer_norm]; +"109 transpose_12" [id=109, type=transpose]; +"110 _param_constant30" [id=110, type=get_attr]; +"111 _param_constant31" [id=111, type=get_attr]; +"112 linear_8" [id=112, type=linear]; +"113 unflatten_2" [id=113, type=unflatten]; +"114 unsqueeze_2" [id=114, type=unsqueeze]; +"115 transpose_13" [id=115, type=transpose]; +"116 squeeze_2" [id=116, type=squeeze]; +"117 contiguous_2" [id=117, type=contiguous]; +"118 select_6" [id=118, type=select]; +"119 select_7" [id=119, type=select]; +"120 select_8" [id=120, type=select]; +"121 view_16" [id=121, type=view]; +"122 transpose_14" [id=122, type=transpose]; +"123 view_17" [id=123, type=view]; +"124 transpose_15" [id=124, type=transpose]; +"125 view_18" [id=125, type=view]; +"126 transpose_16" [id=126, type=transpose]; +"127 view_19" [id=127, type=view]; +"128 view_20" [id=128, type=view]; +"129 view_21" [id=129, type=view]; +"130 scaled_dot_product_attention_2" [id=130, type=scaled_dot_product_attention]; +"131 permute_3" [id=131, type=permute]; +"132 view_22" [id=132, type=view]; +"133 _param_constant32" [id=133, type=get_attr]; +"134 _param_constant33" [id=134, type=get_attr]; +"135 linear_9" [id=135, type=linear]; +"136 view_23" [id=136, type=view]; +"137 transpose_17" [id=137, type=transpose]; +"138 dropout_7" [id=138, type=dropout]; +"139 add_5" [id=139, type=add]; +"140 _param_constant34" [id=140, type=get_attr]; +"141 _param_constant35" [id=141, type=get_attr]; +"142 layer_norm_5" [id=142, type=layer_norm]; +"143 _param_constant36" [id=143, type=get_attr]; +"144 _param_constant37" [id=144, type=get_attr]; +"145 linear_10" [id=145, type=linear]; +"146 gelu_2" [id=146, type=gelu]; +"147 dropout_8" [id=147, type=dropout]; +"148 _param_constant38" [id=148, type=get_attr]; +"149 _param_constant39" [id=149, type=get_attr]; +"150 linear_11" [id=150, type=linear]; +"151 dropout_9" [id=151, type=dropout]; +"152 add_6" [id=152, type=add]; +"153 _param_constant40" [id=153, type=get_attr]; +"154 _param_constant41" [id=154, type=get_attr]; +"155 layer_norm_6" [id=155, type=layer_norm]; +"156 transpose_18" [id=156, type=transpose]; +"157 _param_constant42" [id=157, type=get_attr]; +"158 _param_constant43" [id=158, type=get_attr]; +"159 linear_12" [id=159, type=linear]; +"160 unflatten_3" [id=160, type=unflatten]; +"161 unsqueeze_3" [id=161, type=unsqueeze]; +"162 transpose_19" [id=162, type=transpose]; +"163 squeeze_3" [id=163, type=squeeze]; +"164 contiguous_3" [id=164, type=contiguous]; +"165 select_9" [id=165, type=select]; +"166 select_10" [id=166, type=select]; +"167 select_11" [id=167, type=select]; +"168 view_24" [id=168, type=view]; +"169 transpose_20" [id=169, type=transpose]; +"170 view_25" [id=170, type=view]; +"171 transpose_21" [id=171, type=transpose]; +"172 view_26" [id=172, type=view]; +"173 transpose_22" [id=173, type=transpose]; +"174 view_27" [id=174, type=view]; +"175 view_28" [id=175, type=view]; +"176 view_29" [id=176, type=view]; +"177 scaled_dot_product_attention_3" [id=177, type=scaled_dot_product_attention]; +"178 permute_4" [id=178, type=permute]; +"179 view_30" [id=179, type=view]; +"180 _param_constant44" [id=180, type=get_attr]; +"181 _param_constant45" [id=181, type=get_attr]; +"182 linear_13" [id=182, type=linear]; +"183 view_31" [id=183, type=view]; +"184 transpose_23" [id=184, type=transpose]; +"185 dropout_10" [id=185, type=dropout]; +"186 add_7" [id=186, type=add]; +"187 _param_constant46" [id=187, type=get_attr]; +"188 _param_constant47" [id=188, type=get_attr]; +"189 layer_norm_7" [id=189, type=layer_norm]; +"190 _param_constant48" [id=190, type=get_attr]; +"191 _param_constant49" [id=191, type=get_attr]; +"192 linear_14" [id=192, type=linear]; +"193 gelu_3" [id=193, type=gelu]; +"194 dropout_11" [id=194, type=dropout]; +"195 _param_constant50" [id=195, type=get_attr]; +"196 _param_constant51" [id=196, type=get_attr]; +"197 linear_15" [id=197, type=linear]; +"198 dropout_12" [id=198, type=dropout]; +"199 add_8" [id=199, type=add]; +"200 _param_constant52" [id=200, type=get_attr]; +"201 _param_constant53" [id=201, type=get_attr]; +"202 layer_norm_8" [id=202, type=layer_norm]; +"203 transpose_24" [id=203, type=transpose]; +"204 _param_constant54" [id=204, type=get_attr]; +"205 _param_constant55" [id=205, type=get_attr]; +"206 linear_16" [id=206, type=linear]; +"207 unflatten_4" [id=207, type=unflatten]; +"208 unsqueeze_4" [id=208, type=unsqueeze]; +"209 transpose_25" [id=209, type=transpose]; +"210 squeeze_4" [id=210, type=squeeze]; +"211 contiguous_4" [id=211, type=contiguous]; +"212 select_12" [id=212, type=select]; +"213 select_13" [id=213, type=select]; +"214 select_14" [id=214, type=select]; +"215 view_32" [id=215, type=view]; +"216 transpose_26" [id=216, type=transpose]; +"217 view_33" [id=217, type=view]; +"218 transpose_27" [id=218, type=transpose]; +"219 view_34" [id=219, type=view]; +"220 transpose_28" [id=220, type=transpose]; +"221 view_35" [id=221, type=view]; +"222 view_36" [id=222, type=view]; +"223 view_37" [id=223, type=view]; +"224 scaled_dot_product_attention_4" [id=224, type=scaled_dot_product_attention]; +"225 permute_5" [id=225, type=permute]; +"226 view_38" [id=226, type=view]; +"227 _param_constant56" [id=227, type=get_attr]; +"228 _param_constant57" [id=228, type=get_attr]; +"229 linear_17" [id=229, type=linear]; +"230 view_39" [id=230, type=view]; +"231 transpose_29" [id=231, type=transpose]; +"232 dropout_13" [id=232, type=dropout]; +"233 add_9" [id=233, type=add]; +"234 _param_constant58" [id=234, type=get_attr]; +"235 _param_constant59" [id=235, type=get_attr]; +"236 layer_norm_9" [id=236, type=layer_norm]; +"237 _param_constant60" [id=237, type=get_attr]; +"238 _param_constant61" [id=238, type=get_attr]; +"239 linear_18" [id=239, type=linear]; +"240 gelu_4" [id=240, type=gelu]; +"241 dropout_14" [id=241, type=dropout]; +"242 _param_constant62" [id=242, type=get_attr]; +"243 _param_constant63" [id=243, type=get_attr]; +"244 linear_19" [id=244, type=linear]; +"245 dropout_15" [id=245, type=dropout]; +"246 add_10" [id=246, type=add]; +"247 _param_constant64" [id=247, type=get_attr]; +"248 _param_constant65" [id=248, type=get_attr]; +"249 layer_norm_10" [id=249, type=layer_norm]; +"250 transpose_30" [id=250, type=transpose]; +"251 _param_constant66" [id=251, type=get_attr]; +"252 _param_constant67" [id=252, type=get_attr]; +"253 linear_20" [id=253, type=linear]; +"254 unflatten_5" [id=254, type=unflatten]; +"255 unsqueeze_5" [id=255, type=unsqueeze]; +"256 transpose_31" [id=256, type=transpose]; +"257 squeeze_5" [id=257, type=squeeze]; +"258 contiguous_5" [id=258, type=contiguous]; +"259 select_15" [id=259, type=select]; +"260 select_16" [id=260, type=select]; +"261 select_17" [id=261, type=select]; +"262 view_40" [id=262, type=view]; +"263 transpose_32" [id=263, type=transpose]; +"264 view_41" [id=264, type=view]; +"265 transpose_33" [id=265, type=transpose]; +"266 view_42" [id=266, type=view]; +"267 transpose_34" [id=267, type=transpose]; +"268 view_43" [id=268, type=view]; +"269 view_44" [id=269, type=view]; +"270 view_45" [id=270, type=view]; +"271 scaled_dot_product_attention_5" [id=271, type=scaled_dot_product_attention]; +"272 permute_6" [id=272, type=permute]; +"273 view_46" [id=273, type=view]; +"274 _param_constant68" [id=274, type=get_attr]; +"275 _param_constant69" [id=275, type=get_attr]; +"276 linear_21" [id=276, type=linear]; +"277 view_47" [id=277, type=view]; +"278 transpose_35" [id=278, type=transpose]; +"279 dropout_16" [id=279, type=dropout]; +"280 add_11" [id=280, type=add]; +"281 _param_constant70" [id=281, type=get_attr]; +"282 _param_constant71" [id=282, type=get_attr]; +"283 layer_norm_11" [id=283, type=layer_norm]; +"284 _param_constant72" [id=284, type=get_attr]; +"285 _param_constant73" [id=285, type=get_attr]; +"286 linear_22" [id=286, type=linear]; +"287 gelu_5" [id=287, type=gelu]; +"288 dropout_17" [id=288, type=dropout]; +"289 _param_constant74" [id=289, type=get_attr]; +"290 _param_constant75" [id=290, type=get_attr]; +"291 linear_23" [id=291, type=linear]; +"292 dropout_18" [id=292, type=dropout]; +"293 add_12" [id=293, type=add]; +"294 _param_constant76" [id=294, type=get_attr]; +"295 _param_constant77" [id=295, type=get_attr]; +"296 layer_norm_12" [id=296, type=layer_norm]; +"297 transpose_36" [id=297, type=transpose]; +"298 _param_constant78" [id=298, type=get_attr]; +"299 _param_constant79" [id=299, type=get_attr]; +"300 linear_24" [id=300, type=linear]; +"301 unflatten_6" [id=301, type=unflatten]; +"302 unsqueeze_6" [id=302, type=unsqueeze]; +"303 transpose_37" [id=303, type=transpose]; +"304 squeeze_6" [id=304, type=squeeze]; +"305 contiguous_6" [id=305, type=contiguous]; +"306 select_18" [id=306, type=select]; +"307 select_19" [id=307, type=select]; +"308 select_20" [id=308, type=select]; +"309 view_48" [id=309, type=view]; +"310 transpose_38" [id=310, type=transpose]; +"311 view_49" [id=311, type=view]; +"312 transpose_39" [id=312, type=transpose]; +"313 view_50" [id=313, type=view]; +"314 transpose_40" [id=314, type=transpose]; +"315 view_51" [id=315, type=view]; +"316 view_52" [id=316, type=view]; +"317 view_53" [id=317, type=view]; +"318 scaled_dot_product_attention_6" [id=318, type=scaled_dot_product_attention]; +"319 permute_7" [id=319, type=permute]; +"320 view_54" [id=320, type=view]; +"321 _param_constant80" [id=321, type=get_attr]; +"322 _param_constant81" [id=322, type=get_attr]; +"323 linear_25" [id=323, type=linear]; +"324 view_55" [id=324, type=view]; +"325 transpose_41" [id=325, type=transpose]; +"326 dropout_19" [id=326, type=dropout]; +"327 add_13" [id=327, type=add]; +"328 _param_constant82" [id=328, type=get_attr]; +"329 _param_constant83" [id=329, type=get_attr]; +"330 layer_norm_13" [id=330, type=layer_norm]; +"331 _param_constant84" [id=331, type=get_attr]; +"332 _param_constant85" [id=332, type=get_attr]; +"333 linear_26" [id=333, type=linear]; +"334 gelu_6" [id=334, type=gelu]; +"335 dropout_20" [id=335, type=dropout]; +"336 _param_constant86" [id=336, type=get_attr]; +"337 _param_constant87" [id=337, type=get_attr]; +"338 linear_27" [id=338, type=linear]; +"339 dropout_21" [id=339, type=dropout]; +"340 add_14" [id=340, type=add]; +"341 _param_constant88" [id=341, type=get_attr]; +"342 _param_constant89" [id=342, type=get_attr]; +"343 layer_norm_14" [id=343, type=layer_norm]; +"344 transpose_42" [id=344, type=transpose]; +"345 _param_constant90" [id=345, type=get_attr]; +"346 _param_constant91" [id=346, type=get_attr]; +"347 linear_28" [id=347, type=linear]; +"348 unflatten_7" [id=348, type=unflatten]; +"349 unsqueeze_7" [id=349, type=unsqueeze]; +"350 transpose_43" [id=350, type=transpose]; +"351 squeeze_7" [id=351, type=squeeze]; +"352 contiguous_7" [id=352, type=contiguous]; +"353 select_21" [id=353, type=select]; +"354 select_22" [id=354, type=select]; +"355 select_23" [id=355, type=select]; +"356 view_56" [id=356, type=view]; +"357 transpose_44" [id=357, type=transpose]; +"358 view_57" [id=358, type=view]; +"359 transpose_45" [id=359, type=transpose]; +"360 view_58" [id=360, type=view]; +"361 transpose_46" [id=361, type=transpose]; +"362 view_59" [id=362, type=view]; +"363 view_60" [id=363, type=view]; +"364 view_61" [id=364, type=view]; +"365 scaled_dot_product_attention_7" [id=365, type=scaled_dot_product_attention]; +"366 permute_8" [id=366, type=permute]; +"367 view_62" [id=367, type=view]; +"368 _param_constant92" [id=368, type=get_attr]; +"369 _param_constant93" [id=369, type=get_attr]; +"370 linear_29" [id=370, type=linear]; +"371 view_63" [id=371, type=view]; +"372 transpose_47" [id=372, type=transpose]; +"373 dropout_22" [id=373, type=dropout]; +"374 add_15" [id=374, type=add]; +"375 _param_constant94" [id=375, type=get_attr]; +"376 _param_constant95" [id=376, type=get_attr]; +"377 layer_norm_15" [id=377, type=layer_norm]; +"378 _param_constant96" [id=378, type=get_attr]; +"379 _param_constant97" [id=379, type=get_attr]; +"380 linear_30" [id=380, type=linear]; +"381 gelu_7" [id=381, type=gelu]; +"382 dropout_23" [id=382, type=dropout]; +"383 _param_constant98" [id=383, type=get_attr]; +"384 _param_constant99" [id=384, type=get_attr]; +"385 linear_31" [id=385, type=linear]; +"386 dropout_24" [id=386, type=dropout]; +"387 add_16" [id=387, type=add]; +"388 _param_constant100" [id=388, type=get_attr]; +"389 _param_constant101" [id=389, type=get_attr]; +"390 layer_norm_16" [id=390, type=layer_norm]; +"391 transpose_48" [id=391, type=transpose]; +"392 _param_constant102" [id=392, type=get_attr]; +"393 _param_constant103" [id=393, type=get_attr]; +"394 linear_32" [id=394, type=linear]; +"395 unflatten_8" [id=395, type=unflatten]; +"396 unsqueeze_8" [id=396, type=unsqueeze]; +"397 transpose_49" [id=397, type=transpose]; +"398 squeeze_8" [id=398, type=squeeze]; +"399 contiguous_8" [id=399, type=contiguous]; +"400 select_24" [id=400, type=select]; +"401 select_25" [id=401, type=select]; +"402 select_26" [id=402, type=select]; +"403 view_64" [id=403, type=view]; +"404 transpose_50" [id=404, type=transpose]; +"405 view_65" [id=405, type=view]; +"406 transpose_51" [id=406, type=transpose]; +"407 view_66" [id=407, type=view]; +"408 transpose_52" [id=408, type=transpose]; +"409 view_67" [id=409, type=view]; +"410 view_68" [id=410, type=view]; +"411 view_69" [id=411, type=view]; +"412 scaled_dot_product_attention_8" [id=412, type=scaled_dot_product_attention]; +"413 permute_9" [id=413, type=permute]; +"414 view_70" [id=414, type=view]; +"415 _param_constant104" [id=415, type=get_attr]; +"416 _param_constant105" [id=416, type=get_attr]; +"417 linear_33" [id=417, type=linear]; +"418 view_71" [id=418, type=view]; +"419 transpose_53" [id=419, type=transpose]; +"420 dropout_25" [id=420, type=dropout]; +"421 add_17" [id=421, type=add]; +"422 _param_constant106" [id=422, type=get_attr]; +"423 _param_constant107" [id=423, type=get_attr]; +"424 layer_norm_17" [id=424, type=layer_norm]; +"425 _param_constant108" [id=425, type=get_attr]; +"426 _param_constant109" [id=426, type=get_attr]; +"427 linear_34" [id=427, type=linear]; +"428 gelu_8" [id=428, type=gelu]; +"429 dropout_26" [id=429, type=dropout]; +"430 _param_constant110" [id=430, type=get_attr]; +"431 _param_constant111" [id=431, type=get_attr]; +"432 linear_35" [id=432, type=linear]; +"433 dropout_27" [id=433, type=dropout]; +"434 add_18" [id=434, type=add]; +"435 _param_constant112" [id=435, type=get_attr]; +"436 _param_constant113" [id=436, type=get_attr]; +"437 layer_norm_18" [id=437, type=layer_norm]; +"438 transpose_54" [id=438, type=transpose]; +"439 _param_constant114" [id=439, type=get_attr]; +"440 _param_constant115" [id=440, type=get_attr]; +"441 linear_36" [id=441, type=linear]; +"442 unflatten_9" [id=442, type=unflatten]; +"443 unsqueeze_9" [id=443, type=unsqueeze]; +"444 transpose_55" [id=444, type=transpose]; +"445 squeeze_9" [id=445, type=squeeze]; +"446 contiguous_9" [id=446, type=contiguous]; +"447 select_27" [id=447, type=select]; +"448 select_28" [id=448, type=select]; +"449 select_29" [id=449, type=select]; +"450 view_72" [id=450, type=view]; +"451 transpose_56" [id=451, type=transpose]; +"452 view_73" [id=452, type=view]; +"453 transpose_57" [id=453, type=transpose]; +"454 view_74" [id=454, type=view]; +"455 transpose_58" [id=455, type=transpose]; +"456 view_75" [id=456, type=view]; +"457 view_76" [id=457, type=view]; +"458 view_77" [id=458, type=view]; +"459 scaled_dot_product_attention_9" [id=459, type=scaled_dot_product_attention]; +"460 permute_10" [id=460, type=permute]; +"461 view_78" [id=461, type=view]; +"462 _param_constant116" [id=462, type=get_attr]; +"463 _param_constant117" [id=463, type=get_attr]; +"464 linear_37" [id=464, type=linear]; +"465 view_79" [id=465, type=view]; +"466 transpose_59" [id=466, type=transpose]; +"467 dropout_28" [id=467, type=dropout]; +"468 add_19" [id=468, type=add]; +"469 _param_constant118" [id=469, type=get_attr]; +"470 _param_constant119" [id=470, type=get_attr]; +"471 layer_norm_19" [id=471, type=layer_norm]; +"472 _param_constant120" [id=472, type=get_attr]; +"473 _param_constant121" [id=473, type=get_attr]; +"474 linear_38" [id=474, type=linear]; +"475 gelu_9" [id=475, type=gelu]; +"476 dropout_29" [id=476, type=dropout]; +"477 _param_constant122" [id=477, type=get_attr]; +"478 _param_constant123" [id=478, type=get_attr]; +"479 linear_39" [id=479, type=linear]; +"480 dropout_30" [id=480, type=dropout]; +"481 add_20" [id=481, type=add]; +"482 _param_constant124" [id=482, type=get_attr]; +"483 _param_constant125" [id=483, type=get_attr]; +"484 layer_norm_20" [id=484, type=layer_norm]; +"485 transpose_60" [id=485, type=transpose]; +"486 _param_constant126" [id=486, type=get_attr]; +"487 _param_constant127" [id=487, type=get_attr]; +"488 linear_40" [id=488, type=linear]; +"489 unflatten_10" [id=489, type=unflatten]; +"490 unsqueeze_10" [id=490, type=unsqueeze]; +"491 transpose_61" [id=491, type=transpose]; +"492 squeeze_10" [id=492, type=squeeze]; +"493 contiguous_10" [id=493, type=contiguous]; +"494 select_30" [id=494, type=select]; +"495 select_31" [id=495, type=select]; +"496 select_32" [id=496, type=select]; +"497 view_80" [id=497, type=view]; +"498 transpose_62" [id=498, type=transpose]; +"499 view_81" [id=499, type=view]; +"500 transpose_63" [id=500, type=transpose]; +"501 view_82" [id=501, type=view]; +"502 transpose_64" [id=502, type=transpose]; +"503 view_83" [id=503, type=view]; +"504 view_84" [id=504, type=view]; +"505 view_85" [id=505, type=view]; +"506 scaled_dot_product_attention_10" [id=506, type=scaled_dot_product_attention]; +"507 permute_11" [id=507, type=permute]; +"508 view_86" [id=508, type=view]; +"509 _param_constant128" [id=509, type=get_attr]; +"510 _param_constant129" [id=510, type=get_attr]; +"511 linear_41" [id=511, type=linear]; +"512 view_87" [id=512, type=view]; +"513 transpose_65" [id=513, type=transpose]; +"514 dropout_31" [id=514, type=dropout]; +"515 add_21" [id=515, type=add]; +"516 _param_constant130" [id=516, type=get_attr]; +"517 _param_constant131" [id=517, type=get_attr]; +"518 layer_norm_21" [id=518, type=layer_norm]; +"519 _param_constant132" [id=519, type=get_attr]; +"520 _param_constant133" [id=520, type=get_attr]; +"521 linear_42" [id=521, type=linear]; +"522 gelu_10" [id=522, type=gelu]; +"523 dropout_32" [id=523, type=dropout]; +"524 _param_constant134" [id=524, type=get_attr]; +"525 _param_constant135" [id=525, type=get_attr]; +"526 linear_43" [id=526, type=linear]; +"527 dropout_33" [id=527, type=dropout]; +"528 add_22" [id=528, type=add]; +"529 _param_constant136" [id=529, type=get_attr]; +"530 _param_constant137" [id=530, type=get_attr]; +"531 layer_norm_22" [id=531, type=layer_norm]; +"532 transpose_66" [id=532, type=transpose]; +"533 _param_constant138" [id=533, type=get_attr]; +"534 _param_constant139" [id=534, type=get_attr]; +"535 linear_44" [id=535, type=linear]; +"536 unflatten_11" [id=536, type=unflatten]; +"537 unsqueeze_11" [id=537, type=unsqueeze]; +"538 transpose_67" [id=538, type=transpose]; +"539 squeeze_11" [id=539, type=squeeze]; +"540 contiguous_11" [id=540, type=contiguous]; +"541 select_33" [id=541, type=select]; +"542 select_34" [id=542, type=select]; +"543 select_35" [id=543, type=select]; +"544 view_88" [id=544, type=view]; +"545 transpose_68" [id=545, type=transpose]; +"546 view_89" [id=546, type=view]; +"547 transpose_69" [id=547, type=transpose]; +"548 view_90" [id=548, type=view]; +"549 transpose_70" [id=549, type=transpose]; +"550 view_91" [id=550, type=view]; +"551 view_92" [id=551, type=view]; +"552 view_93" [id=552, type=view]; +"553 scaled_dot_product_attention_11" [id=553, type=scaled_dot_product_attention]; +"554 permute_12" [id=554, type=permute]; +"555 view_94" [id=555, type=view]; +"556 _param_constant140" [id=556, type=get_attr]; +"557 _param_constant141" [id=557, type=get_attr]; +"558 linear_45" [id=558, type=linear]; +"559 view_95" [id=559, type=view]; +"560 transpose_71" [id=560, type=transpose]; +"561 dropout_34" [id=561, type=dropout]; +"562 add_23" [id=562, type=add]; +"563 _param_constant142" [id=563, type=get_attr]; +"564 _param_constant143" [id=564, type=get_attr]; +"565 layer_norm_23" [id=565, type=layer_norm]; +"566 _param_constant144" [id=566, type=get_attr]; +"567 _param_constant145" [id=567, type=get_attr]; +"568 linear_46" [id=568, type=linear]; +"569 gelu_11" [id=569, type=gelu]; +"570 dropout_35" [id=570, type=dropout]; +"571 _param_constant146" [id=571, type=get_attr]; +"572 _param_constant147" [id=572, type=get_attr]; +"573 linear_47" [id=573, type=linear]; +"574 dropout_36" [id=574, type=dropout]; +"575 add_24" [id=575, type=add]; +"576 _param_constant148" [id=576, type=get_attr]; +"577 _param_constant149" [id=577, type=get_attr]; +"578 layer_norm_24" [id=578, type=layer_norm]; +"579 slice_1" [id=579, type=slice]; +"580 select_36" [id=580, type=select]; +"581 _param_constant150" [id=581, type=get_attr]; +"582 _param_constant151" [id=582, type=get_attr]; +"583 linear_48" [id=583, type=linear]; +"584 output" [id=584, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 _param_constant0" -> "3 conv2d"; +"2 _param_constant1" -> "3 conv2d"; +"3 conv2d" -> "4 reshape"; +"4 reshape" -> "5 permute"; +"5 permute" -> "8 cat"; +"6 _param_constant2" -> "7 expand"; +"7 expand" -> "8 cat"; +"8 cat" -> "10 add"; +"9 _param_constant3" -> "10 add"; +"10 add" -> "11 dropout"; +"11 dropout" -> "14 layer_norm"; +"11 dropout" -> "45 add_1"; +"12 _param_constant4" -> "14 layer_norm"; +"13 _param_constant5" -> "14 layer_norm"; +"14 layer_norm" -> "15 transpose"; +"15 transpose" -> "18 linear"; +"16 _param_constant6" -> "18 linear"; +"17 _param_constant7" -> "18 linear"; +"18 linear" -> "19 unflatten"; +"19 unflatten" -> "20 unsqueeze"; +"20 unsqueeze" -> "21 transpose_1"; +"21 transpose_1" -> "22 squeeze"; +"22 squeeze" -> "23 contiguous"; +"23 contiguous" -> "24 select"; +"23 contiguous" -> "25 select_1"; +"23 contiguous" -> "26 select_2"; +"24 select" -> "27 view"; +"25 select_1" -> "29 view_1"; +"26 select_2" -> "31 view_2"; +"27 view" -> "28 transpose_2"; +"28 transpose_2" -> "33 view_3"; +"29 view_1" -> "30 transpose_3"; +"30 transpose_3" -> "34 view_4"; +"31 view_2" -> "32 transpose_4"; +"32 transpose_4" -> "35 view_5"; +"33 view_3" -> "36 scaled_dot_product_attention"; +"34 view_4" -> "36 scaled_dot_product_attention"; +"35 view_5" -> "36 scaled_dot_product_attention"; +"36 scaled_dot_product_attention" -> "37 permute_1"; +"37 permute_1" -> "38 view_6"; +"38 view_6" -> "41 linear_1"; +"39 _param_constant8" -> "41 linear_1"; +"40 _param_constant9" -> "41 linear_1"; +"41 linear_1" -> "42 view_7"; +"42 view_7" -> "43 transpose_5"; +"43 transpose_5" -> "44 dropout_1"; +"44 dropout_1" -> "45 add_1"; +"45 add_1" -> "48 layer_norm_1"; +"45 add_1" -> "58 add_2"; +"46 _param_constant10" -> "48 layer_norm_1"; +"47 _param_constant11" -> "48 layer_norm_1"; +"48 layer_norm_1" -> "51 linear_2"; +"49 _param_constant12" -> "51 linear_2"; +"50 _param_constant13" -> "51 linear_2"; +"51 linear_2" -> "52 gelu"; +"52 gelu" -> "53 dropout_2"; +"53 dropout_2" -> "56 linear_3"; +"54 _param_constant14" -> "56 linear_3"; +"55 _param_constant15" -> "56 linear_3"; +"56 linear_3" -> "57 dropout_3"; +"57 dropout_3" -> "58 add_2"; +"58 add_2" -> "61 layer_norm_2"; +"58 add_2" -> "92 add_3"; +"59 _param_constant16" -> "61 layer_norm_2"; +"60 _param_constant17" -> "61 layer_norm_2"; +"61 layer_norm_2" -> "62 transpose_6"; +"62 transpose_6" -> "65 linear_4"; +"63 _param_constant18" -> "65 linear_4"; +"64 _param_constant19" -> "65 linear_4"; +"65 linear_4" -> "66 unflatten_1"; +"66 unflatten_1" -> "67 unsqueeze_1"; +"67 unsqueeze_1" -> "68 transpose_7"; +"68 transpose_7" -> "69 squeeze_1"; +"69 squeeze_1" -> "70 contiguous_1"; +"70 contiguous_1" -> "71 select_3"; +"70 contiguous_1" -> "72 select_4"; +"70 contiguous_1" -> "73 select_5"; +"71 select_3" -> "74 view_8"; +"72 select_4" -> "76 view_9"; +"73 select_5" -> "78 view_10"; +"74 view_8" -> "75 transpose_8"; +"75 transpose_8" -> "80 view_11"; +"76 view_9" -> "77 transpose_9"; +"77 transpose_9" -> "81 view_12"; +"78 view_10" -> "79 transpose_10"; +"79 transpose_10" -> "82 view_13"; +"80 view_11" -> "83 scaled_dot_product_attention_1"; +"81 view_12" -> "83 scaled_dot_product_attention_1"; +"82 view_13" -> "83 scaled_dot_product_attention_1"; +"83 scaled_dot_product_attention_1" -> "84 permute_2"; +"84 permute_2" -> "85 view_14"; +"85 view_14" -> "88 linear_5"; +"86 _param_constant20" -> "88 linear_5"; +"87 _param_constant21" -> "88 linear_5"; +"88 linear_5" -> "89 view_15"; +"89 view_15" -> "90 transpose_11"; +"90 transpose_11" -> "91 dropout_4"; +"91 dropout_4" -> "92 add_3"; +"92 add_3" -> "95 layer_norm_3"; +"92 add_3" -> "105 add_4"; +"93 _param_constant22" -> "95 layer_norm_3"; +"94 _param_constant23" -> "95 layer_norm_3"; +"95 layer_norm_3" -> "98 linear_6"; +"96 _param_constant24" -> "98 linear_6"; +"97 _param_constant25" -> "98 linear_6"; +"98 linear_6" -> "99 gelu_1"; +"99 gelu_1" -> "100 dropout_5"; +"100 dropout_5" -> "103 linear_7"; +"101 _param_constant26" -> "103 linear_7"; +"102 _param_constant27" -> "103 linear_7"; +"103 linear_7" -> "104 dropout_6"; +"104 dropout_6" -> "105 add_4"; +"105 add_4" -> "108 layer_norm_4"; +"105 add_4" -> "139 add_5"; +"106 _param_constant28" -> "108 layer_norm_4"; +"107 _param_constant29" -> "108 layer_norm_4"; +"108 layer_norm_4" -> "109 transpose_12"; +"109 transpose_12" -> "112 linear_8"; +"110 _param_constant30" -> "112 linear_8"; +"111 _param_constant31" -> "112 linear_8"; +"112 linear_8" -> "113 unflatten_2"; +"113 unflatten_2" -> "114 unsqueeze_2"; +"114 unsqueeze_2" -> "115 transpose_13"; +"115 transpose_13" -> "116 squeeze_2"; +"116 squeeze_2" -> "117 contiguous_2"; +"117 contiguous_2" -> "118 select_6"; +"117 contiguous_2" -> "119 select_7"; +"117 contiguous_2" -> "120 select_8"; +"118 select_6" -> "121 view_16"; +"119 select_7" -> "123 view_17"; +"120 select_8" -> "125 view_18"; +"121 view_16" -> "122 transpose_14"; +"122 transpose_14" -> "127 view_19"; +"123 view_17" -> "124 transpose_15"; +"124 transpose_15" -> "128 view_20"; +"125 view_18" -> "126 transpose_16"; +"126 transpose_16" -> "129 view_21"; +"127 view_19" -> "130 scaled_dot_product_attention_2"; +"128 view_20" -> "130 scaled_dot_product_attention_2"; +"129 view_21" -> "130 scaled_dot_product_attention_2"; +"130 scaled_dot_product_attention_2" -> "131 permute_3"; +"131 permute_3" -> "132 view_22"; +"132 view_22" -> "135 linear_9"; +"133 _param_constant32" -> "135 linear_9"; +"134 _param_constant33" -> "135 linear_9"; +"135 linear_9" -> "136 view_23"; +"136 view_23" -> "137 transpose_17"; +"137 transpose_17" -> "138 dropout_7"; +"138 dropout_7" -> "139 add_5"; +"139 add_5" -> "142 layer_norm_5"; +"139 add_5" -> "152 add_6"; +"140 _param_constant34" -> "142 layer_norm_5"; +"141 _param_constant35" -> "142 layer_norm_5"; +"142 layer_norm_5" -> "145 linear_10"; +"143 _param_constant36" -> "145 linear_10"; +"144 _param_constant37" -> "145 linear_10"; +"145 linear_10" -> "146 gelu_2"; +"146 gelu_2" -> "147 dropout_8"; +"147 dropout_8" -> "150 linear_11"; +"148 _param_constant38" -> "150 linear_11"; +"149 _param_constant39" -> "150 linear_11"; +"150 linear_11" -> "151 dropout_9"; +"151 dropout_9" -> "152 add_6"; +"152 add_6" -> "155 layer_norm_6"; +"152 add_6" -> "186 add_7"; +"153 _param_constant40" -> "155 layer_norm_6"; +"154 _param_constant41" -> "155 layer_norm_6"; +"155 layer_norm_6" -> "156 transpose_18"; +"156 transpose_18" -> "159 linear_12"; +"157 _param_constant42" -> "159 linear_12"; +"158 _param_constant43" -> "159 linear_12"; +"159 linear_12" -> "160 unflatten_3"; +"160 unflatten_3" -> "161 unsqueeze_3"; +"161 unsqueeze_3" -> "162 transpose_19"; +"162 transpose_19" -> "163 squeeze_3"; +"163 squeeze_3" -> "164 contiguous_3"; +"164 contiguous_3" -> "165 select_9"; +"164 contiguous_3" -> "166 select_10"; +"164 contiguous_3" -> "167 select_11"; +"165 select_9" -> "168 view_24"; +"166 select_10" -> "170 view_25"; +"167 select_11" -> "172 view_26"; +"168 view_24" -> "169 transpose_20"; +"169 transpose_20" -> "174 view_27"; +"170 view_25" -> "171 transpose_21"; +"171 transpose_21" -> "175 view_28"; +"172 view_26" -> "173 transpose_22"; +"173 transpose_22" -> "176 view_29"; +"174 view_27" -> "177 scaled_dot_product_attention_3"; +"175 view_28" -> "177 scaled_dot_product_attention_3"; +"176 view_29" -> "177 scaled_dot_product_attention_3"; +"177 scaled_dot_product_attention_3" -> "178 permute_4"; +"178 permute_4" -> "179 view_30"; +"179 view_30" -> "182 linear_13"; +"180 _param_constant44" -> "182 linear_13"; +"181 _param_constant45" -> "182 linear_13"; +"182 linear_13" -> "183 view_31"; +"183 view_31" -> "184 transpose_23"; +"184 transpose_23" -> "185 dropout_10"; +"185 dropout_10" -> "186 add_7"; +"186 add_7" -> "189 layer_norm_7"; +"186 add_7" -> "199 add_8"; +"187 _param_constant46" -> "189 layer_norm_7"; +"188 _param_constant47" -> "189 layer_norm_7"; +"189 layer_norm_7" -> "192 linear_14"; +"190 _param_constant48" -> "192 linear_14"; +"191 _param_constant49" -> "192 linear_14"; +"192 linear_14" -> "193 gelu_3"; +"193 gelu_3" -> "194 dropout_11"; +"194 dropout_11" -> "197 linear_15"; +"195 _param_constant50" -> "197 linear_15"; +"196 _param_constant51" -> "197 linear_15"; +"197 linear_15" -> "198 dropout_12"; +"198 dropout_12" -> "199 add_8"; +"199 add_8" -> "202 layer_norm_8"; +"199 add_8" -> "233 add_9"; +"200 _param_constant52" -> "202 layer_norm_8"; +"201 _param_constant53" -> "202 layer_norm_8"; +"202 layer_norm_8" -> "203 transpose_24"; +"203 transpose_24" -> "206 linear_16"; +"204 _param_constant54" -> "206 linear_16"; +"205 _param_constant55" -> "206 linear_16"; +"206 linear_16" -> "207 unflatten_4"; +"207 unflatten_4" -> "208 unsqueeze_4"; +"208 unsqueeze_4" -> "209 transpose_25"; +"209 transpose_25" -> "210 squeeze_4"; +"210 squeeze_4" -> "211 contiguous_4"; +"211 contiguous_4" -> "212 select_12"; +"211 contiguous_4" -> "213 select_13"; +"211 contiguous_4" -> "214 select_14"; +"212 select_12" -> "215 view_32"; +"213 select_13" -> "217 view_33"; +"214 select_14" -> "219 view_34"; +"215 view_32" -> "216 transpose_26"; +"216 transpose_26" -> "221 view_35"; +"217 view_33" -> "218 transpose_27"; +"218 transpose_27" -> "222 view_36"; +"219 view_34" -> "220 transpose_28"; +"220 transpose_28" -> "223 view_37"; +"221 view_35" -> "224 scaled_dot_product_attention_4"; +"222 view_36" -> "224 scaled_dot_product_attention_4"; +"223 view_37" -> "224 scaled_dot_product_attention_4"; +"224 scaled_dot_product_attention_4" -> "225 permute_5"; +"225 permute_5" -> "226 view_38"; +"226 view_38" -> "229 linear_17"; +"227 _param_constant56" -> "229 linear_17"; +"228 _param_constant57" -> "229 linear_17"; +"229 linear_17" -> "230 view_39"; +"230 view_39" -> "231 transpose_29"; +"231 transpose_29" -> "232 dropout_13"; +"232 dropout_13" -> "233 add_9"; +"233 add_9" -> "236 layer_norm_9"; +"233 add_9" -> "246 add_10"; +"234 _param_constant58" -> "236 layer_norm_9"; +"235 _param_constant59" -> "236 layer_norm_9"; +"236 layer_norm_9" -> "239 linear_18"; +"237 _param_constant60" -> "239 linear_18"; +"238 _param_constant61" -> "239 linear_18"; +"239 linear_18" -> "240 gelu_4"; +"240 gelu_4" -> "241 dropout_14"; +"241 dropout_14" -> "244 linear_19"; +"242 _param_constant62" -> "244 linear_19"; +"243 _param_constant63" -> "244 linear_19"; +"244 linear_19" -> "245 dropout_15"; +"245 dropout_15" -> "246 add_10"; +"246 add_10" -> "249 layer_norm_10"; +"246 add_10" -> "280 add_11"; +"247 _param_constant64" -> "249 layer_norm_10"; +"248 _param_constant65" -> "249 layer_norm_10"; +"249 layer_norm_10" -> "250 transpose_30"; +"250 transpose_30" -> "253 linear_20"; +"251 _param_constant66" -> "253 linear_20"; +"252 _param_constant67" -> "253 linear_20"; +"253 linear_20" -> "254 unflatten_5"; +"254 unflatten_5" -> "255 unsqueeze_5"; +"255 unsqueeze_5" -> "256 transpose_31"; +"256 transpose_31" -> "257 squeeze_5"; +"257 squeeze_5" -> "258 contiguous_5"; +"258 contiguous_5" -> "259 select_15"; +"258 contiguous_5" -> "260 select_16"; +"258 contiguous_5" -> "261 select_17"; +"259 select_15" -> "262 view_40"; +"260 select_16" -> "264 view_41"; +"261 select_17" -> "266 view_42"; +"262 view_40" -> "263 transpose_32"; +"263 transpose_32" -> "268 view_43"; +"264 view_41" -> "265 transpose_33"; +"265 transpose_33" -> "269 view_44"; +"266 view_42" -> "267 transpose_34"; +"267 transpose_34" -> "270 view_45"; +"268 view_43" -> "271 scaled_dot_product_attention_5"; +"269 view_44" -> "271 scaled_dot_product_attention_5"; +"270 view_45" -> "271 scaled_dot_product_attention_5"; +"271 scaled_dot_product_attention_5" -> "272 permute_6"; +"272 permute_6" -> "273 view_46"; +"273 view_46" -> "276 linear_21"; +"274 _param_constant68" -> "276 linear_21"; +"275 _param_constant69" -> "276 linear_21"; +"276 linear_21" -> "277 view_47"; +"277 view_47" -> "278 transpose_35"; +"278 transpose_35" -> "279 dropout_16"; +"279 dropout_16" -> "280 add_11"; +"280 add_11" -> "283 layer_norm_11"; +"280 add_11" -> "293 add_12"; +"281 _param_constant70" -> "283 layer_norm_11"; +"282 _param_constant71" -> "283 layer_norm_11"; +"283 layer_norm_11" -> "286 linear_22"; +"284 _param_constant72" -> "286 linear_22"; +"285 _param_constant73" -> "286 linear_22"; +"286 linear_22" -> "287 gelu_5"; +"287 gelu_5" -> "288 dropout_17"; +"288 dropout_17" -> "291 linear_23"; +"289 _param_constant74" -> "291 linear_23"; +"290 _param_constant75" -> "291 linear_23"; +"291 linear_23" -> "292 dropout_18"; +"292 dropout_18" -> "293 add_12"; +"293 add_12" -> "296 layer_norm_12"; +"293 add_12" -> "327 add_13"; +"294 _param_constant76" -> "296 layer_norm_12"; +"295 _param_constant77" -> "296 layer_norm_12"; +"296 layer_norm_12" -> "297 transpose_36"; +"297 transpose_36" -> "300 linear_24"; +"298 _param_constant78" -> "300 linear_24"; +"299 _param_constant79" -> "300 linear_24"; +"300 linear_24" -> "301 unflatten_6"; +"301 unflatten_6" -> "302 unsqueeze_6"; +"302 unsqueeze_6" -> "303 transpose_37"; +"303 transpose_37" -> "304 squeeze_6"; +"304 squeeze_6" -> "305 contiguous_6"; +"305 contiguous_6" -> "306 select_18"; +"305 contiguous_6" -> "307 select_19"; +"305 contiguous_6" -> "308 select_20"; +"306 select_18" -> "309 view_48"; +"307 select_19" -> "311 view_49"; +"308 select_20" -> "313 view_50"; +"309 view_48" -> "310 transpose_38"; +"310 transpose_38" -> "315 view_51"; +"311 view_49" -> "312 transpose_39"; +"312 transpose_39" -> "316 view_52"; +"313 view_50" -> "314 transpose_40"; +"314 transpose_40" -> "317 view_53"; +"315 view_51" -> "318 scaled_dot_product_attention_6"; +"316 view_52" -> "318 scaled_dot_product_attention_6"; +"317 view_53" -> "318 scaled_dot_product_attention_6"; +"318 scaled_dot_product_attention_6" -> "319 permute_7"; +"319 permute_7" -> "320 view_54"; +"320 view_54" -> "323 linear_25"; +"321 _param_constant80" -> "323 linear_25"; +"322 _param_constant81" -> "323 linear_25"; +"323 linear_25" -> "324 view_55"; +"324 view_55" -> "325 transpose_41"; +"325 transpose_41" -> "326 dropout_19"; +"326 dropout_19" -> "327 add_13"; +"327 add_13" -> "330 layer_norm_13"; +"327 add_13" -> "340 add_14"; +"328 _param_constant82" -> "330 layer_norm_13"; +"329 _param_constant83" -> "330 layer_norm_13"; +"330 layer_norm_13" -> "333 linear_26"; +"331 _param_constant84" -> "333 linear_26"; +"332 _param_constant85" -> "333 linear_26"; +"333 linear_26" -> "334 gelu_6"; +"334 gelu_6" -> "335 dropout_20"; +"335 dropout_20" -> "338 linear_27"; +"336 _param_constant86" -> "338 linear_27"; +"337 _param_constant87" -> "338 linear_27"; +"338 linear_27" -> "339 dropout_21"; +"339 dropout_21" -> "340 add_14"; +"340 add_14" -> "343 layer_norm_14"; +"340 add_14" -> "374 add_15"; +"341 _param_constant88" -> "343 layer_norm_14"; +"342 _param_constant89" -> "343 layer_norm_14"; +"343 layer_norm_14" -> "344 transpose_42"; +"344 transpose_42" -> "347 linear_28"; +"345 _param_constant90" -> "347 linear_28"; +"346 _param_constant91" -> "347 linear_28"; +"347 linear_28" -> "348 unflatten_7"; +"348 unflatten_7" -> "349 unsqueeze_7"; +"349 unsqueeze_7" -> "350 transpose_43"; +"350 transpose_43" -> "351 squeeze_7"; +"351 squeeze_7" -> "352 contiguous_7"; +"352 contiguous_7" -> "353 select_21"; +"352 contiguous_7" -> "354 select_22"; +"352 contiguous_7" -> "355 select_23"; +"353 select_21" -> "356 view_56"; +"354 select_22" -> "358 view_57"; +"355 select_23" -> "360 view_58"; +"356 view_56" -> "357 transpose_44"; +"357 transpose_44" -> "362 view_59"; +"358 view_57" -> "359 transpose_45"; +"359 transpose_45" -> "363 view_60"; +"360 view_58" -> "361 transpose_46"; +"361 transpose_46" -> "364 view_61"; +"362 view_59" -> "365 scaled_dot_product_attention_7"; +"363 view_60" -> "365 scaled_dot_product_attention_7"; +"364 view_61" -> "365 scaled_dot_product_attention_7"; +"365 scaled_dot_product_attention_7" -> "366 permute_8"; +"366 permute_8" -> "367 view_62"; +"367 view_62" -> "370 linear_29"; +"368 _param_constant92" -> "370 linear_29"; +"369 _param_constant93" -> "370 linear_29"; +"370 linear_29" -> "371 view_63"; +"371 view_63" -> "372 transpose_47"; +"372 transpose_47" -> "373 dropout_22"; +"373 dropout_22" -> "374 add_15"; +"374 add_15" -> "377 layer_norm_15"; +"374 add_15" -> "387 add_16"; +"375 _param_constant94" -> "377 layer_norm_15"; +"376 _param_constant95" -> "377 layer_norm_15"; +"377 layer_norm_15" -> "380 linear_30"; +"378 _param_constant96" -> "380 linear_30"; +"379 _param_constant97" -> "380 linear_30"; +"380 linear_30" -> "381 gelu_7"; +"381 gelu_7" -> "382 dropout_23"; +"382 dropout_23" -> "385 linear_31"; +"383 _param_constant98" -> "385 linear_31"; +"384 _param_constant99" -> "385 linear_31"; +"385 linear_31" -> "386 dropout_24"; +"386 dropout_24" -> "387 add_16"; +"387 add_16" -> "390 layer_norm_16"; +"387 add_16" -> "421 add_17"; +"388 _param_constant100" -> "390 layer_norm_16"; +"389 _param_constant101" -> "390 layer_norm_16"; +"390 layer_norm_16" -> "391 transpose_48"; +"391 transpose_48" -> "394 linear_32"; +"392 _param_constant102" -> "394 linear_32"; +"393 _param_constant103" -> "394 linear_32"; +"394 linear_32" -> "395 unflatten_8"; +"395 unflatten_8" -> "396 unsqueeze_8"; +"396 unsqueeze_8" -> "397 transpose_49"; +"397 transpose_49" -> "398 squeeze_8"; +"398 squeeze_8" -> "399 contiguous_8"; +"399 contiguous_8" -> "400 select_24"; +"399 contiguous_8" -> "401 select_25"; +"399 contiguous_8" -> "402 select_26"; +"400 select_24" -> "403 view_64"; +"401 select_25" -> "405 view_65"; +"402 select_26" -> "407 view_66"; +"403 view_64" -> "404 transpose_50"; +"404 transpose_50" -> "409 view_67"; +"405 view_65" -> "406 transpose_51"; +"406 transpose_51" -> "410 view_68"; +"407 view_66" -> "408 transpose_52"; +"408 transpose_52" -> "411 view_69"; +"409 view_67" -> "412 scaled_dot_product_attention_8"; +"410 view_68" -> "412 scaled_dot_product_attention_8"; +"411 view_69" -> "412 scaled_dot_product_attention_8"; +"412 scaled_dot_product_attention_8" -> "413 permute_9"; +"413 permute_9" -> "414 view_70"; +"414 view_70" -> "417 linear_33"; +"415 _param_constant104" -> "417 linear_33"; +"416 _param_constant105" -> "417 linear_33"; +"417 linear_33" -> "418 view_71"; +"418 view_71" -> "419 transpose_53"; +"419 transpose_53" -> "420 dropout_25"; +"420 dropout_25" -> "421 add_17"; +"421 add_17" -> "424 layer_norm_17"; +"421 add_17" -> "434 add_18"; +"422 _param_constant106" -> "424 layer_norm_17"; +"423 _param_constant107" -> "424 layer_norm_17"; +"424 layer_norm_17" -> "427 linear_34"; +"425 _param_constant108" -> "427 linear_34"; +"426 _param_constant109" -> "427 linear_34"; +"427 linear_34" -> "428 gelu_8"; +"428 gelu_8" -> "429 dropout_26"; +"429 dropout_26" -> "432 linear_35"; +"430 _param_constant110" -> "432 linear_35"; +"431 _param_constant111" -> "432 linear_35"; +"432 linear_35" -> "433 dropout_27"; +"433 dropout_27" -> "434 add_18"; +"434 add_18" -> "437 layer_norm_18"; +"434 add_18" -> "468 add_19"; +"435 _param_constant112" -> "437 layer_norm_18"; +"436 _param_constant113" -> "437 layer_norm_18"; +"437 layer_norm_18" -> "438 transpose_54"; +"438 transpose_54" -> "441 linear_36"; +"439 _param_constant114" -> "441 linear_36"; +"440 _param_constant115" -> "441 linear_36"; +"441 linear_36" -> "442 unflatten_9"; +"442 unflatten_9" -> "443 unsqueeze_9"; +"443 unsqueeze_9" -> "444 transpose_55"; +"444 transpose_55" -> "445 squeeze_9"; +"445 squeeze_9" -> "446 contiguous_9"; +"446 contiguous_9" -> "447 select_27"; +"446 contiguous_9" -> "448 select_28"; +"446 contiguous_9" -> "449 select_29"; +"447 select_27" -> "450 view_72"; +"448 select_28" -> "452 view_73"; +"449 select_29" -> "454 view_74"; +"450 view_72" -> "451 transpose_56"; +"451 transpose_56" -> "456 view_75"; +"452 view_73" -> "453 transpose_57"; +"453 transpose_57" -> "457 view_76"; +"454 view_74" -> "455 transpose_58"; +"455 transpose_58" -> "458 view_77"; +"456 view_75" -> "459 scaled_dot_product_attention_9"; +"457 view_76" -> "459 scaled_dot_product_attention_9"; +"458 view_77" -> "459 scaled_dot_product_attention_9"; +"459 scaled_dot_product_attention_9" -> "460 permute_10"; +"460 permute_10" -> "461 view_78"; +"461 view_78" -> "464 linear_37"; +"462 _param_constant116" -> "464 linear_37"; +"463 _param_constant117" -> "464 linear_37"; +"464 linear_37" -> "465 view_79"; +"465 view_79" -> "466 transpose_59"; +"466 transpose_59" -> "467 dropout_28"; +"467 dropout_28" -> "468 add_19"; +"468 add_19" -> "471 layer_norm_19"; +"468 add_19" -> "481 add_20"; +"469 _param_constant118" -> "471 layer_norm_19"; +"470 _param_constant119" -> "471 layer_norm_19"; +"471 layer_norm_19" -> "474 linear_38"; +"472 _param_constant120" -> "474 linear_38"; +"473 _param_constant121" -> "474 linear_38"; +"474 linear_38" -> "475 gelu_9"; +"475 gelu_9" -> "476 dropout_29"; +"476 dropout_29" -> "479 linear_39"; +"477 _param_constant122" -> "479 linear_39"; +"478 _param_constant123" -> "479 linear_39"; +"479 linear_39" -> "480 dropout_30"; +"480 dropout_30" -> "481 add_20"; +"481 add_20" -> "484 layer_norm_20"; +"481 add_20" -> "515 add_21"; +"482 _param_constant124" -> "484 layer_norm_20"; +"483 _param_constant125" -> "484 layer_norm_20"; +"484 layer_norm_20" -> "485 transpose_60"; +"485 transpose_60" -> "488 linear_40"; +"486 _param_constant126" -> "488 linear_40"; +"487 _param_constant127" -> "488 linear_40"; +"488 linear_40" -> "489 unflatten_10"; +"489 unflatten_10" -> "490 unsqueeze_10"; +"490 unsqueeze_10" -> "491 transpose_61"; +"491 transpose_61" -> "492 squeeze_10"; +"492 squeeze_10" -> "493 contiguous_10"; +"493 contiguous_10" -> "494 select_30"; +"493 contiguous_10" -> "495 select_31"; +"493 contiguous_10" -> "496 select_32"; +"494 select_30" -> "497 view_80"; +"495 select_31" -> "499 view_81"; +"496 select_32" -> "501 view_82"; +"497 view_80" -> "498 transpose_62"; +"498 transpose_62" -> "503 view_83"; +"499 view_81" -> "500 transpose_63"; +"500 transpose_63" -> "504 view_84"; +"501 view_82" -> "502 transpose_64"; +"502 transpose_64" -> "505 view_85"; +"503 view_83" -> "506 scaled_dot_product_attention_10"; +"504 view_84" -> "506 scaled_dot_product_attention_10"; +"505 view_85" -> "506 scaled_dot_product_attention_10"; +"506 scaled_dot_product_attention_10" -> "507 permute_11"; +"507 permute_11" -> "508 view_86"; +"508 view_86" -> "511 linear_41"; +"509 _param_constant128" -> "511 linear_41"; +"510 _param_constant129" -> "511 linear_41"; +"511 linear_41" -> "512 view_87"; +"512 view_87" -> "513 transpose_65"; +"513 transpose_65" -> "514 dropout_31"; +"514 dropout_31" -> "515 add_21"; +"515 add_21" -> "518 layer_norm_21"; +"515 add_21" -> "528 add_22"; +"516 _param_constant130" -> "518 layer_norm_21"; +"517 _param_constant131" -> "518 layer_norm_21"; +"518 layer_norm_21" -> "521 linear_42"; +"519 _param_constant132" -> "521 linear_42"; +"520 _param_constant133" -> "521 linear_42"; +"521 linear_42" -> "522 gelu_10"; +"522 gelu_10" -> "523 dropout_32"; +"523 dropout_32" -> "526 linear_43"; +"524 _param_constant134" -> "526 linear_43"; +"525 _param_constant135" -> "526 linear_43"; +"526 linear_43" -> "527 dropout_33"; +"527 dropout_33" -> "528 add_22"; +"528 add_22" -> "531 layer_norm_22"; +"528 add_22" -> "562 add_23"; +"529 _param_constant136" -> "531 layer_norm_22"; +"530 _param_constant137" -> "531 layer_norm_22"; +"531 layer_norm_22" -> "532 transpose_66"; +"532 transpose_66" -> "535 linear_44"; +"533 _param_constant138" -> "535 linear_44"; +"534 _param_constant139" -> "535 linear_44"; +"535 linear_44" -> "536 unflatten_11"; +"536 unflatten_11" -> "537 unsqueeze_11"; +"537 unsqueeze_11" -> "538 transpose_67"; +"538 transpose_67" -> "539 squeeze_11"; +"539 squeeze_11" -> "540 contiguous_11"; +"540 contiguous_11" -> "541 select_33"; +"540 contiguous_11" -> "542 select_34"; +"540 contiguous_11" -> "543 select_35"; +"541 select_33" -> "544 view_88"; +"542 select_34" -> "546 view_89"; +"543 select_35" -> "548 view_90"; +"544 view_88" -> "545 transpose_68"; +"545 transpose_68" -> "550 view_91"; +"546 view_89" -> "547 transpose_69"; +"547 transpose_69" -> "551 view_92"; +"548 view_90" -> "549 transpose_70"; +"549 transpose_70" -> "552 view_93"; +"550 view_91" -> "553 scaled_dot_product_attention_11"; +"551 view_92" -> "553 scaled_dot_product_attention_11"; +"552 view_93" -> "553 scaled_dot_product_attention_11"; +"553 scaled_dot_product_attention_11" -> "554 permute_12"; +"554 permute_12" -> "555 view_94"; +"555 view_94" -> "558 linear_45"; +"556 _param_constant140" -> "558 linear_45"; +"557 _param_constant141" -> "558 linear_45"; +"558 linear_45" -> "559 view_95"; +"559 view_95" -> "560 transpose_71"; +"560 transpose_71" -> "561 dropout_34"; +"561 dropout_34" -> "562 add_23"; +"562 add_23" -> "565 layer_norm_23"; +"562 add_23" -> "575 add_24"; +"563 _param_constant142" -> "565 layer_norm_23"; +"564 _param_constant143" -> "565 layer_norm_23"; +"565 layer_norm_23" -> "568 linear_46"; +"566 _param_constant144" -> "568 linear_46"; +"567 _param_constant145" -> "568 linear_46"; +"568 linear_46" -> "569 gelu_11"; +"569 gelu_11" -> "570 dropout_35"; +"570 dropout_35" -> "573 linear_47"; +"571 _param_constant146" -> "573 linear_47"; +"572 _param_constant147" -> "573 linear_47"; +"573 linear_47" -> "574 dropout_36"; +"574 dropout_36" -> "575 add_24"; +"575 add_24" -> "578 layer_norm_24"; +"576 _param_constant148" -> "578 layer_norm_24"; +"577 _param_constant149" -> "578 layer_norm_24"; +"578 layer_norm_24" -> "579 slice_1"; +"579 slice_1" -> "580 select_36"; +"580 select_36" -> "583 linear_48"; +"581 _param_constant150" -> "583 linear_48"; +"582 _param_constant151" -> "583 linear_48"; +"583 linear_48" -> "584 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/yolov8n.dot b/tests/torch/data/reference_graphs/fx/yolov8n.dot new file mode 100644 index 00000000000..a964a41be9d --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/yolov8n.dot @@ -0,0 +1,1554 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 conv2d" [id=2, type=conv2d]; +"3 empty" [id=3, type=empty]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 getitem_1" [id=10, type=__getitem__]; +"11 getitem_2" [id=11, type=__getitem__]; +"12 silu_" [id=12, type=silu_]; +"13 _param_constant3" [id=13, type=get_attr]; +"14 conv2d_1" [id=14, type=conv2d]; +"15 empty_1" [id=15, type=empty]; +"16 _param_constant4" [id=16, type=get_attr]; +"17 _param_constant5" [id=17, type=get_attr]; +"18 _tensor_constant2" [id=18, type=get_attr]; +"19 _tensor_constant3" [id=19, type=get_attr]; +"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; +"21 getitem_3" [id=21, type=__getitem__]; +"22 getitem_4" [id=22, type=__getitem__]; +"23 getitem_5" [id=23, type=__getitem__]; +"24 silu__1" [id=24, type=silu_]; +"25 _param_constant6" [id=25, type=get_attr]; +"26 conv2d_2" [id=26, type=conv2d]; +"27 empty_2" [id=27, type=empty]; +"28 _param_constant7" [id=28, type=get_attr]; +"29 _param_constant8" [id=29, type=get_attr]; +"30 _tensor_constant4" [id=30, type=get_attr]; +"31 _tensor_constant5" [id=31, type=get_attr]; +"32 _native_batch_norm_legit_no_training_2" [id=32, type=_native_batch_norm_legit_no_training]; +"33 getitem_6" [id=33, type=__getitem__]; +"34 getitem_7" [id=34, type=__getitem__]; +"35 getitem_8" [id=35, type=__getitem__]; +"36 silu__2" [id=36, type=silu_]; +"37 chunk" [id=37, type=chunk]; +"38 getitem_9" [id=38, type=__getitem__]; +"39 getitem_10" [id=39, type=__getitem__]; +"40 _param_constant9" [id=40, type=get_attr]; +"41 conv2d_3" [id=41, type=conv2d]; +"42 empty_3" [id=42, type=empty]; +"43 _param_constant10" [id=43, type=get_attr]; +"44 _param_constant11" [id=44, type=get_attr]; +"45 _tensor_constant6" [id=45, type=get_attr]; +"46 _tensor_constant7" [id=46, type=get_attr]; +"47 _native_batch_norm_legit_no_training_3" [id=47, type=_native_batch_norm_legit_no_training]; +"48 getitem_11" [id=48, type=__getitem__]; +"49 getitem_12" [id=49, type=__getitem__]; +"50 getitem_13" [id=50, type=__getitem__]; +"51 silu__3" [id=51, type=silu_]; +"52 _param_constant12" [id=52, type=get_attr]; +"53 conv2d_4" [id=53, type=conv2d]; +"54 empty_4" [id=54, type=empty]; +"55 _param_constant13" [id=55, type=get_attr]; +"56 _param_constant14" [id=56, type=get_attr]; +"57 _tensor_constant8" [id=57, type=get_attr]; +"58 _tensor_constant9" [id=58, type=get_attr]; +"59 _native_batch_norm_legit_no_training_4" [id=59, type=_native_batch_norm_legit_no_training]; +"60 getitem_14" [id=60, type=__getitem__]; +"61 getitem_15" [id=61, type=__getitem__]; +"62 getitem_16" [id=62, type=__getitem__]; +"63 silu__4" [id=63, type=silu_]; +"64 add" [id=64, type=add]; +"65 cat" [id=65, type=cat]; +"66 _param_constant15" [id=66, type=get_attr]; +"67 conv2d_5" [id=67, type=conv2d]; +"68 empty_5" [id=68, type=empty]; +"69 _param_constant16" [id=69, type=get_attr]; +"70 _param_constant17" [id=70, type=get_attr]; +"71 _tensor_constant10" [id=71, type=get_attr]; +"72 _tensor_constant11" [id=72, type=get_attr]; +"73 _native_batch_norm_legit_no_training_5" [id=73, type=_native_batch_norm_legit_no_training]; +"74 getitem_17" [id=74, type=__getitem__]; +"75 getitem_18" [id=75, type=__getitem__]; +"76 getitem_19" [id=76, type=__getitem__]; +"77 silu__5" [id=77, type=silu_]; +"78 _param_constant18" [id=78, type=get_attr]; +"79 conv2d_6" [id=79, type=conv2d]; +"80 empty_6" [id=80, type=empty]; +"81 _param_constant19" [id=81, type=get_attr]; +"82 _param_constant20" [id=82, type=get_attr]; +"83 _tensor_constant12" [id=83, type=get_attr]; +"84 _tensor_constant13" [id=84, type=get_attr]; +"85 _native_batch_norm_legit_no_training_6" [id=85, type=_native_batch_norm_legit_no_training]; +"86 getitem_20" [id=86, type=__getitem__]; +"87 getitem_21" [id=87, type=__getitem__]; +"88 getitem_22" [id=88, type=__getitem__]; +"89 silu__6" [id=89, type=silu_]; +"90 _param_constant21" [id=90, type=get_attr]; +"91 conv2d_7" [id=91, type=conv2d]; +"92 empty_7" [id=92, type=empty]; +"93 _param_constant22" [id=93, type=get_attr]; +"94 _param_constant23" [id=94, type=get_attr]; +"95 _tensor_constant14" [id=95, type=get_attr]; +"96 _tensor_constant15" [id=96, type=get_attr]; +"97 _native_batch_norm_legit_no_training_7" [id=97, type=_native_batch_norm_legit_no_training]; +"98 getitem_23" [id=98, type=__getitem__]; +"99 getitem_24" [id=99, type=__getitem__]; +"100 getitem_25" [id=100, type=__getitem__]; +"101 silu__7" [id=101, type=silu_]; +"102 chunk_1" [id=102, type=chunk]; +"103 getitem_26" [id=103, type=__getitem__]; +"104 getitem_27" [id=104, type=__getitem__]; +"105 _param_constant24" [id=105, type=get_attr]; +"106 conv2d_8" [id=106, type=conv2d]; +"107 empty_8" [id=107, type=empty]; +"108 _param_constant25" [id=108, type=get_attr]; +"109 _param_constant26" [id=109, type=get_attr]; +"110 _tensor_constant16" [id=110, type=get_attr]; +"111 _tensor_constant17" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_8" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_28" [id=113, type=__getitem__]; +"114 getitem_29" [id=114, type=__getitem__]; +"115 getitem_30" [id=115, type=__getitem__]; +"116 silu__8" [id=116, type=silu_]; +"117 _param_constant27" [id=117, type=get_attr]; +"118 conv2d_9" [id=118, type=conv2d]; +"119 empty_9" [id=119, type=empty]; +"120 _param_constant28" [id=120, type=get_attr]; +"121 _param_constant29" [id=121, type=get_attr]; +"122 _tensor_constant18" [id=122, type=get_attr]; +"123 _tensor_constant19" [id=123, type=get_attr]; +"124 _native_batch_norm_legit_no_training_9" [id=124, type=_native_batch_norm_legit_no_training]; +"125 getitem_31" [id=125, type=__getitem__]; +"126 getitem_32" [id=126, type=__getitem__]; +"127 getitem_33" [id=127, type=__getitem__]; +"128 silu__9" [id=128, type=silu_]; +"129 add_1" [id=129, type=add]; +"130 _param_constant30" [id=130, type=get_attr]; +"131 conv2d_10" [id=131, type=conv2d]; +"132 empty_10" [id=132, type=empty]; +"133 _param_constant31" [id=133, type=get_attr]; +"134 _param_constant32" [id=134, type=get_attr]; +"135 _tensor_constant20" [id=135, type=get_attr]; +"136 _tensor_constant21" [id=136, type=get_attr]; +"137 _native_batch_norm_legit_no_training_10" [id=137, type=_native_batch_norm_legit_no_training]; +"138 getitem_34" [id=138, type=__getitem__]; +"139 getitem_35" [id=139, type=__getitem__]; +"140 getitem_36" [id=140, type=__getitem__]; +"141 silu__10" [id=141, type=silu_]; +"142 _param_constant33" [id=142, type=get_attr]; +"143 conv2d_11" [id=143, type=conv2d]; +"144 empty_11" [id=144, type=empty]; +"145 _param_constant34" [id=145, type=get_attr]; +"146 _param_constant35" [id=146, type=get_attr]; +"147 _tensor_constant22" [id=147, type=get_attr]; +"148 _tensor_constant23" [id=148, type=get_attr]; +"149 _native_batch_norm_legit_no_training_11" [id=149, type=_native_batch_norm_legit_no_training]; +"150 getitem_37" [id=150, type=__getitem__]; +"151 getitem_38" [id=151, type=__getitem__]; +"152 getitem_39" [id=152, type=__getitem__]; +"153 silu__11" [id=153, type=silu_]; +"154 add_2" [id=154, type=add]; +"155 cat_1" [id=155, type=cat]; +"156 _param_constant36" [id=156, type=get_attr]; +"157 conv2d_12" [id=157, type=conv2d]; +"158 empty_12" [id=158, type=empty]; +"159 _param_constant37" [id=159, type=get_attr]; +"160 _param_constant38" [id=160, type=get_attr]; +"161 _tensor_constant24" [id=161, type=get_attr]; +"162 _tensor_constant25" [id=162, type=get_attr]; +"163 _native_batch_norm_legit_no_training_12" [id=163, type=_native_batch_norm_legit_no_training]; +"164 getitem_40" [id=164, type=__getitem__]; +"165 getitem_41" [id=165, type=__getitem__]; +"166 getitem_42" [id=166, type=__getitem__]; +"167 silu__12" [id=167, type=silu_]; +"168 _param_constant39" [id=168, type=get_attr]; +"169 conv2d_13" [id=169, type=conv2d]; +"170 empty_13" [id=170, type=empty]; +"171 _param_constant40" [id=171, type=get_attr]; +"172 _param_constant41" [id=172, type=get_attr]; +"173 _tensor_constant26" [id=173, type=get_attr]; +"174 _tensor_constant27" [id=174, type=get_attr]; +"175 _native_batch_norm_legit_no_training_13" [id=175, type=_native_batch_norm_legit_no_training]; +"176 getitem_43" [id=176, type=__getitem__]; +"177 getitem_44" [id=177, type=__getitem__]; +"178 getitem_45" [id=178, type=__getitem__]; +"179 silu__13" [id=179, type=silu_]; +"180 _param_constant42" [id=180, type=get_attr]; +"181 conv2d_14" [id=181, type=conv2d]; +"182 empty_14" [id=182, type=empty]; +"183 _param_constant43" [id=183, type=get_attr]; +"184 _param_constant44" [id=184, type=get_attr]; +"185 _tensor_constant28" [id=185, type=get_attr]; +"186 _tensor_constant29" [id=186, type=get_attr]; +"187 _native_batch_norm_legit_no_training_14" [id=187, type=_native_batch_norm_legit_no_training]; +"188 getitem_46" [id=188, type=__getitem__]; +"189 getitem_47" [id=189, type=__getitem__]; +"190 getitem_48" [id=190, type=__getitem__]; +"191 silu__14" [id=191, type=silu_]; +"192 chunk_2" [id=192, type=chunk]; +"193 getitem_49" [id=193, type=__getitem__]; +"194 getitem_50" [id=194, type=__getitem__]; +"195 _param_constant45" [id=195, type=get_attr]; +"196 conv2d_15" [id=196, type=conv2d]; +"197 empty_15" [id=197, type=empty]; +"198 _param_constant46" [id=198, type=get_attr]; +"199 _param_constant47" [id=199, type=get_attr]; +"200 _tensor_constant30" [id=200, type=get_attr]; +"201 _tensor_constant31" [id=201, type=get_attr]; +"202 _native_batch_norm_legit_no_training_15" [id=202, type=_native_batch_norm_legit_no_training]; +"203 getitem_51" [id=203, type=__getitem__]; +"204 getitem_52" [id=204, type=__getitem__]; +"205 getitem_53" [id=205, type=__getitem__]; +"206 silu__15" [id=206, type=silu_]; +"207 _param_constant48" [id=207, type=get_attr]; +"208 conv2d_16" [id=208, type=conv2d]; +"209 empty_16" [id=209, type=empty]; +"210 _param_constant49" [id=210, type=get_attr]; +"211 _param_constant50" [id=211, type=get_attr]; +"212 _tensor_constant32" [id=212, type=get_attr]; +"213 _tensor_constant33" [id=213, type=get_attr]; +"214 _native_batch_norm_legit_no_training_16" [id=214, type=_native_batch_norm_legit_no_training]; +"215 getitem_54" [id=215, type=__getitem__]; +"216 getitem_55" [id=216, type=__getitem__]; +"217 getitem_56" [id=217, type=__getitem__]; +"218 silu__16" [id=218, type=silu_]; +"219 add_3" [id=219, type=add]; +"220 _param_constant51" [id=220, type=get_attr]; +"221 conv2d_17" [id=221, type=conv2d]; +"222 empty_17" [id=222, type=empty]; +"223 _param_constant52" [id=223, type=get_attr]; +"224 _param_constant53" [id=224, type=get_attr]; +"225 _tensor_constant34" [id=225, type=get_attr]; +"226 _tensor_constant35" [id=226, type=get_attr]; +"227 _native_batch_norm_legit_no_training_17" [id=227, type=_native_batch_norm_legit_no_training]; +"228 getitem_57" [id=228, type=__getitem__]; +"229 getitem_58" [id=229, type=__getitem__]; +"230 getitem_59" [id=230, type=__getitem__]; +"231 silu__17" [id=231, type=silu_]; +"232 _param_constant54" [id=232, type=get_attr]; +"233 conv2d_18" [id=233, type=conv2d]; +"234 empty_18" [id=234, type=empty]; +"235 _param_constant55" [id=235, type=get_attr]; +"236 _param_constant56" [id=236, type=get_attr]; +"237 _tensor_constant36" [id=237, type=get_attr]; +"238 _tensor_constant37" [id=238, type=get_attr]; +"239 _native_batch_norm_legit_no_training_18" [id=239, type=_native_batch_norm_legit_no_training]; +"240 getitem_60" [id=240, type=__getitem__]; +"241 getitem_61" [id=241, type=__getitem__]; +"242 getitem_62" [id=242, type=__getitem__]; +"243 silu__18" [id=243, type=silu_]; +"244 add_4" [id=244, type=add]; +"245 cat_2" [id=245, type=cat]; +"246 _param_constant57" [id=246, type=get_attr]; +"247 conv2d_19" [id=247, type=conv2d]; +"248 empty_19" [id=248, type=empty]; +"249 _param_constant58" [id=249, type=get_attr]; +"250 _param_constant59" [id=250, type=get_attr]; +"251 _tensor_constant38" [id=251, type=get_attr]; +"252 _tensor_constant39" [id=252, type=get_attr]; +"253 _native_batch_norm_legit_no_training_19" [id=253, type=_native_batch_norm_legit_no_training]; +"254 getitem_63" [id=254, type=__getitem__]; +"255 getitem_64" [id=255, type=__getitem__]; +"256 getitem_65" [id=256, type=__getitem__]; +"257 silu__19" [id=257, type=silu_]; +"258 _param_constant60" [id=258, type=get_attr]; +"259 conv2d_20" [id=259, type=conv2d]; +"260 empty_20" [id=260, type=empty]; +"261 _param_constant61" [id=261, type=get_attr]; +"262 _param_constant62" [id=262, type=get_attr]; +"263 _tensor_constant40" [id=263, type=get_attr]; +"264 _tensor_constant41" [id=264, type=get_attr]; +"265 _native_batch_norm_legit_no_training_20" [id=265, type=_native_batch_norm_legit_no_training]; +"266 getitem_66" [id=266, type=__getitem__]; +"267 getitem_67" [id=267, type=__getitem__]; +"268 getitem_68" [id=268, type=__getitem__]; +"269 silu__20" [id=269, type=silu_]; +"270 _param_constant63" [id=270, type=get_attr]; +"271 conv2d_21" [id=271, type=conv2d]; +"272 empty_21" [id=272, type=empty]; +"273 _param_constant64" [id=273, type=get_attr]; +"274 _param_constant65" [id=274, type=get_attr]; +"275 _tensor_constant42" [id=275, type=get_attr]; +"276 _tensor_constant43" [id=276, type=get_attr]; +"277 _native_batch_norm_legit_no_training_21" [id=277, type=_native_batch_norm_legit_no_training]; +"278 getitem_69" [id=278, type=__getitem__]; +"279 getitem_70" [id=279, type=__getitem__]; +"280 getitem_71" [id=280, type=__getitem__]; +"281 silu__21" [id=281, type=silu_]; +"282 chunk_3" [id=282, type=chunk]; +"283 getitem_72" [id=283, type=__getitem__]; +"284 getitem_73" [id=284, type=__getitem__]; +"285 _param_constant66" [id=285, type=get_attr]; +"286 conv2d_22" [id=286, type=conv2d]; +"287 empty_22" [id=287, type=empty]; +"288 _param_constant67" [id=288, type=get_attr]; +"289 _param_constant68" [id=289, type=get_attr]; +"290 _tensor_constant44" [id=290, type=get_attr]; +"291 _tensor_constant45" [id=291, type=get_attr]; +"292 _native_batch_norm_legit_no_training_22" [id=292, type=_native_batch_norm_legit_no_training]; +"293 getitem_74" [id=293, type=__getitem__]; +"294 getitem_75" [id=294, type=__getitem__]; +"295 getitem_76" [id=295, type=__getitem__]; +"296 silu__22" [id=296, type=silu_]; +"297 _param_constant69" [id=297, type=get_attr]; +"298 conv2d_23" [id=298, type=conv2d]; +"299 empty_23" [id=299, type=empty]; +"300 _param_constant70" [id=300, type=get_attr]; +"301 _param_constant71" [id=301, type=get_attr]; +"302 _tensor_constant46" [id=302, type=get_attr]; +"303 _tensor_constant47" [id=303, type=get_attr]; +"304 _native_batch_norm_legit_no_training_23" [id=304, type=_native_batch_norm_legit_no_training]; +"305 getitem_77" [id=305, type=__getitem__]; +"306 getitem_78" [id=306, type=__getitem__]; +"307 getitem_79" [id=307, type=__getitem__]; +"308 silu__23" [id=308, type=silu_]; +"309 add_5" [id=309, type=add]; +"310 cat_3" [id=310, type=cat]; +"311 _param_constant72" [id=311, type=get_attr]; +"312 conv2d_24" [id=312, type=conv2d]; +"313 empty_24" [id=313, type=empty]; +"314 _param_constant73" [id=314, type=get_attr]; +"315 _param_constant74" [id=315, type=get_attr]; +"316 _tensor_constant48" [id=316, type=get_attr]; +"317 _tensor_constant49" [id=317, type=get_attr]; +"318 _native_batch_norm_legit_no_training_24" [id=318, type=_native_batch_norm_legit_no_training]; +"319 getitem_80" [id=319, type=__getitem__]; +"320 getitem_81" [id=320, type=__getitem__]; +"321 getitem_82" [id=321, type=__getitem__]; +"322 silu__24" [id=322, type=silu_]; +"323 _param_constant75" [id=323, type=get_attr]; +"324 conv2d_25" [id=324, type=conv2d]; +"325 empty_25" [id=325, type=empty]; +"326 _param_constant76" [id=326, type=get_attr]; +"327 _param_constant77" [id=327, type=get_attr]; +"328 _tensor_constant50" [id=328, type=get_attr]; +"329 _tensor_constant51" [id=329, type=get_attr]; +"330 _native_batch_norm_legit_no_training_25" [id=330, type=_native_batch_norm_legit_no_training]; +"331 getitem_83" [id=331, type=__getitem__]; +"332 getitem_84" [id=332, type=__getitem__]; +"333 getitem_85" [id=333, type=__getitem__]; +"334 silu__25" [id=334, type=silu_]; +"335 max_pool2d" [id=335, type=max_pool2d]; +"336 max_pool2d_1" [id=336, type=max_pool2d]; +"337 max_pool2d_2" [id=337, type=max_pool2d]; +"338 cat_4" [id=338, type=cat]; +"339 _param_constant78" [id=339, type=get_attr]; +"340 conv2d_26" [id=340, type=conv2d]; +"341 empty_26" [id=341, type=empty]; +"342 _param_constant79" [id=342, type=get_attr]; +"343 _param_constant80" [id=343, type=get_attr]; +"344 _tensor_constant52" [id=344, type=get_attr]; +"345 _tensor_constant53" [id=345, type=get_attr]; +"346 _native_batch_norm_legit_no_training_26" [id=346, type=_native_batch_norm_legit_no_training]; +"347 getitem_86" [id=347, type=__getitem__]; +"348 getitem_87" [id=348, type=__getitem__]; +"349 getitem_88" [id=349, type=__getitem__]; +"350 silu__26" [id=350, type=silu_]; +"351 upsample_nearest2d" [id=351, type=upsample_nearest2d]; +"352 cat_5" [id=352, type=cat]; +"353 _param_constant81" [id=353, type=get_attr]; +"354 conv2d_27" [id=354, type=conv2d]; +"355 empty_27" [id=355, type=empty]; +"356 _param_constant82" [id=356, type=get_attr]; +"357 _param_constant83" [id=357, type=get_attr]; +"358 _tensor_constant54" [id=358, type=get_attr]; +"359 _tensor_constant55" [id=359, type=get_attr]; +"360 _native_batch_norm_legit_no_training_27" [id=360, type=_native_batch_norm_legit_no_training]; +"361 getitem_89" [id=361, type=__getitem__]; +"362 getitem_90" [id=362, type=__getitem__]; +"363 getitem_91" [id=363, type=__getitem__]; +"364 silu__27" [id=364, type=silu_]; +"365 chunk_4" [id=365, type=chunk]; +"366 getitem_92" [id=366, type=__getitem__]; +"367 getitem_93" [id=367, type=__getitem__]; +"368 _param_constant84" [id=368, type=get_attr]; +"369 conv2d_28" [id=369, type=conv2d]; +"370 empty_28" [id=370, type=empty]; +"371 _param_constant85" [id=371, type=get_attr]; +"372 _param_constant86" [id=372, type=get_attr]; +"373 _tensor_constant56" [id=373, type=get_attr]; +"374 _tensor_constant57" [id=374, type=get_attr]; +"375 _native_batch_norm_legit_no_training_28" [id=375, type=_native_batch_norm_legit_no_training]; +"376 getitem_94" [id=376, type=__getitem__]; +"377 getitem_95" [id=377, type=__getitem__]; +"378 getitem_96" [id=378, type=__getitem__]; +"379 silu__28" [id=379, type=silu_]; +"380 _param_constant87" [id=380, type=get_attr]; +"381 conv2d_29" [id=381, type=conv2d]; +"382 empty_29" [id=382, type=empty]; +"383 _param_constant88" [id=383, type=get_attr]; +"384 _param_constant89" [id=384, type=get_attr]; +"385 _tensor_constant58" [id=385, type=get_attr]; +"386 _tensor_constant59" [id=386, type=get_attr]; +"387 _native_batch_norm_legit_no_training_29" [id=387, type=_native_batch_norm_legit_no_training]; +"388 getitem_97" [id=388, type=__getitem__]; +"389 getitem_98" [id=389, type=__getitem__]; +"390 getitem_99" [id=390, type=__getitem__]; +"391 silu__29" [id=391, type=silu_]; +"392 cat_6" [id=392, type=cat]; +"393 _param_constant90" [id=393, type=get_attr]; +"394 conv2d_30" [id=394, type=conv2d]; +"395 empty_30" [id=395, type=empty]; +"396 _param_constant91" [id=396, type=get_attr]; +"397 _param_constant92" [id=397, type=get_attr]; +"398 _tensor_constant60" [id=398, type=get_attr]; +"399 _tensor_constant61" [id=399, type=get_attr]; +"400 _native_batch_norm_legit_no_training_30" [id=400, type=_native_batch_norm_legit_no_training]; +"401 getitem_100" [id=401, type=__getitem__]; +"402 getitem_101" [id=402, type=__getitem__]; +"403 getitem_102" [id=403, type=__getitem__]; +"404 silu__30" [id=404, type=silu_]; +"405 upsample_nearest2d_1" [id=405, type=upsample_nearest2d]; +"406 cat_7" [id=406, type=cat]; +"407 _param_constant93" [id=407, type=get_attr]; +"408 conv2d_31" [id=408, type=conv2d]; +"409 empty_31" [id=409, type=empty]; +"410 _param_constant94" [id=410, type=get_attr]; +"411 _param_constant95" [id=411, type=get_attr]; +"412 _tensor_constant62" [id=412, type=get_attr]; +"413 _tensor_constant63" [id=413, type=get_attr]; +"414 _native_batch_norm_legit_no_training_31" [id=414, type=_native_batch_norm_legit_no_training]; +"415 getitem_103" [id=415, type=__getitem__]; +"416 getitem_104" [id=416, type=__getitem__]; +"417 getitem_105" [id=417, type=__getitem__]; +"418 silu__31" [id=418, type=silu_]; +"419 chunk_5" [id=419, type=chunk]; +"420 getitem_106" [id=420, type=__getitem__]; +"421 getitem_107" [id=421, type=__getitem__]; +"422 _param_constant96" [id=422, type=get_attr]; +"423 conv2d_32" [id=423, type=conv2d]; +"424 empty_32" [id=424, type=empty]; +"425 _param_constant97" [id=425, type=get_attr]; +"426 _param_constant98" [id=426, type=get_attr]; +"427 _tensor_constant64" [id=427, type=get_attr]; +"428 _tensor_constant65" [id=428, type=get_attr]; +"429 _native_batch_norm_legit_no_training_32" [id=429, type=_native_batch_norm_legit_no_training]; +"430 getitem_108" [id=430, type=__getitem__]; +"431 getitem_109" [id=431, type=__getitem__]; +"432 getitem_110" [id=432, type=__getitem__]; +"433 silu__32" [id=433, type=silu_]; +"434 _param_constant99" [id=434, type=get_attr]; +"435 conv2d_33" [id=435, type=conv2d]; +"436 empty_33" [id=436, type=empty]; +"437 _param_constant100" [id=437, type=get_attr]; +"438 _param_constant101" [id=438, type=get_attr]; +"439 _tensor_constant66" [id=439, type=get_attr]; +"440 _tensor_constant67" [id=440, type=get_attr]; +"441 _native_batch_norm_legit_no_training_33" [id=441, type=_native_batch_norm_legit_no_training]; +"442 getitem_111" [id=442, type=__getitem__]; +"443 getitem_112" [id=443, type=__getitem__]; +"444 getitem_113" [id=444, type=__getitem__]; +"445 silu__33" [id=445, type=silu_]; +"446 cat_8" [id=446, type=cat]; +"447 _param_constant102" [id=447, type=get_attr]; +"448 conv2d_34" [id=448, type=conv2d]; +"449 empty_34" [id=449, type=empty]; +"450 _param_constant103" [id=450, type=get_attr]; +"451 _param_constant104" [id=451, type=get_attr]; +"452 _tensor_constant68" [id=452, type=get_attr]; +"453 _tensor_constant69" [id=453, type=get_attr]; +"454 _native_batch_norm_legit_no_training_34" [id=454, type=_native_batch_norm_legit_no_training]; +"455 getitem_114" [id=455, type=__getitem__]; +"456 getitem_115" [id=456, type=__getitem__]; +"457 getitem_116" [id=457, type=__getitem__]; +"458 silu__34" [id=458, type=silu_]; +"459 _param_constant105" [id=459, type=get_attr]; +"460 conv2d_35" [id=460, type=conv2d]; +"461 empty_35" [id=461, type=empty]; +"462 _param_constant106" [id=462, type=get_attr]; +"463 _param_constant107" [id=463, type=get_attr]; +"464 _tensor_constant70" [id=464, type=get_attr]; +"465 _tensor_constant71" [id=465, type=get_attr]; +"466 _native_batch_norm_legit_no_training_35" [id=466, type=_native_batch_norm_legit_no_training]; +"467 getitem_117" [id=467, type=__getitem__]; +"468 getitem_118" [id=468, type=__getitem__]; +"469 getitem_119" [id=469, type=__getitem__]; +"470 silu__35" [id=470, type=silu_]; +"471 cat_9" [id=471, type=cat]; +"472 _param_constant108" [id=472, type=get_attr]; +"473 conv2d_36" [id=473, type=conv2d]; +"474 empty_36" [id=474, type=empty]; +"475 _param_constant109" [id=475, type=get_attr]; +"476 _param_constant110" [id=476, type=get_attr]; +"477 _tensor_constant72" [id=477, type=get_attr]; +"478 _tensor_constant73" [id=478, type=get_attr]; +"479 _native_batch_norm_legit_no_training_36" [id=479, type=_native_batch_norm_legit_no_training]; +"480 getitem_120" [id=480, type=__getitem__]; +"481 getitem_121" [id=481, type=__getitem__]; +"482 getitem_122" [id=482, type=__getitem__]; +"483 silu__36" [id=483, type=silu_]; +"484 chunk_6" [id=484, type=chunk]; +"485 getitem_123" [id=485, type=__getitem__]; +"486 getitem_124" [id=486, type=__getitem__]; +"487 _param_constant111" [id=487, type=get_attr]; +"488 conv2d_37" [id=488, type=conv2d]; +"489 empty_37" [id=489, type=empty]; +"490 _param_constant112" [id=490, type=get_attr]; +"491 _param_constant113" [id=491, type=get_attr]; +"492 _tensor_constant74" [id=492, type=get_attr]; +"493 _tensor_constant75" [id=493, type=get_attr]; +"494 _native_batch_norm_legit_no_training_37" [id=494, type=_native_batch_norm_legit_no_training]; +"495 getitem_125" [id=495, type=__getitem__]; +"496 getitem_126" [id=496, type=__getitem__]; +"497 getitem_127" [id=497, type=__getitem__]; +"498 silu__37" [id=498, type=silu_]; +"499 _param_constant114" [id=499, type=get_attr]; +"500 conv2d_38" [id=500, type=conv2d]; +"501 empty_38" [id=501, type=empty]; +"502 _param_constant115" [id=502, type=get_attr]; +"503 _param_constant116" [id=503, type=get_attr]; +"504 _tensor_constant76" [id=504, type=get_attr]; +"505 _tensor_constant77" [id=505, type=get_attr]; +"506 _native_batch_norm_legit_no_training_38" [id=506, type=_native_batch_norm_legit_no_training]; +"507 getitem_128" [id=507, type=__getitem__]; +"508 getitem_129" [id=508, type=__getitem__]; +"509 getitem_130" [id=509, type=__getitem__]; +"510 silu__38" [id=510, type=silu_]; +"511 cat_10" [id=511, type=cat]; +"512 _param_constant117" [id=512, type=get_attr]; +"513 conv2d_39" [id=513, type=conv2d]; +"514 empty_39" [id=514, type=empty]; +"515 _param_constant118" [id=515, type=get_attr]; +"516 _param_constant119" [id=516, type=get_attr]; +"517 _tensor_constant78" [id=517, type=get_attr]; +"518 _tensor_constant79" [id=518, type=get_attr]; +"519 _native_batch_norm_legit_no_training_39" [id=519, type=_native_batch_norm_legit_no_training]; +"520 getitem_131" [id=520, type=__getitem__]; +"521 getitem_132" [id=521, type=__getitem__]; +"522 getitem_133" [id=522, type=__getitem__]; +"523 silu__39" [id=523, type=silu_]; +"524 _param_constant120" [id=524, type=get_attr]; +"525 conv2d_40" [id=525, type=conv2d]; +"526 empty_40" [id=526, type=empty]; +"527 _param_constant121" [id=527, type=get_attr]; +"528 _param_constant122" [id=528, type=get_attr]; +"529 _tensor_constant80" [id=529, type=get_attr]; +"530 _tensor_constant81" [id=530, type=get_attr]; +"531 _native_batch_norm_legit_no_training_40" [id=531, type=_native_batch_norm_legit_no_training]; +"532 getitem_134" [id=532, type=__getitem__]; +"533 getitem_135" [id=533, type=__getitem__]; +"534 getitem_136" [id=534, type=__getitem__]; +"535 silu__40" [id=535, type=silu_]; +"536 cat_11" [id=536, type=cat]; +"537 _param_constant123" [id=537, type=get_attr]; +"538 conv2d_41" [id=538, type=conv2d]; +"539 empty_41" [id=539, type=empty]; +"540 _param_constant124" [id=540, type=get_attr]; +"541 _param_constant125" [id=541, type=get_attr]; +"542 _tensor_constant82" [id=542, type=get_attr]; +"543 _tensor_constant83" [id=543, type=get_attr]; +"544 _native_batch_norm_legit_no_training_41" [id=544, type=_native_batch_norm_legit_no_training]; +"545 getitem_137" [id=545, type=__getitem__]; +"546 getitem_138" [id=546, type=__getitem__]; +"547 getitem_139" [id=547, type=__getitem__]; +"548 silu__41" [id=548, type=silu_]; +"549 chunk_7" [id=549, type=chunk]; +"550 getitem_140" [id=550, type=__getitem__]; +"551 getitem_141" [id=551, type=__getitem__]; +"552 _param_constant126" [id=552, type=get_attr]; +"553 conv2d_42" [id=553, type=conv2d]; +"554 empty_42" [id=554, type=empty]; +"555 _param_constant127" [id=555, type=get_attr]; +"556 _param_constant128" [id=556, type=get_attr]; +"557 _tensor_constant84" [id=557, type=get_attr]; +"558 _tensor_constant85" [id=558, type=get_attr]; +"559 _native_batch_norm_legit_no_training_42" [id=559, type=_native_batch_norm_legit_no_training]; +"560 getitem_142" [id=560, type=__getitem__]; +"561 getitem_143" [id=561, type=__getitem__]; +"562 getitem_144" [id=562, type=__getitem__]; +"563 silu__42" [id=563, type=silu_]; +"564 _param_constant129" [id=564, type=get_attr]; +"565 conv2d_43" [id=565, type=conv2d]; +"566 empty_43" [id=566, type=empty]; +"567 _param_constant130" [id=567, type=get_attr]; +"568 _param_constant131" [id=568, type=get_attr]; +"569 _tensor_constant86" [id=569, type=get_attr]; +"570 _tensor_constant87" [id=570, type=get_attr]; +"571 _native_batch_norm_legit_no_training_43" [id=571, type=_native_batch_norm_legit_no_training]; +"572 getitem_145" [id=572, type=__getitem__]; +"573 getitem_146" [id=573, type=__getitem__]; +"574 getitem_147" [id=574, type=__getitem__]; +"575 silu__43" [id=575, type=silu_]; +"576 cat_12" [id=576, type=cat]; +"577 _param_constant132" [id=577, type=get_attr]; +"578 conv2d_44" [id=578, type=conv2d]; +"579 empty_44" [id=579, type=empty]; +"580 _param_constant133" [id=580, type=get_attr]; +"581 _param_constant134" [id=581, type=get_attr]; +"582 _tensor_constant88" [id=582, type=get_attr]; +"583 _tensor_constant89" [id=583, type=get_attr]; +"584 _native_batch_norm_legit_no_training_44" [id=584, type=_native_batch_norm_legit_no_training]; +"585 getitem_148" [id=585, type=__getitem__]; +"586 getitem_149" [id=586, type=__getitem__]; +"587 getitem_150" [id=587, type=__getitem__]; +"588 silu__44" [id=588, type=silu_]; +"589 _param_constant135" [id=589, type=get_attr]; +"590 conv2d_45" [id=590, type=conv2d]; +"591 empty_45" [id=591, type=empty]; +"592 _param_constant136" [id=592, type=get_attr]; +"593 _param_constant137" [id=593, type=get_attr]; +"594 _tensor_constant90" [id=594, type=get_attr]; +"595 _tensor_constant91" [id=595, type=get_attr]; +"596 _native_batch_norm_legit_no_training_45" [id=596, type=_native_batch_norm_legit_no_training]; +"597 getitem_151" [id=597, type=__getitem__]; +"598 getitem_152" [id=598, type=__getitem__]; +"599 getitem_153" [id=599, type=__getitem__]; +"600 silu__45" [id=600, type=silu_]; +"601 _param_constant138" [id=601, type=get_attr]; +"602 conv2d_46" [id=602, type=conv2d]; +"603 empty_46" [id=603, type=empty]; +"604 _param_constant139" [id=604, type=get_attr]; +"605 _param_constant140" [id=605, type=get_attr]; +"606 _tensor_constant92" [id=606, type=get_attr]; +"607 _tensor_constant93" [id=607, type=get_attr]; +"608 _native_batch_norm_legit_no_training_46" [id=608, type=_native_batch_norm_legit_no_training]; +"609 getitem_154" [id=609, type=__getitem__]; +"610 getitem_155" [id=610, type=__getitem__]; +"611 getitem_156" [id=611, type=__getitem__]; +"612 silu__46" [id=612, type=silu_]; +"613 _param_constant141" [id=613, type=get_attr]; +"614 _param_constant142" [id=614, type=get_attr]; +"615 conv2d_47" [id=615, type=conv2d]; +"616 _param_constant143" [id=616, type=get_attr]; +"617 conv2d_48" [id=617, type=conv2d]; +"618 empty_47" [id=618, type=empty]; +"619 _param_constant144" [id=619, type=get_attr]; +"620 _param_constant145" [id=620, type=get_attr]; +"621 _tensor_constant94" [id=621, type=get_attr]; +"622 _tensor_constant95" [id=622, type=get_attr]; +"623 _native_batch_norm_legit_no_training_47" [id=623, type=_native_batch_norm_legit_no_training]; +"624 getitem_157" [id=624, type=__getitem__]; +"625 getitem_158" [id=625, type=__getitem__]; +"626 getitem_159" [id=626, type=__getitem__]; +"627 silu__47" [id=627, type=silu_]; +"628 _param_constant146" [id=628, type=get_attr]; +"629 conv2d_49" [id=629, type=conv2d]; +"630 empty_48" [id=630, type=empty]; +"631 _param_constant147" [id=631, type=get_attr]; +"632 _param_constant148" [id=632, type=get_attr]; +"633 _tensor_constant96" [id=633, type=get_attr]; +"634 _tensor_constant97" [id=634, type=get_attr]; +"635 _native_batch_norm_legit_no_training_48" [id=635, type=_native_batch_norm_legit_no_training]; +"636 getitem_160" [id=636, type=__getitem__]; +"637 getitem_161" [id=637, type=__getitem__]; +"638 getitem_162" [id=638, type=__getitem__]; +"639 silu__48" [id=639, type=silu_]; +"640 _param_constant149" [id=640, type=get_attr]; +"641 _param_constant150" [id=641, type=get_attr]; +"642 conv2d_50" [id=642, type=conv2d]; +"643 cat_13" [id=643, type=cat]; +"644 _param_constant151" [id=644, type=get_attr]; +"645 conv2d_51" [id=645, type=conv2d]; +"646 empty_49" [id=646, type=empty]; +"647 _param_constant152" [id=647, type=get_attr]; +"648 _param_constant153" [id=648, type=get_attr]; +"649 _tensor_constant98" [id=649, type=get_attr]; +"650 _tensor_constant99" [id=650, type=get_attr]; +"651 _native_batch_norm_legit_no_training_49" [id=651, type=_native_batch_norm_legit_no_training]; +"652 getitem_163" [id=652, type=__getitem__]; +"653 getitem_164" [id=653, type=__getitem__]; +"654 getitem_165" [id=654, type=__getitem__]; +"655 silu__49" [id=655, type=silu_]; +"656 _param_constant154" [id=656, type=get_attr]; +"657 conv2d_52" [id=657, type=conv2d]; +"658 empty_50" [id=658, type=empty]; +"659 _param_constant155" [id=659, type=get_attr]; +"660 _param_constant156" [id=660, type=get_attr]; +"661 _tensor_constant100" [id=661, type=get_attr]; +"662 _tensor_constant101" [id=662, type=get_attr]; +"663 _native_batch_norm_legit_no_training_50" [id=663, type=_native_batch_norm_legit_no_training]; +"664 getitem_166" [id=664, type=__getitem__]; +"665 getitem_167" [id=665, type=__getitem__]; +"666 getitem_168" [id=666, type=__getitem__]; +"667 silu__50" [id=667, type=silu_]; +"668 _param_constant157" [id=668, type=get_attr]; +"669 _param_constant158" [id=669, type=get_attr]; +"670 conv2d_53" [id=670, type=conv2d]; +"671 _param_constant159" [id=671, type=get_attr]; +"672 conv2d_54" [id=672, type=conv2d]; +"673 empty_51" [id=673, type=empty]; +"674 _param_constant160" [id=674, type=get_attr]; +"675 _param_constant161" [id=675, type=get_attr]; +"676 _tensor_constant102" [id=676, type=get_attr]; +"677 _tensor_constant103" [id=677, type=get_attr]; +"678 _native_batch_norm_legit_no_training_51" [id=678, type=_native_batch_norm_legit_no_training]; +"679 getitem_169" [id=679, type=__getitem__]; +"680 getitem_170" [id=680, type=__getitem__]; +"681 getitem_171" [id=681, type=__getitem__]; +"682 silu__51" [id=682, type=silu_]; +"683 _param_constant162" [id=683, type=get_attr]; +"684 conv2d_55" [id=684, type=conv2d]; +"685 empty_52" [id=685, type=empty]; +"686 _param_constant163" [id=686, type=get_attr]; +"687 _param_constant164" [id=687, type=get_attr]; +"688 _tensor_constant104" [id=688, type=get_attr]; +"689 _tensor_constant105" [id=689, type=get_attr]; +"690 _native_batch_norm_legit_no_training_52" [id=690, type=_native_batch_norm_legit_no_training]; +"691 getitem_172" [id=691, type=__getitem__]; +"692 getitem_173" [id=692, type=__getitem__]; +"693 getitem_174" [id=693, type=__getitem__]; +"694 silu__52" [id=694, type=silu_]; +"695 _param_constant165" [id=695, type=get_attr]; +"696 _param_constant166" [id=696, type=get_attr]; +"697 conv2d_56" [id=697, type=conv2d]; +"698 cat_14" [id=698, type=cat]; +"699 _param_constant167" [id=699, type=get_attr]; +"700 conv2d_57" [id=700, type=conv2d]; +"701 empty_53" [id=701, type=empty]; +"702 _param_constant168" [id=702, type=get_attr]; +"703 _param_constant169" [id=703, type=get_attr]; +"704 _tensor_constant106" [id=704, type=get_attr]; +"705 _tensor_constant107" [id=705, type=get_attr]; +"706 _native_batch_norm_legit_no_training_53" [id=706, type=_native_batch_norm_legit_no_training]; +"707 getitem_175" [id=707, type=__getitem__]; +"708 getitem_176" [id=708, type=__getitem__]; +"709 getitem_177" [id=709, type=__getitem__]; +"710 silu__53" [id=710, type=silu_]; +"711 _param_constant170" [id=711, type=get_attr]; +"712 conv2d_58" [id=712, type=conv2d]; +"713 empty_54" [id=713, type=empty]; +"714 _param_constant171" [id=714, type=get_attr]; +"715 _param_constant172" [id=715, type=get_attr]; +"716 _tensor_constant108" [id=716, type=get_attr]; +"717 _tensor_constant109" [id=717, type=get_attr]; +"718 _native_batch_norm_legit_no_training_54" [id=718, type=_native_batch_norm_legit_no_training]; +"719 getitem_178" [id=719, type=__getitem__]; +"720 getitem_179" [id=720, type=__getitem__]; +"721 getitem_180" [id=721, type=__getitem__]; +"722 silu__54" [id=722, type=silu_]; +"723 _param_constant173" [id=723, type=get_attr]; +"724 _param_constant174" [id=724, type=get_attr]; +"725 conv2d_59" [id=725, type=conv2d]; +"726 _param_constant175" [id=726, type=get_attr]; +"727 conv2d_60" [id=727, type=conv2d]; +"728 empty_55" [id=728, type=empty]; +"729 _param_constant176" [id=729, type=get_attr]; +"730 _param_constant177" [id=730, type=get_attr]; +"731 _tensor_constant110" [id=731, type=get_attr]; +"732 _tensor_constant111" [id=732, type=get_attr]; +"733 _native_batch_norm_legit_no_training_55" [id=733, type=_native_batch_norm_legit_no_training]; +"734 getitem_181" [id=734, type=__getitem__]; +"735 getitem_182" [id=735, type=__getitem__]; +"736 getitem_183" [id=736, type=__getitem__]; +"737 silu__55" [id=737, type=silu_]; +"738 _param_constant178" [id=738, type=get_attr]; +"739 conv2d_61" [id=739, type=conv2d]; +"740 empty_56" [id=740, type=empty]; +"741 _param_constant179" [id=741, type=get_attr]; +"742 _param_constant180" [id=742, type=get_attr]; +"743 _tensor_constant112" [id=743, type=get_attr]; +"744 _tensor_constant113" [id=744, type=get_attr]; +"745 _native_batch_norm_legit_no_training_56" [id=745, type=_native_batch_norm_legit_no_training]; +"746 getitem_184" [id=746, type=__getitem__]; +"747 getitem_185" [id=747, type=__getitem__]; +"748 getitem_186" [id=748, type=__getitem__]; +"749 silu__56" [id=749, type=silu_]; +"750 _param_constant181" [id=750, type=get_attr]; +"751 _param_constant182" [id=751, type=get_attr]; +"752 conv2d_62" [id=752, type=conv2d]; +"753 cat_15" [id=753, type=cat]; +"754 view" [id=754, type=view]; +"755 view_1" [id=755, type=view]; +"756 view_2" [id=756, type=view]; +"757 cat_16" [id=757, type=cat]; +"758 split_with_sizes" [id=758, type=split_with_sizes]; +"759 getitem_187" [id=759, type=__getitem__]; +"760 getitem_188" [id=760, type=__getitem__]; +"761 view_3" [id=761, type=view]; +"762 transpose" [id=762, type=transpose]; +"763 softmax" [id=763, type=softmax]; +"764 _param_constant183" [id=764, type=get_attr]; +"765 conv2d_63" [id=765, type=conv2d]; +"766 view_4" [id=766, type=view]; +"767 _tensor_constant114" [id=767, type=get_attr]; +"768 unsqueeze" [id=768, type=unsqueeze]; +"769 chunk_8" [id=769, type=chunk]; +"770 getitem_189" [id=770, type=__getitem__]; +"771 getitem_190" [id=771, type=__getitem__]; +"772 sub" [id=772, type=sub]; +"773 add_6" [id=773, type=add]; +"774 add_7" [id=774, type=add]; +"775 div" [id=775, type=div]; +"776 sub_1" [id=776, type=sub]; +"777 cat_17" [id=777, type=cat]; +"778 _tensor_constant115" [id=778, type=get_attr]; +"779 mul" [id=779, type=mul]; +"780 sigmoid" [id=780, type=sigmoid]; +"781 cat_18" [id=781, type=cat]; +"782 output" [id=782, type=output]; +"0 arg0_1" -> "2 conv2d"; +"1 _param_constant0" -> "2 conv2d"; +"2 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"8 _native_batch_norm_legit_no_training" -> "10 getitem_1"; +"8 _native_batch_norm_legit_no_training" -> "11 getitem_2"; +"9 getitem" -> "12 silu_"; +"12 silu_" -> "14 conv2d_1"; +"13 _param_constant3" -> "14 conv2d_1"; +"14 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; +"16 _param_constant4" -> "20 _native_batch_norm_legit_no_training_1"; +"17 _param_constant5" -> "20 _native_batch_norm_legit_no_training_1"; +"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1"; +"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1"; +"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; +"20 _native_batch_norm_legit_no_training_1" -> "22 getitem_4"; +"20 _native_batch_norm_legit_no_training_1" -> "23 getitem_5"; +"21 getitem_3" -> "24 silu__1"; +"24 silu__1" -> "26 conv2d_2"; +"25 _param_constant6" -> "26 conv2d_2"; +"26 conv2d_2" -> "32 _native_batch_norm_legit_no_training_2"; +"28 _param_constant7" -> "32 _native_batch_norm_legit_no_training_2"; +"29 _param_constant8" -> "32 _native_batch_norm_legit_no_training_2"; +"30 _tensor_constant4" -> "32 _native_batch_norm_legit_no_training_2"; +"31 _tensor_constant5" -> "32 _native_batch_norm_legit_no_training_2"; +"32 _native_batch_norm_legit_no_training_2" -> "33 getitem_6"; +"32 _native_batch_norm_legit_no_training_2" -> "34 getitem_7"; +"32 _native_batch_norm_legit_no_training_2" -> "35 getitem_8"; +"33 getitem_6" -> "36 silu__2"; +"36 silu__2" -> "37 chunk"; +"37 chunk" -> "38 getitem_9"; +"37 chunk" -> "39 getitem_10"; +"38 getitem_9" -> "65 cat"; +"39 getitem_10" -> "41 conv2d_3"; +"39 getitem_10" -> "64 add"; +"39 getitem_10" -> "65 cat"; +"40 _param_constant9" -> "41 conv2d_3"; +"41 conv2d_3" -> "47 _native_batch_norm_legit_no_training_3"; +"43 _param_constant10" -> "47 _native_batch_norm_legit_no_training_3"; +"44 _param_constant11" -> "47 _native_batch_norm_legit_no_training_3"; +"45 _tensor_constant6" -> "47 _native_batch_norm_legit_no_training_3"; +"46 _tensor_constant7" -> "47 _native_batch_norm_legit_no_training_3"; +"47 _native_batch_norm_legit_no_training_3" -> "48 getitem_11"; +"47 _native_batch_norm_legit_no_training_3" -> "49 getitem_12"; +"47 _native_batch_norm_legit_no_training_3" -> "50 getitem_13"; +"48 getitem_11" -> "51 silu__3"; +"51 silu__3" -> "53 conv2d_4"; +"52 _param_constant12" -> "53 conv2d_4"; +"53 conv2d_4" -> "59 _native_batch_norm_legit_no_training_4"; +"55 _param_constant13" -> "59 _native_batch_norm_legit_no_training_4"; +"56 _param_constant14" -> "59 _native_batch_norm_legit_no_training_4"; +"57 _tensor_constant8" -> "59 _native_batch_norm_legit_no_training_4"; +"58 _tensor_constant9" -> "59 _native_batch_norm_legit_no_training_4"; +"59 _native_batch_norm_legit_no_training_4" -> "60 getitem_14"; +"59 _native_batch_norm_legit_no_training_4" -> "61 getitem_15"; +"59 _native_batch_norm_legit_no_training_4" -> "62 getitem_16"; +"60 getitem_14" -> "63 silu__4"; +"63 silu__4" -> "64 add"; +"64 add" -> "65 cat"; +"65 cat" -> "67 conv2d_5"; +"66 _param_constant15" -> "67 conv2d_5"; +"67 conv2d_5" -> "73 _native_batch_norm_legit_no_training_5"; +"69 _param_constant16" -> "73 _native_batch_norm_legit_no_training_5"; +"70 _param_constant17" -> "73 _native_batch_norm_legit_no_training_5"; +"71 _tensor_constant10" -> "73 _native_batch_norm_legit_no_training_5"; +"72 _tensor_constant11" -> "73 _native_batch_norm_legit_no_training_5"; +"73 _native_batch_norm_legit_no_training_5" -> "74 getitem_17"; +"73 _native_batch_norm_legit_no_training_5" -> "75 getitem_18"; +"73 _native_batch_norm_legit_no_training_5" -> "76 getitem_19"; +"74 getitem_17" -> "77 silu__5"; +"77 silu__5" -> "79 conv2d_6"; +"78 _param_constant18" -> "79 conv2d_6"; +"79 conv2d_6" -> "85 _native_batch_norm_legit_no_training_6"; +"81 _param_constant19" -> "85 _native_batch_norm_legit_no_training_6"; +"82 _param_constant20" -> "85 _native_batch_norm_legit_no_training_6"; +"83 _tensor_constant12" -> "85 _native_batch_norm_legit_no_training_6"; +"84 _tensor_constant13" -> "85 _native_batch_norm_legit_no_training_6"; +"85 _native_batch_norm_legit_no_training_6" -> "86 getitem_20"; +"85 _native_batch_norm_legit_no_training_6" -> "87 getitem_21"; +"85 _native_batch_norm_legit_no_training_6" -> "88 getitem_22"; +"86 getitem_20" -> "89 silu__6"; +"89 silu__6" -> "91 conv2d_7"; +"90 _param_constant21" -> "91 conv2d_7"; +"91 conv2d_7" -> "97 _native_batch_norm_legit_no_training_7"; +"93 _param_constant22" -> "97 _native_batch_norm_legit_no_training_7"; +"94 _param_constant23" -> "97 _native_batch_norm_legit_no_training_7"; +"95 _tensor_constant14" -> "97 _native_batch_norm_legit_no_training_7"; +"96 _tensor_constant15" -> "97 _native_batch_norm_legit_no_training_7"; +"97 _native_batch_norm_legit_no_training_7" -> "98 getitem_23"; +"97 _native_batch_norm_legit_no_training_7" -> "99 getitem_24"; +"97 _native_batch_norm_legit_no_training_7" -> "100 getitem_25"; +"98 getitem_23" -> "101 silu__7"; +"101 silu__7" -> "102 chunk_1"; +"102 chunk_1" -> "103 getitem_26"; +"102 chunk_1" -> "104 getitem_27"; +"103 getitem_26" -> "155 cat_1"; +"104 getitem_27" -> "106 conv2d_8"; +"104 getitem_27" -> "129 add_1"; +"104 getitem_27" -> "131 conv2d_10"; +"104 getitem_27" -> "154 add_2"; +"104 getitem_27" -> "155 cat_1"; +"105 _param_constant24" -> "106 conv2d_8"; +"106 conv2d_8" -> "112 _native_batch_norm_legit_no_training_8"; +"108 _param_constant25" -> "112 _native_batch_norm_legit_no_training_8"; +"109 _param_constant26" -> "112 _native_batch_norm_legit_no_training_8"; +"110 _tensor_constant16" -> "112 _native_batch_norm_legit_no_training_8"; +"111 _tensor_constant17" -> "112 _native_batch_norm_legit_no_training_8"; +"112 _native_batch_norm_legit_no_training_8" -> "113 getitem_28"; +"112 _native_batch_norm_legit_no_training_8" -> "114 getitem_29"; +"112 _native_batch_norm_legit_no_training_8" -> "115 getitem_30"; +"113 getitem_28" -> "116 silu__8"; +"116 silu__8" -> "118 conv2d_9"; +"117 _param_constant27" -> "118 conv2d_9"; +"118 conv2d_9" -> "124 _native_batch_norm_legit_no_training_9"; +"120 _param_constant28" -> "124 _native_batch_norm_legit_no_training_9"; +"121 _param_constant29" -> "124 _native_batch_norm_legit_no_training_9"; +"122 _tensor_constant18" -> "124 _native_batch_norm_legit_no_training_9"; +"123 _tensor_constant19" -> "124 _native_batch_norm_legit_no_training_9"; +"124 _native_batch_norm_legit_no_training_9" -> "125 getitem_31"; +"124 _native_batch_norm_legit_no_training_9" -> "126 getitem_32"; +"124 _native_batch_norm_legit_no_training_9" -> "127 getitem_33"; +"125 getitem_31" -> "128 silu__9"; +"128 silu__9" -> "129 add_1"; +"129 add_1" -> "155 cat_1"; +"130 _param_constant30" -> "131 conv2d_10"; +"131 conv2d_10" -> "137 _native_batch_norm_legit_no_training_10"; +"133 _param_constant31" -> "137 _native_batch_norm_legit_no_training_10"; +"134 _param_constant32" -> "137 _native_batch_norm_legit_no_training_10"; +"135 _tensor_constant20" -> "137 _native_batch_norm_legit_no_training_10"; +"136 _tensor_constant21" -> "137 _native_batch_norm_legit_no_training_10"; +"137 _native_batch_norm_legit_no_training_10" -> "138 getitem_34"; +"137 _native_batch_norm_legit_no_training_10" -> "139 getitem_35"; +"137 _native_batch_norm_legit_no_training_10" -> "140 getitem_36"; +"138 getitem_34" -> "141 silu__10"; +"141 silu__10" -> "143 conv2d_11"; +"142 _param_constant33" -> "143 conv2d_11"; +"143 conv2d_11" -> "149 _native_batch_norm_legit_no_training_11"; +"145 _param_constant34" -> "149 _native_batch_norm_legit_no_training_11"; +"146 _param_constant35" -> "149 _native_batch_norm_legit_no_training_11"; +"147 _tensor_constant22" -> "149 _native_batch_norm_legit_no_training_11"; +"148 _tensor_constant23" -> "149 _native_batch_norm_legit_no_training_11"; +"149 _native_batch_norm_legit_no_training_11" -> "150 getitem_37"; +"149 _native_batch_norm_legit_no_training_11" -> "151 getitem_38"; +"149 _native_batch_norm_legit_no_training_11" -> "152 getitem_39"; +"150 getitem_37" -> "153 silu__11"; +"153 silu__11" -> "154 add_2"; +"154 add_2" -> "155 cat_1"; +"155 cat_1" -> "157 conv2d_12"; +"156 _param_constant36" -> "157 conv2d_12"; +"157 conv2d_12" -> "163 _native_batch_norm_legit_no_training_12"; +"159 _param_constant37" -> "163 _native_batch_norm_legit_no_training_12"; +"160 _param_constant38" -> "163 _native_batch_norm_legit_no_training_12"; +"161 _tensor_constant24" -> "163 _native_batch_norm_legit_no_training_12"; +"162 _tensor_constant25" -> "163 _native_batch_norm_legit_no_training_12"; +"163 _native_batch_norm_legit_no_training_12" -> "164 getitem_40"; +"163 _native_batch_norm_legit_no_training_12" -> "165 getitem_41"; +"163 _native_batch_norm_legit_no_training_12" -> "166 getitem_42"; +"164 getitem_40" -> "167 silu__12"; +"167 silu__12" -> "169 conv2d_13"; +"167 silu__12" -> "406 cat_7"; +"168 _param_constant39" -> "169 conv2d_13"; +"169 conv2d_13" -> "175 _native_batch_norm_legit_no_training_13"; +"171 _param_constant40" -> "175 _native_batch_norm_legit_no_training_13"; +"172 _param_constant41" -> "175 _native_batch_norm_legit_no_training_13"; +"173 _tensor_constant26" -> "175 _native_batch_norm_legit_no_training_13"; +"174 _tensor_constant27" -> "175 _native_batch_norm_legit_no_training_13"; +"175 _native_batch_norm_legit_no_training_13" -> "176 getitem_43"; +"175 _native_batch_norm_legit_no_training_13" -> "177 getitem_44"; +"175 _native_batch_norm_legit_no_training_13" -> "178 getitem_45"; +"176 getitem_43" -> "179 silu__13"; +"179 silu__13" -> "181 conv2d_14"; +"180 _param_constant42" -> "181 conv2d_14"; +"181 conv2d_14" -> "187 _native_batch_norm_legit_no_training_14"; +"183 _param_constant43" -> "187 _native_batch_norm_legit_no_training_14"; +"184 _param_constant44" -> "187 _native_batch_norm_legit_no_training_14"; +"185 _tensor_constant28" -> "187 _native_batch_norm_legit_no_training_14"; +"186 _tensor_constant29" -> "187 _native_batch_norm_legit_no_training_14"; +"187 _native_batch_norm_legit_no_training_14" -> "188 getitem_46"; +"187 _native_batch_norm_legit_no_training_14" -> "189 getitem_47"; +"187 _native_batch_norm_legit_no_training_14" -> "190 getitem_48"; +"188 getitem_46" -> "191 silu__14"; +"191 silu__14" -> "192 chunk_2"; +"192 chunk_2" -> "193 getitem_49"; +"192 chunk_2" -> "194 getitem_50"; +"193 getitem_49" -> "245 cat_2"; +"194 getitem_50" -> "196 conv2d_15"; +"194 getitem_50" -> "219 add_3"; +"194 getitem_50" -> "221 conv2d_17"; +"194 getitem_50" -> "244 add_4"; +"194 getitem_50" -> "245 cat_2"; +"195 _param_constant45" -> "196 conv2d_15"; +"196 conv2d_15" -> "202 _native_batch_norm_legit_no_training_15"; +"198 _param_constant46" -> "202 _native_batch_norm_legit_no_training_15"; +"199 _param_constant47" -> "202 _native_batch_norm_legit_no_training_15"; +"200 _tensor_constant30" -> "202 _native_batch_norm_legit_no_training_15"; +"201 _tensor_constant31" -> "202 _native_batch_norm_legit_no_training_15"; +"202 _native_batch_norm_legit_no_training_15" -> "203 getitem_51"; +"202 _native_batch_norm_legit_no_training_15" -> "204 getitem_52"; +"202 _native_batch_norm_legit_no_training_15" -> "205 getitem_53"; +"203 getitem_51" -> "206 silu__15"; +"206 silu__15" -> "208 conv2d_16"; +"207 _param_constant48" -> "208 conv2d_16"; +"208 conv2d_16" -> "214 _native_batch_norm_legit_no_training_16"; +"210 _param_constant49" -> "214 _native_batch_norm_legit_no_training_16"; +"211 _param_constant50" -> "214 _native_batch_norm_legit_no_training_16"; +"212 _tensor_constant32" -> "214 _native_batch_norm_legit_no_training_16"; +"213 _tensor_constant33" -> "214 _native_batch_norm_legit_no_training_16"; +"214 _native_batch_norm_legit_no_training_16" -> "215 getitem_54"; +"214 _native_batch_norm_legit_no_training_16" -> "216 getitem_55"; +"214 _native_batch_norm_legit_no_training_16" -> "217 getitem_56"; +"215 getitem_54" -> "218 silu__16"; +"218 silu__16" -> "219 add_3"; +"219 add_3" -> "245 cat_2"; +"220 _param_constant51" -> "221 conv2d_17"; +"221 conv2d_17" -> "227 _native_batch_norm_legit_no_training_17"; +"223 _param_constant52" -> "227 _native_batch_norm_legit_no_training_17"; +"224 _param_constant53" -> "227 _native_batch_norm_legit_no_training_17"; +"225 _tensor_constant34" -> "227 _native_batch_norm_legit_no_training_17"; +"226 _tensor_constant35" -> "227 _native_batch_norm_legit_no_training_17"; +"227 _native_batch_norm_legit_no_training_17" -> "228 getitem_57"; +"227 _native_batch_norm_legit_no_training_17" -> "229 getitem_58"; +"227 _native_batch_norm_legit_no_training_17" -> "230 getitem_59"; +"228 getitem_57" -> "231 silu__17"; +"231 silu__17" -> "233 conv2d_18"; +"232 _param_constant54" -> "233 conv2d_18"; +"233 conv2d_18" -> "239 _native_batch_norm_legit_no_training_18"; +"235 _param_constant55" -> "239 _native_batch_norm_legit_no_training_18"; +"236 _param_constant56" -> "239 _native_batch_norm_legit_no_training_18"; +"237 _tensor_constant36" -> "239 _native_batch_norm_legit_no_training_18"; +"238 _tensor_constant37" -> "239 _native_batch_norm_legit_no_training_18"; +"239 _native_batch_norm_legit_no_training_18" -> "240 getitem_60"; +"239 _native_batch_norm_legit_no_training_18" -> "241 getitem_61"; +"239 _native_batch_norm_legit_no_training_18" -> "242 getitem_62"; +"240 getitem_60" -> "243 silu__18"; +"243 silu__18" -> "244 add_4"; +"244 add_4" -> "245 cat_2"; +"245 cat_2" -> "247 conv2d_19"; +"246 _param_constant57" -> "247 conv2d_19"; +"247 conv2d_19" -> "253 _native_batch_norm_legit_no_training_19"; +"249 _param_constant58" -> "253 _native_batch_norm_legit_no_training_19"; +"250 _param_constant59" -> "253 _native_batch_norm_legit_no_training_19"; +"251 _tensor_constant38" -> "253 _native_batch_norm_legit_no_training_19"; +"252 _tensor_constant39" -> "253 _native_batch_norm_legit_no_training_19"; +"253 _native_batch_norm_legit_no_training_19" -> "254 getitem_63"; +"253 _native_batch_norm_legit_no_training_19" -> "255 getitem_64"; +"253 _native_batch_norm_legit_no_training_19" -> "256 getitem_65"; +"254 getitem_63" -> "257 silu__19"; +"257 silu__19" -> "259 conv2d_20"; +"257 silu__19" -> "352 cat_5"; +"258 _param_constant60" -> "259 conv2d_20"; +"259 conv2d_20" -> "265 _native_batch_norm_legit_no_training_20"; +"261 _param_constant61" -> "265 _native_batch_norm_legit_no_training_20"; +"262 _param_constant62" -> "265 _native_batch_norm_legit_no_training_20"; +"263 _tensor_constant40" -> "265 _native_batch_norm_legit_no_training_20"; +"264 _tensor_constant41" -> "265 _native_batch_norm_legit_no_training_20"; +"265 _native_batch_norm_legit_no_training_20" -> "266 getitem_66"; +"265 _native_batch_norm_legit_no_training_20" -> "267 getitem_67"; +"265 _native_batch_norm_legit_no_training_20" -> "268 getitem_68"; +"266 getitem_66" -> "269 silu__20"; +"269 silu__20" -> "271 conv2d_21"; +"270 _param_constant63" -> "271 conv2d_21"; +"271 conv2d_21" -> "277 _native_batch_norm_legit_no_training_21"; +"273 _param_constant64" -> "277 _native_batch_norm_legit_no_training_21"; +"274 _param_constant65" -> "277 _native_batch_norm_legit_no_training_21"; +"275 _tensor_constant42" -> "277 _native_batch_norm_legit_no_training_21"; +"276 _tensor_constant43" -> "277 _native_batch_norm_legit_no_training_21"; +"277 _native_batch_norm_legit_no_training_21" -> "278 getitem_69"; +"277 _native_batch_norm_legit_no_training_21" -> "279 getitem_70"; +"277 _native_batch_norm_legit_no_training_21" -> "280 getitem_71"; +"278 getitem_69" -> "281 silu__21"; +"281 silu__21" -> "282 chunk_3"; +"282 chunk_3" -> "283 getitem_72"; +"282 chunk_3" -> "284 getitem_73"; +"283 getitem_72" -> "310 cat_3"; +"284 getitem_73" -> "286 conv2d_22"; +"284 getitem_73" -> "309 add_5"; +"284 getitem_73" -> "310 cat_3"; +"285 _param_constant66" -> "286 conv2d_22"; +"286 conv2d_22" -> "292 _native_batch_norm_legit_no_training_22"; +"288 _param_constant67" -> "292 _native_batch_norm_legit_no_training_22"; +"289 _param_constant68" -> "292 _native_batch_norm_legit_no_training_22"; +"290 _tensor_constant44" -> "292 _native_batch_norm_legit_no_training_22"; +"291 _tensor_constant45" -> "292 _native_batch_norm_legit_no_training_22"; +"292 _native_batch_norm_legit_no_training_22" -> "293 getitem_74"; +"292 _native_batch_norm_legit_no_training_22" -> "294 getitem_75"; +"292 _native_batch_norm_legit_no_training_22" -> "295 getitem_76"; +"293 getitem_74" -> "296 silu__22"; +"296 silu__22" -> "298 conv2d_23"; +"297 _param_constant69" -> "298 conv2d_23"; +"298 conv2d_23" -> "304 _native_batch_norm_legit_no_training_23"; +"300 _param_constant70" -> "304 _native_batch_norm_legit_no_training_23"; +"301 _param_constant71" -> "304 _native_batch_norm_legit_no_training_23"; +"302 _tensor_constant46" -> "304 _native_batch_norm_legit_no_training_23"; +"303 _tensor_constant47" -> "304 _native_batch_norm_legit_no_training_23"; +"304 _native_batch_norm_legit_no_training_23" -> "305 getitem_77"; +"304 _native_batch_norm_legit_no_training_23" -> "306 getitem_78"; +"304 _native_batch_norm_legit_no_training_23" -> "307 getitem_79"; +"305 getitem_77" -> "308 silu__23"; +"308 silu__23" -> "309 add_5"; +"309 add_5" -> "310 cat_3"; +"310 cat_3" -> "312 conv2d_24"; +"311 _param_constant72" -> "312 conv2d_24"; +"312 conv2d_24" -> "318 _native_batch_norm_legit_no_training_24"; +"314 _param_constant73" -> "318 _native_batch_norm_legit_no_training_24"; +"315 _param_constant74" -> "318 _native_batch_norm_legit_no_training_24"; +"316 _tensor_constant48" -> "318 _native_batch_norm_legit_no_training_24"; +"317 _tensor_constant49" -> "318 _native_batch_norm_legit_no_training_24"; +"318 _native_batch_norm_legit_no_training_24" -> "319 getitem_80"; +"318 _native_batch_norm_legit_no_training_24" -> "320 getitem_81"; +"318 _native_batch_norm_legit_no_training_24" -> "321 getitem_82"; +"319 getitem_80" -> "322 silu__24"; +"322 silu__24" -> "324 conv2d_25"; +"323 _param_constant75" -> "324 conv2d_25"; +"324 conv2d_25" -> "330 _native_batch_norm_legit_no_training_25"; +"326 _param_constant76" -> "330 _native_batch_norm_legit_no_training_25"; +"327 _param_constant77" -> "330 _native_batch_norm_legit_no_training_25"; +"328 _tensor_constant50" -> "330 _native_batch_norm_legit_no_training_25"; +"329 _tensor_constant51" -> "330 _native_batch_norm_legit_no_training_25"; +"330 _native_batch_norm_legit_no_training_25" -> "331 getitem_83"; +"330 _native_batch_norm_legit_no_training_25" -> "332 getitem_84"; +"330 _native_batch_norm_legit_no_training_25" -> "333 getitem_85"; +"331 getitem_83" -> "334 silu__25"; +"334 silu__25" -> "335 max_pool2d"; +"334 silu__25" -> "336 max_pool2d_1"; +"334 silu__25" -> "337 max_pool2d_2"; +"334 silu__25" -> "338 cat_4"; +"335 max_pool2d" -> "338 cat_4"; +"336 max_pool2d_1" -> "338 cat_4"; +"337 max_pool2d_2" -> "338 cat_4"; +"338 cat_4" -> "340 conv2d_26"; +"339 _param_constant78" -> "340 conv2d_26"; +"340 conv2d_26" -> "346 _native_batch_norm_legit_no_training_26"; +"342 _param_constant79" -> "346 _native_batch_norm_legit_no_training_26"; +"343 _param_constant80" -> "346 _native_batch_norm_legit_no_training_26"; +"344 _tensor_constant52" -> "346 _native_batch_norm_legit_no_training_26"; +"345 _tensor_constant53" -> "346 _native_batch_norm_legit_no_training_26"; +"346 _native_batch_norm_legit_no_training_26" -> "347 getitem_86"; +"346 _native_batch_norm_legit_no_training_26" -> "348 getitem_87"; +"346 _native_batch_norm_legit_no_training_26" -> "349 getitem_88"; +"347 getitem_86" -> "350 silu__26"; +"350 silu__26" -> "351 upsample_nearest2d"; +"350 silu__26" -> "536 cat_11"; +"351 upsample_nearest2d" -> "352 cat_5"; +"352 cat_5" -> "354 conv2d_27"; +"353 _param_constant81" -> "354 conv2d_27"; +"354 conv2d_27" -> "360 _native_batch_norm_legit_no_training_27"; +"356 _param_constant82" -> "360 _native_batch_norm_legit_no_training_27"; +"357 _param_constant83" -> "360 _native_batch_norm_legit_no_training_27"; +"358 _tensor_constant54" -> "360 _native_batch_norm_legit_no_training_27"; +"359 _tensor_constant55" -> "360 _native_batch_norm_legit_no_training_27"; +"360 _native_batch_norm_legit_no_training_27" -> "361 getitem_89"; +"360 _native_batch_norm_legit_no_training_27" -> "362 getitem_90"; +"360 _native_batch_norm_legit_no_training_27" -> "363 getitem_91"; +"361 getitem_89" -> "364 silu__27"; +"364 silu__27" -> "365 chunk_4"; +"365 chunk_4" -> "366 getitem_92"; +"365 chunk_4" -> "367 getitem_93"; +"366 getitem_92" -> "392 cat_6"; +"367 getitem_93" -> "369 conv2d_28"; +"367 getitem_93" -> "392 cat_6"; +"368 _param_constant84" -> "369 conv2d_28"; +"369 conv2d_28" -> "375 _native_batch_norm_legit_no_training_28"; +"371 _param_constant85" -> "375 _native_batch_norm_legit_no_training_28"; +"372 _param_constant86" -> "375 _native_batch_norm_legit_no_training_28"; +"373 _tensor_constant56" -> "375 _native_batch_norm_legit_no_training_28"; +"374 _tensor_constant57" -> "375 _native_batch_norm_legit_no_training_28"; +"375 _native_batch_norm_legit_no_training_28" -> "376 getitem_94"; +"375 _native_batch_norm_legit_no_training_28" -> "377 getitem_95"; +"375 _native_batch_norm_legit_no_training_28" -> "378 getitem_96"; +"376 getitem_94" -> "379 silu__28"; +"379 silu__28" -> "381 conv2d_29"; +"380 _param_constant87" -> "381 conv2d_29"; +"381 conv2d_29" -> "387 _native_batch_norm_legit_no_training_29"; +"383 _param_constant88" -> "387 _native_batch_norm_legit_no_training_29"; +"384 _param_constant89" -> "387 _native_batch_norm_legit_no_training_29"; +"385 _tensor_constant58" -> "387 _native_batch_norm_legit_no_training_29"; +"386 _tensor_constant59" -> "387 _native_batch_norm_legit_no_training_29"; +"387 _native_batch_norm_legit_no_training_29" -> "388 getitem_97"; +"387 _native_batch_norm_legit_no_training_29" -> "389 getitem_98"; +"387 _native_batch_norm_legit_no_training_29" -> "390 getitem_99"; +"388 getitem_97" -> "391 silu__29"; +"391 silu__29" -> "392 cat_6"; +"392 cat_6" -> "394 conv2d_30"; +"393 _param_constant90" -> "394 conv2d_30"; +"394 conv2d_30" -> "400 _native_batch_norm_legit_no_training_30"; +"396 _param_constant91" -> "400 _native_batch_norm_legit_no_training_30"; +"397 _param_constant92" -> "400 _native_batch_norm_legit_no_training_30"; +"398 _tensor_constant60" -> "400 _native_batch_norm_legit_no_training_30"; +"399 _tensor_constant61" -> "400 _native_batch_norm_legit_no_training_30"; +"400 _native_batch_norm_legit_no_training_30" -> "401 getitem_100"; +"400 _native_batch_norm_legit_no_training_30" -> "402 getitem_101"; +"400 _native_batch_norm_legit_no_training_30" -> "403 getitem_102"; +"401 getitem_100" -> "404 silu__30"; +"404 silu__30" -> "405 upsample_nearest2d_1"; +"404 silu__30" -> "471 cat_9"; +"405 upsample_nearest2d_1" -> "406 cat_7"; +"406 cat_7" -> "408 conv2d_31"; +"407 _param_constant93" -> "408 conv2d_31"; +"408 conv2d_31" -> "414 _native_batch_norm_legit_no_training_31"; +"410 _param_constant94" -> "414 _native_batch_norm_legit_no_training_31"; +"411 _param_constant95" -> "414 _native_batch_norm_legit_no_training_31"; +"412 _tensor_constant62" -> "414 _native_batch_norm_legit_no_training_31"; +"413 _tensor_constant63" -> "414 _native_batch_norm_legit_no_training_31"; +"414 _native_batch_norm_legit_no_training_31" -> "415 getitem_103"; +"414 _native_batch_norm_legit_no_training_31" -> "416 getitem_104"; +"414 _native_batch_norm_legit_no_training_31" -> "417 getitem_105"; +"415 getitem_103" -> "418 silu__31"; +"418 silu__31" -> "419 chunk_5"; +"419 chunk_5" -> "420 getitem_106"; +"419 chunk_5" -> "421 getitem_107"; +"420 getitem_106" -> "446 cat_8"; +"421 getitem_107" -> "423 conv2d_32"; +"421 getitem_107" -> "446 cat_8"; +"422 _param_constant96" -> "423 conv2d_32"; +"423 conv2d_32" -> "429 _native_batch_norm_legit_no_training_32"; +"425 _param_constant97" -> "429 _native_batch_norm_legit_no_training_32"; +"426 _param_constant98" -> "429 _native_batch_norm_legit_no_training_32"; +"427 _tensor_constant64" -> "429 _native_batch_norm_legit_no_training_32"; +"428 _tensor_constant65" -> "429 _native_batch_norm_legit_no_training_32"; +"429 _native_batch_norm_legit_no_training_32" -> "430 getitem_108"; +"429 _native_batch_norm_legit_no_training_32" -> "431 getitem_109"; +"429 _native_batch_norm_legit_no_training_32" -> "432 getitem_110"; +"430 getitem_108" -> "433 silu__32"; +"433 silu__32" -> "435 conv2d_33"; +"434 _param_constant99" -> "435 conv2d_33"; +"435 conv2d_33" -> "441 _native_batch_norm_legit_no_training_33"; +"437 _param_constant100" -> "441 _native_batch_norm_legit_no_training_33"; +"438 _param_constant101" -> "441 _native_batch_norm_legit_no_training_33"; +"439 _tensor_constant66" -> "441 _native_batch_norm_legit_no_training_33"; +"440 _tensor_constant67" -> "441 _native_batch_norm_legit_no_training_33"; +"441 _native_batch_norm_legit_no_training_33" -> "442 getitem_111"; +"441 _native_batch_norm_legit_no_training_33" -> "443 getitem_112"; +"441 _native_batch_norm_legit_no_training_33" -> "444 getitem_113"; +"442 getitem_111" -> "445 silu__33"; +"445 silu__33" -> "446 cat_8"; +"446 cat_8" -> "448 conv2d_34"; +"447 _param_constant102" -> "448 conv2d_34"; +"448 conv2d_34" -> "454 _native_batch_norm_legit_no_training_34"; +"450 _param_constant103" -> "454 _native_batch_norm_legit_no_training_34"; +"451 _param_constant104" -> "454 _native_batch_norm_legit_no_training_34"; +"452 _tensor_constant68" -> "454 _native_batch_norm_legit_no_training_34"; +"453 _tensor_constant69" -> "454 _native_batch_norm_legit_no_training_34"; +"454 _native_batch_norm_legit_no_training_34" -> "455 getitem_114"; +"454 _native_batch_norm_legit_no_training_34" -> "456 getitem_115"; +"454 _native_batch_norm_legit_no_training_34" -> "457 getitem_116"; +"455 getitem_114" -> "458 silu__34"; +"458 silu__34" -> "460 conv2d_35"; +"458 silu__34" -> "590 conv2d_45"; +"458 silu__34" -> "617 conv2d_48"; +"459 _param_constant105" -> "460 conv2d_35"; +"460 conv2d_35" -> "466 _native_batch_norm_legit_no_training_35"; +"462 _param_constant106" -> "466 _native_batch_norm_legit_no_training_35"; +"463 _param_constant107" -> "466 _native_batch_norm_legit_no_training_35"; +"464 _tensor_constant70" -> "466 _native_batch_norm_legit_no_training_35"; +"465 _tensor_constant71" -> "466 _native_batch_norm_legit_no_training_35"; +"466 _native_batch_norm_legit_no_training_35" -> "467 getitem_117"; +"466 _native_batch_norm_legit_no_training_35" -> "468 getitem_118"; +"466 _native_batch_norm_legit_no_training_35" -> "469 getitem_119"; +"467 getitem_117" -> "470 silu__35"; +"470 silu__35" -> "471 cat_9"; +"471 cat_9" -> "473 conv2d_36"; +"472 _param_constant108" -> "473 conv2d_36"; +"473 conv2d_36" -> "479 _native_batch_norm_legit_no_training_36"; +"475 _param_constant109" -> "479 _native_batch_norm_legit_no_training_36"; +"476 _param_constant110" -> "479 _native_batch_norm_legit_no_training_36"; +"477 _tensor_constant72" -> "479 _native_batch_norm_legit_no_training_36"; +"478 _tensor_constant73" -> "479 _native_batch_norm_legit_no_training_36"; +"479 _native_batch_norm_legit_no_training_36" -> "480 getitem_120"; +"479 _native_batch_norm_legit_no_training_36" -> "481 getitem_121"; +"479 _native_batch_norm_legit_no_training_36" -> "482 getitem_122"; +"480 getitem_120" -> "483 silu__36"; +"483 silu__36" -> "484 chunk_6"; +"484 chunk_6" -> "485 getitem_123"; +"484 chunk_6" -> "486 getitem_124"; +"485 getitem_123" -> "511 cat_10"; +"486 getitem_124" -> "488 conv2d_37"; +"486 getitem_124" -> "511 cat_10"; +"487 _param_constant111" -> "488 conv2d_37"; +"488 conv2d_37" -> "494 _native_batch_norm_legit_no_training_37"; +"490 _param_constant112" -> "494 _native_batch_norm_legit_no_training_37"; +"491 _param_constant113" -> "494 _native_batch_norm_legit_no_training_37"; +"492 _tensor_constant74" -> "494 _native_batch_norm_legit_no_training_37"; +"493 _tensor_constant75" -> "494 _native_batch_norm_legit_no_training_37"; +"494 _native_batch_norm_legit_no_training_37" -> "495 getitem_125"; +"494 _native_batch_norm_legit_no_training_37" -> "496 getitem_126"; +"494 _native_batch_norm_legit_no_training_37" -> "497 getitem_127"; +"495 getitem_125" -> "498 silu__37"; +"498 silu__37" -> "500 conv2d_38"; +"499 _param_constant114" -> "500 conv2d_38"; +"500 conv2d_38" -> "506 _native_batch_norm_legit_no_training_38"; +"502 _param_constant115" -> "506 _native_batch_norm_legit_no_training_38"; +"503 _param_constant116" -> "506 _native_batch_norm_legit_no_training_38"; +"504 _tensor_constant76" -> "506 _native_batch_norm_legit_no_training_38"; +"505 _tensor_constant77" -> "506 _native_batch_norm_legit_no_training_38"; +"506 _native_batch_norm_legit_no_training_38" -> "507 getitem_128"; +"506 _native_batch_norm_legit_no_training_38" -> "508 getitem_129"; +"506 _native_batch_norm_legit_no_training_38" -> "509 getitem_130"; +"507 getitem_128" -> "510 silu__38"; +"510 silu__38" -> "511 cat_10"; +"511 cat_10" -> "513 conv2d_39"; +"512 _param_constant117" -> "513 conv2d_39"; +"513 conv2d_39" -> "519 _native_batch_norm_legit_no_training_39"; +"515 _param_constant118" -> "519 _native_batch_norm_legit_no_training_39"; +"516 _param_constant119" -> "519 _native_batch_norm_legit_no_training_39"; +"517 _tensor_constant78" -> "519 _native_batch_norm_legit_no_training_39"; +"518 _tensor_constant79" -> "519 _native_batch_norm_legit_no_training_39"; +"519 _native_batch_norm_legit_no_training_39" -> "520 getitem_131"; +"519 _native_batch_norm_legit_no_training_39" -> "521 getitem_132"; +"519 _native_batch_norm_legit_no_training_39" -> "522 getitem_133"; +"520 getitem_131" -> "523 silu__39"; +"523 silu__39" -> "525 conv2d_40"; +"523 silu__39" -> "645 conv2d_51"; +"523 silu__39" -> "672 conv2d_54"; +"524 _param_constant120" -> "525 conv2d_40"; +"525 conv2d_40" -> "531 _native_batch_norm_legit_no_training_40"; +"527 _param_constant121" -> "531 _native_batch_norm_legit_no_training_40"; +"528 _param_constant122" -> "531 _native_batch_norm_legit_no_training_40"; +"529 _tensor_constant80" -> "531 _native_batch_norm_legit_no_training_40"; +"530 _tensor_constant81" -> "531 _native_batch_norm_legit_no_training_40"; +"531 _native_batch_norm_legit_no_training_40" -> "532 getitem_134"; +"531 _native_batch_norm_legit_no_training_40" -> "533 getitem_135"; +"531 _native_batch_norm_legit_no_training_40" -> "534 getitem_136"; +"532 getitem_134" -> "535 silu__40"; +"535 silu__40" -> "536 cat_11"; +"536 cat_11" -> "538 conv2d_41"; +"537 _param_constant123" -> "538 conv2d_41"; +"538 conv2d_41" -> "544 _native_batch_norm_legit_no_training_41"; +"540 _param_constant124" -> "544 _native_batch_norm_legit_no_training_41"; +"541 _param_constant125" -> "544 _native_batch_norm_legit_no_training_41"; +"542 _tensor_constant82" -> "544 _native_batch_norm_legit_no_training_41"; +"543 _tensor_constant83" -> "544 _native_batch_norm_legit_no_training_41"; +"544 _native_batch_norm_legit_no_training_41" -> "545 getitem_137"; +"544 _native_batch_norm_legit_no_training_41" -> "546 getitem_138"; +"544 _native_batch_norm_legit_no_training_41" -> "547 getitem_139"; +"545 getitem_137" -> "548 silu__41"; +"548 silu__41" -> "549 chunk_7"; +"549 chunk_7" -> "550 getitem_140"; +"549 chunk_7" -> "551 getitem_141"; +"550 getitem_140" -> "576 cat_12"; +"551 getitem_141" -> "553 conv2d_42"; +"551 getitem_141" -> "576 cat_12"; +"552 _param_constant126" -> "553 conv2d_42"; +"553 conv2d_42" -> "559 _native_batch_norm_legit_no_training_42"; +"555 _param_constant127" -> "559 _native_batch_norm_legit_no_training_42"; +"556 _param_constant128" -> "559 _native_batch_norm_legit_no_training_42"; +"557 _tensor_constant84" -> "559 _native_batch_norm_legit_no_training_42"; +"558 _tensor_constant85" -> "559 _native_batch_norm_legit_no_training_42"; +"559 _native_batch_norm_legit_no_training_42" -> "560 getitem_142"; +"559 _native_batch_norm_legit_no_training_42" -> "561 getitem_143"; +"559 _native_batch_norm_legit_no_training_42" -> "562 getitem_144"; +"560 getitem_142" -> "563 silu__42"; +"563 silu__42" -> "565 conv2d_43"; +"564 _param_constant129" -> "565 conv2d_43"; +"565 conv2d_43" -> "571 _native_batch_norm_legit_no_training_43"; +"567 _param_constant130" -> "571 _native_batch_norm_legit_no_training_43"; +"568 _param_constant131" -> "571 _native_batch_norm_legit_no_training_43"; +"569 _tensor_constant86" -> "571 _native_batch_norm_legit_no_training_43"; +"570 _tensor_constant87" -> "571 _native_batch_norm_legit_no_training_43"; +"571 _native_batch_norm_legit_no_training_43" -> "572 getitem_145"; +"571 _native_batch_norm_legit_no_training_43" -> "573 getitem_146"; +"571 _native_batch_norm_legit_no_training_43" -> "574 getitem_147"; +"572 getitem_145" -> "575 silu__43"; +"575 silu__43" -> "576 cat_12"; +"576 cat_12" -> "578 conv2d_44"; +"577 _param_constant132" -> "578 conv2d_44"; +"578 conv2d_44" -> "584 _native_batch_norm_legit_no_training_44"; +"580 _param_constant133" -> "584 _native_batch_norm_legit_no_training_44"; +"581 _param_constant134" -> "584 _native_batch_norm_legit_no_training_44"; +"582 _tensor_constant88" -> "584 _native_batch_norm_legit_no_training_44"; +"583 _tensor_constant89" -> "584 _native_batch_norm_legit_no_training_44"; +"584 _native_batch_norm_legit_no_training_44" -> "585 getitem_148"; +"584 _native_batch_norm_legit_no_training_44" -> "586 getitem_149"; +"584 _native_batch_norm_legit_no_training_44" -> "587 getitem_150"; +"585 getitem_148" -> "588 silu__44"; +"588 silu__44" -> "700 conv2d_57"; +"588 silu__44" -> "727 conv2d_60"; +"589 _param_constant135" -> "590 conv2d_45"; +"590 conv2d_45" -> "596 _native_batch_norm_legit_no_training_45"; +"592 _param_constant136" -> "596 _native_batch_norm_legit_no_training_45"; +"593 _param_constant137" -> "596 _native_batch_norm_legit_no_training_45"; +"594 _tensor_constant90" -> "596 _native_batch_norm_legit_no_training_45"; +"595 _tensor_constant91" -> "596 _native_batch_norm_legit_no_training_45"; +"596 _native_batch_norm_legit_no_training_45" -> "597 getitem_151"; +"596 _native_batch_norm_legit_no_training_45" -> "598 getitem_152"; +"596 _native_batch_norm_legit_no_training_45" -> "599 getitem_153"; +"597 getitem_151" -> "600 silu__45"; +"600 silu__45" -> "602 conv2d_46"; +"601 _param_constant138" -> "602 conv2d_46"; +"602 conv2d_46" -> "608 _native_batch_norm_legit_no_training_46"; +"604 _param_constant139" -> "608 _native_batch_norm_legit_no_training_46"; +"605 _param_constant140" -> "608 _native_batch_norm_legit_no_training_46"; +"606 _tensor_constant92" -> "608 _native_batch_norm_legit_no_training_46"; +"607 _tensor_constant93" -> "608 _native_batch_norm_legit_no_training_46"; +"608 _native_batch_norm_legit_no_training_46" -> "609 getitem_154"; +"608 _native_batch_norm_legit_no_training_46" -> "610 getitem_155"; +"608 _native_batch_norm_legit_no_training_46" -> "611 getitem_156"; +"609 getitem_154" -> "612 silu__46"; +"612 silu__46" -> "615 conv2d_47"; +"613 _param_constant141" -> "615 conv2d_47"; +"614 _param_constant142" -> "615 conv2d_47"; +"615 conv2d_47" -> "643 cat_13"; +"616 _param_constant143" -> "617 conv2d_48"; +"617 conv2d_48" -> "623 _native_batch_norm_legit_no_training_47"; +"619 _param_constant144" -> "623 _native_batch_norm_legit_no_training_47"; +"620 _param_constant145" -> "623 _native_batch_norm_legit_no_training_47"; +"621 _tensor_constant94" -> "623 _native_batch_norm_legit_no_training_47"; +"622 _tensor_constant95" -> "623 _native_batch_norm_legit_no_training_47"; +"623 _native_batch_norm_legit_no_training_47" -> "624 getitem_157"; +"623 _native_batch_norm_legit_no_training_47" -> "625 getitem_158"; +"623 _native_batch_norm_legit_no_training_47" -> "626 getitem_159"; +"624 getitem_157" -> "627 silu__47"; +"627 silu__47" -> "629 conv2d_49"; +"628 _param_constant146" -> "629 conv2d_49"; +"629 conv2d_49" -> "635 _native_batch_norm_legit_no_training_48"; +"631 _param_constant147" -> "635 _native_batch_norm_legit_no_training_48"; +"632 _param_constant148" -> "635 _native_batch_norm_legit_no_training_48"; +"633 _tensor_constant96" -> "635 _native_batch_norm_legit_no_training_48"; +"634 _tensor_constant97" -> "635 _native_batch_norm_legit_no_training_48"; +"635 _native_batch_norm_legit_no_training_48" -> "636 getitem_160"; +"635 _native_batch_norm_legit_no_training_48" -> "637 getitem_161"; +"635 _native_batch_norm_legit_no_training_48" -> "638 getitem_162"; +"636 getitem_160" -> "639 silu__48"; +"639 silu__48" -> "642 conv2d_50"; +"640 _param_constant149" -> "642 conv2d_50"; +"641 _param_constant150" -> "642 conv2d_50"; +"642 conv2d_50" -> "643 cat_13"; +"643 cat_13" -> "754 view"; +"643 cat_13" -> "782 output"; +"644 _param_constant151" -> "645 conv2d_51"; +"645 conv2d_51" -> "651 _native_batch_norm_legit_no_training_49"; +"647 _param_constant152" -> "651 _native_batch_norm_legit_no_training_49"; +"648 _param_constant153" -> "651 _native_batch_norm_legit_no_training_49"; +"649 _tensor_constant98" -> "651 _native_batch_norm_legit_no_training_49"; +"650 _tensor_constant99" -> "651 _native_batch_norm_legit_no_training_49"; +"651 _native_batch_norm_legit_no_training_49" -> "652 getitem_163"; +"651 _native_batch_norm_legit_no_training_49" -> "653 getitem_164"; +"651 _native_batch_norm_legit_no_training_49" -> "654 getitem_165"; +"652 getitem_163" -> "655 silu__49"; +"655 silu__49" -> "657 conv2d_52"; +"656 _param_constant154" -> "657 conv2d_52"; +"657 conv2d_52" -> "663 _native_batch_norm_legit_no_training_50"; +"659 _param_constant155" -> "663 _native_batch_norm_legit_no_training_50"; +"660 _param_constant156" -> "663 _native_batch_norm_legit_no_training_50"; +"661 _tensor_constant100" -> "663 _native_batch_norm_legit_no_training_50"; +"662 _tensor_constant101" -> "663 _native_batch_norm_legit_no_training_50"; +"663 _native_batch_norm_legit_no_training_50" -> "664 getitem_166"; +"663 _native_batch_norm_legit_no_training_50" -> "665 getitem_167"; +"663 _native_batch_norm_legit_no_training_50" -> "666 getitem_168"; +"664 getitem_166" -> "667 silu__50"; +"667 silu__50" -> "670 conv2d_53"; +"668 _param_constant157" -> "670 conv2d_53"; +"669 _param_constant158" -> "670 conv2d_53"; +"670 conv2d_53" -> "698 cat_14"; +"671 _param_constant159" -> "672 conv2d_54"; +"672 conv2d_54" -> "678 _native_batch_norm_legit_no_training_51"; +"674 _param_constant160" -> "678 _native_batch_norm_legit_no_training_51"; +"675 _param_constant161" -> "678 _native_batch_norm_legit_no_training_51"; +"676 _tensor_constant102" -> "678 _native_batch_norm_legit_no_training_51"; +"677 _tensor_constant103" -> "678 _native_batch_norm_legit_no_training_51"; +"678 _native_batch_norm_legit_no_training_51" -> "679 getitem_169"; +"678 _native_batch_norm_legit_no_training_51" -> "680 getitem_170"; +"678 _native_batch_norm_legit_no_training_51" -> "681 getitem_171"; +"679 getitem_169" -> "682 silu__51"; +"682 silu__51" -> "684 conv2d_55"; +"683 _param_constant162" -> "684 conv2d_55"; +"684 conv2d_55" -> "690 _native_batch_norm_legit_no_training_52"; +"686 _param_constant163" -> "690 _native_batch_norm_legit_no_training_52"; +"687 _param_constant164" -> "690 _native_batch_norm_legit_no_training_52"; +"688 _tensor_constant104" -> "690 _native_batch_norm_legit_no_training_52"; +"689 _tensor_constant105" -> "690 _native_batch_norm_legit_no_training_52"; +"690 _native_batch_norm_legit_no_training_52" -> "691 getitem_172"; +"690 _native_batch_norm_legit_no_training_52" -> "692 getitem_173"; +"690 _native_batch_norm_legit_no_training_52" -> "693 getitem_174"; +"691 getitem_172" -> "694 silu__52"; +"694 silu__52" -> "697 conv2d_56"; +"695 _param_constant165" -> "697 conv2d_56"; +"696 _param_constant166" -> "697 conv2d_56"; +"697 conv2d_56" -> "698 cat_14"; +"698 cat_14" -> "755 view_1"; +"698 cat_14" -> "782 output"; +"699 _param_constant167" -> "700 conv2d_57"; +"700 conv2d_57" -> "706 _native_batch_norm_legit_no_training_53"; +"702 _param_constant168" -> "706 _native_batch_norm_legit_no_training_53"; +"703 _param_constant169" -> "706 _native_batch_norm_legit_no_training_53"; +"704 _tensor_constant106" -> "706 _native_batch_norm_legit_no_training_53"; +"705 _tensor_constant107" -> "706 _native_batch_norm_legit_no_training_53"; +"706 _native_batch_norm_legit_no_training_53" -> "707 getitem_175"; +"706 _native_batch_norm_legit_no_training_53" -> "708 getitem_176"; +"706 _native_batch_norm_legit_no_training_53" -> "709 getitem_177"; +"707 getitem_175" -> "710 silu__53"; +"710 silu__53" -> "712 conv2d_58"; +"711 _param_constant170" -> "712 conv2d_58"; +"712 conv2d_58" -> "718 _native_batch_norm_legit_no_training_54"; +"714 _param_constant171" -> "718 _native_batch_norm_legit_no_training_54"; +"715 _param_constant172" -> "718 _native_batch_norm_legit_no_training_54"; +"716 _tensor_constant108" -> "718 _native_batch_norm_legit_no_training_54"; +"717 _tensor_constant109" -> "718 _native_batch_norm_legit_no_training_54"; +"718 _native_batch_norm_legit_no_training_54" -> "719 getitem_178"; +"718 _native_batch_norm_legit_no_training_54" -> "720 getitem_179"; +"718 _native_batch_norm_legit_no_training_54" -> "721 getitem_180"; +"719 getitem_178" -> "722 silu__54"; +"722 silu__54" -> "725 conv2d_59"; +"723 _param_constant173" -> "725 conv2d_59"; +"724 _param_constant174" -> "725 conv2d_59"; +"725 conv2d_59" -> "753 cat_15"; +"726 _param_constant175" -> "727 conv2d_60"; +"727 conv2d_60" -> "733 _native_batch_norm_legit_no_training_55"; +"729 _param_constant176" -> "733 _native_batch_norm_legit_no_training_55"; +"730 _param_constant177" -> "733 _native_batch_norm_legit_no_training_55"; +"731 _tensor_constant110" -> "733 _native_batch_norm_legit_no_training_55"; +"732 _tensor_constant111" -> "733 _native_batch_norm_legit_no_training_55"; +"733 _native_batch_norm_legit_no_training_55" -> "734 getitem_181"; +"733 _native_batch_norm_legit_no_training_55" -> "735 getitem_182"; +"733 _native_batch_norm_legit_no_training_55" -> "736 getitem_183"; +"734 getitem_181" -> "737 silu__55"; +"737 silu__55" -> "739 conv2d_61"; +"738 _param_constant178" -> "739 conv2d_61"; +"739 conv2d_61" -> "745 _native_batch_norm_legit_no_training_56"; +"741 _param_constant179" -> "745 _native_batch_norm_legit_no_training_56"; +"742 _param_constant180" -> "745 _native_batch_norm_legit_no_training_56"; +"743 _tensor_constant112" -> "745 _native_batch_norm_legit_no_training_56"; +"744 _tensor_constant113" -> "745 _native_batch_norm_legit_no_training_56"; +"745 _native_batch_norm_legit_no_training_56" -> "746 getitem_184"; +"745 _native_batch_norm_legit_no_training_56" -> "747 getitem_185"; +"745 _native_batch_norm_legit_no_training_56" -> "748 getitem_186"; +"746 getitem_184" -> "749 silu__56"; +"749 silu__56" -> "752 conv2d_62"; +"750 _param_constant181" -> "752 conv2d_62"; +"751 _param_constant182" -> "752 conv2d_62"; +"752 conv2d_62" -> "753 cat_15"; +"753 cat_15" -> "756 view_2"; +"753 cat_15" -> "782 output"; +"754 view" -> "757 cat_16"; +"755 view_1" -> "757 cat_16"; +"756 view_2" -> "757 cat_16"; +"757 cat_16" -> "758 split_with_sizes"; +"758 split_with_sizes" -> "759 getitem_187"; +"758 split_with_sizes" -> "760 getitem_188"; +"759 getitem_187" -> "761 view_3"; +"760 getitem_188" -> "780 sigmoid"; +"761 view_3" -> "762 transpose"; +"762 transpose" -> "763 softmax"; +"763 softmax" -> "765 conv2d_63"; +"764 _param_constant183" -> "765 conv2d_63"; +"765 conv2d_63" -> "766 view_4"; +"766 view_4" -> "769 chunk_8"; +"767 _tensor_constant114" -> "768 unsqueeze"; +"768 unsqueeze" -> "772 sub"; +"768 unsqueeze" -> "773 add_6"; +"769 chunk_8" -> "770 getitem_189"; +"769 chunk_8" -> "771 getitem_190"; +"770 getitem_189" -> "772 sub"; +"771 getitem_190" -> "773 add_6"; +"772 sub" -> "774 add_7"; +"772 sub" -> "776 sub_1"; +"773 add_6" -> "774 add_7"; +"773 add_6" -> "776 sub_1"; +"774 add_7" -> "775 div"; +"775 div" -> "777 cat_17"; +"776 sub_1" -> "777 cat_17"; +"777 cat_17" -> "779 mul"; +"778 _tensor_constant115" -> "779 mul"; +"779 mul" -> "781 cat_18"; +"780 sigmoid" -> "781 cat_18"; +"781 cat_18" -> "782 output"; +} From 57744575895418683fbaef06246cd8e1132bc4e6 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 26 Jul 2024 13:51:25 +0400 Subject: [PATCH 3/8] Extend operator support for metatypes --- nncf/torch/graph/operator_metatypes.py | 22 ++++++++++++++++++++-- 1 file changed, 20 insertions(+), 2 deletions(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 3b998c40531..a22574258be 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -444,7 +444,7 @@ class PTHardTanhMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTHardSwishMetatype(PTOperatorMetatype): name = "HardSwishOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["hardswish"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["hardswish", "hardswish_"]} num_expected_input_edges = 1 @@ -693,7 +693,7 @@ class PTRoundMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTDropoutMetatype(PTOperatorMetatype): name = "DropoutOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["dropout"]} + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["dropout"], NamespaceTarget.TORCH: ["dropout_"]} @PT_OPERATOR_METATYPES.register() @@ -1101,6 +1101,24 @@ class PTScaledDotProductAttentionMetatype(PTOperatorMetatype): target_input_ports = [0, 1] +@PT_OPERATOR_METATYPES.register() +class PTEmptyMetatype(PTOperatorMetatype): + name = "EmptyOp" + module_to_function_names = {NamespaceTarget.TORCH: ["empty"]} + + +@PT_OPERATOR_METATYPES.register() +class PTVectorNormMetatype(PTOperatorMetatype): + name = "VectorNormOp" + module_to_function_names = {NamespaceTarget.ATEN: ["linalg_vector_norm"]} + + +@PT_OPERATOR_METATYPES.register() +class PTClampMetatype(PTOperatorMetatype): + name = "ClampOp" + module_to_function_names = {NamespaceTarget.TORCH: ["clamp", "clamp_min"]} + + def get_operator_metatypes() -> List[Type[OperatorMetatype]]: """ Returns a list of the operator metatypes. From f63ea0a859fc444ba3067fde5d6d83c55fa0961f Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 26 Jul 2024 13:51:38 +0400 Subject: [PATCH 4/8] Add ultralytics in requirements --- tests/torch/requirements.txt | 1 + 1 file changed, 1 insertion(+) diff --git a/tests/torch/requirements.txt b/tests/torch/requirements.txt index be82652d65f..15f31a0b0f5 100644 --- a/tests/torch/requirements.txt +++ b/tests/torch/requirements.txt @@ -24,3 +24,4 @@ timm==0.9.2 # Required for torch/fx tests torchvision fastdownload==0.0.7 +ultralytics==8.2.56 # TODO(dlyakhov) move ultralytics requirements to the nightly test From 20380eb5775a3f91d0177a2dbdd1cc10c66ea697 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 26 Jul 2024 13:54:13 +0400 Subject: [PATCH 5/8] pre-commit fix --- tests/torch/fx/test_models.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index a78aca38fe9..382c1a8e579 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -132,4 +132,4 @@ def test_models(test_case: ModelCase, fx_dir): compare_nncf_graph_model(nncf_graph, model_name, path_to_dot) model_metatypes = {n.node_name: n.metatype.name for n in nncf_graph.get_all_nodes()} ref_metatypes = get_ref_metatypes_from_json(model_name, model_metatypes) - assert model_metatypes == ref_metatypes \ No newline at end of file + assert model_metatypes == ref_metatypes From f1838a1015a842629d3c5530fc48d1d08252e24f Mon Sep 17 00:00:00 2001 From: dlyakhov Date: Fri, 26 Jul 2024 17:10:08 +0200 Subject: [PATCH 6/8] Ultralitics dependency is removed --- .../fx/reference_metatypes/yolov8n.json | 2 +- .../data/reference_graphs/fx/yolov8n.dot | 366 ++++---- tests/torch/fx/test_models.py | 75 +- tests/torch/requirements.txt | 1 - tests/torch/test_models/yolov8/block.py | 818 ++++++++++++++++++ tests/torch/test_models/yolov8/conv.py | 348 ++++++++ tests/torch/test_models/yolov8/head.py | 432 +++++++++ tests/torch/test_models/yolov8/model.py | 258 ++++++ tests/torch/test_models/yolov8/transformer.py | 97 +++ 9 files changed, 2171 insertions(+), 226 deletions(-) create mode 100644 tests/torch/test_models/yolov8/block.py create mode 100644 tests/torch/test_models/yolov8/conv.py create mode 100644 tests/torch/test_models/yolov8/head.py create mode 100644 tests/torch/test_models/yolov8/model.py create mode 100644 tests/torch/test_models/yolov8/transformer.py diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json index c3fb3bff755..d1eae46d9eb 100644 --- a/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json @@ -1 +1 @@ -{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "EmptyOp", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "silu_": "SiluOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "EmptyOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "silu__1": "SiluOp", "_param_constant6": "const_noop", "conv2d_2": "Conv2DOp", "empty_2": "EmptyOp", "_param_constant7": "const_noop", "_param_constant8": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "silu__2": "SiluOp", "chunk": "SplitOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "empty_3": "EmptyOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_11": "GatherOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "silu__3": "SiluOp", "_param_constant12": "const_noop", "conv2d_4": "Conv2DOp", "empty_4": "EmptyOp", "_param_constant13": "const_noop", "_param_constant14": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_14": "GatherOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "silu__4": "SiluOp", "add": "AddOp", "cat": "CatOp", "_param_constant15": "const_noop", "conv2d_5": "Conv2DOp", "empty_5": "EmptyOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_17": "GatherOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "silu__5": "SiluOp", "_param_constant18": "const_noop", "conv2d_6": "Conv2DOp", "empty_6": "EmptyOp", "_param_constant19": "const_noop", "_param_constant20": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_20": "GatherOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "silu__6": "SiluOp", "_param_constant21": "const_noop", "conv2d_7": "Conv2DOp", "empty_7": "EmptyOp", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_23": "GatherOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "silu__7": "SiluOp", "chunk_1": "SplitOp", "getitem_26": "GatherOp", "getitem_27": "GatherOp", "_param_constant24": "const_noop", "conv2d_8": "Conv2DOp", "empty_8": "EmptyOp", "_param_constant25": "const_noop", "_param_constant26": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "getitem_30": "GatherOp", "silu__8": "SiluOp", "_param_constant27": "const_noop", "conv2d_9": "Conv2DOp", "empty_9": "EmptyOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "getitem_33": "GatherOp", "silu__9": "SiluOp", "add_1": "AddOp", "_param_constant30": "const_noop", "conv2d_10": "Conv2DOp", "empty_10": "EmptyOp", "_param_constant31": "const_noop", "_param_constant32": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "getitem_36": "GatherOp", "silu__10": "SiluOp", "_param_constant33": "const_noop", "conv2d_11": "Conv2DOp", "empty_11": "EmptyOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "getitem_39": "GatherOp", "silu__11": "SiluOp", "add_2": "AddOp", "cat_1": "CatOp", "_param_constant36": "const_noop", "conv2d_12": "Conv2DOp", "empty_12": "EmptyOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "getitem_42": "GatherOp", "silu__12": "SiluOp", "_param_constant39": "const_noop", "conv2d_13": "Conv2DOp", "empty_13": "EmptyOp", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "getitem_45": "GatherOp", "silu__13": "SiluOp", "_param_constant42": "const_noop", "conv2d_14": "Conv2DOp", "empty_14": "EmptyOp", "_param_constant43": "const_noop", "_param_constant44": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "getitem_48": "GatherOp", "silu__14": "SiluOp", "chunk_2": "SplitOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "_param_constant45": "const_noop", "conv2d_15": "Conv2DOp", "empty_15": "EmptyOp", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "silu__15": "SiluOp", "_param_constant48": "const_noop", "conv2d_16": "Conv2DOp", "empty_16": "EmptyOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "silu__16": "SiluOp", "add_3": "AddOp", "_param_constant51": "const_noop", "conv2d_17": "Conv2DOp", "empty_17": "EmptyOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "silu__17": "SiluOp", "_param_constant54": "const_noop", "conv2d_18": "Conv2DOp", "empty_18": "EmptyOp", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_60": "GatherOp", "getitem_61": "GatherOp", "getitem_62": "GatherOp", "silu__18": "SiluOp", "add_4": "AddOp", "cat_2": "CatOp", "_param_constant57": "const_noop", "conv2d_19": "Conv2DOp", "empty_19": "EmptyOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_63": "GatherOp", "getitem_64": "GatherOp", "getitem_65": "GatherOp", "silu__19": "SiluOp", "_param_constant60": "const_noop", "conv2d_20": "Conv2DOp", "empty_20": "EmptyOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "_tensor_constant40": "const_noop", "_tensor_constant41": "const_noop", "_native_batch_norm_legit_no_training_20": "BatchNormOp", "getitem_66": "GatherOp", "getitem_67": "GatherOp", "getitem_68": "GatherOp", "silu__20": "SiluOp", "_param_constant63": "const_noop", "conv2d_21": "Conv2DOp", "empty_21": "EmptyOp", "_param_constant64": "const_noop", "_param_constant65": "const_noop", "_tensor_constant42": "const_noop", "_tensor_constant43": "const_noop", "_native_batch_norm_legit_no_training_21": "BatchNormOp", "getitem_69": "GatherOp", "getitem_70": "GatherOp", "getitem_71": "GatherOp", "silu__21": "SiluOp", "chunk_3": "SplitOp", "getitem_72": "GatherOp", "getitem_73": "GatherOp", "_param_constant66": "const_noop", "conv2d_22": "Conv2DOp", "empty_22": "EmptyOp", "_param_constant67": "const_noop", "_param_constant68": "const_noop", "_tensor_constant44": "const_noop", "_tensor_constant45": "const_noop", "_native_batch_norm_legit_no_training_22": "BatchNormOp", "getitem_74": "GatherOp", "getitem_75": "GatherOp", "getitem_76": "GatherOp", "silu__22": "SiluOp", "_param_constant69": "const_noop", "conv2d_23": "Conv2DOp", "empty_23": "EmptyOp", "_param_constant70": "const_noop", "_param_constant71": "const_noop", "_tensor_constant46": "const_noop", "_tensor_constant47": "const_noop", "_native_batch_norm_legit_no_training_23": "BatchNormOp", "getitem_77": "GatherOp", "getitem_78": "GatherOp", "getitem_79": "GatherOp", "silu__23": "SiluOp", "add_5": "AddOp", "cat_3": "CatOp", "_param_constant72": "const_noop", "conv2d_24": "Conv2DOp", "empty_24": "EmptyOp", "_param_constant73": "const_noop", "_param_constant74": "const_noop", "_tensor_constant48": "const_noop", "_tensor_constant49": "const_noop", "_native_batch_norm_legit_no_training_24": "BatchNormOp", "getitem_80": "GatherOp", "getitem_81": "GatherOp", "getitem_82": "GatherOp", "silu__24": "SiluOp", "_param_constant75": "const_noop", "conv2d_25": "Conv2DOp", "empty_25": "EmptyOp", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "_tensor_constant50": "const_noop", "_tensor_constant51": "const_noop", "_native_batch_norm_legit_no_training_25": "BatchNormOp", "getitem_83": "GatherOp", "getitem_84": "GatherOp", "getitem_85": "GatherOp", "silu__25": "SiluOp", "max_pool2d": "MaxPool2DOp", "max_pool2d_1": "MaxPool2DOp", "max_pool2d_2": "MaxPool2DOp", "cat_4": "CatOp", "_param_constant78": "const_noop", "conv2d_26": "Conv2DOp", "empty_26": "EmptyOp", "_param_constant79": "const_noop", "_param_constant80": "const_noop", "_tensor_constant52": "const_noop", "_tensor_constant53": "const_noop", "_native_batch_norm_legit_no_training_26": "BatchNormOp", "getitem_86": "GatherOp", "getitem_87": "GatherOp", "getitem_88": "GatherOp", "silu__26": "SiluOp", "upsample_nearest2d": "InterpolateOp", "cat_5": "CatOp", "_param_constant81": "const_noop", "conv2d_27": "Conv2DOp", "empty_27": "EmptyOp", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "_tensor_constant54": "const_noop", "_tensor_constant55": "const_noop", "_native_batch_norm_legit_no_training_27": "BatchNormOp", "getitem_89": "GatherOp", "getitem_90": "GatherOp", "getitem_91": "GatherOp", "silu__27": "SiluOp", "chunk_4": "SplitOp", "getitem_92": "GatherOp", "getitem_93": "GatherOp", "_param_constant84": "const_noop", "conv2d_28": "Conv2DOp", "empty_28": "EmptyOp", "_param_constant85": "const_noop", "_param_constant86": "const_noop", "_tensor_constant56": "const_noop", "_tensor_constant57": "const_noop", "_native_batch_norm_legit_no_training_28": "BatchNormOp", "getitem_94": "GatherOp", "getitem_95": "GatherOp", "getitem_96": "GatherOp", "silu__28": "SiluOp", "_param_constant87": "const_noop", "conv2d_29": "Conv2DOp", "empty_29": "EmptyOp", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "_tensor_constant58": "const_noop", "_tensor_constant59": "const_noop", "_native_batch_norm_legit_no_training_29": "BatchNormOp", "getitem_97": "GatherOp", "getitem_98": "GatherOp", "getitem_99": "GatherOp", "silu__29": "SiluOp", "cat_6": "CatOp", "_param_constant90": "const_noop", "conv2d_30": "Conv2DOp", "empty_30": "EmptyOp", "_param_constant91": "const_noop", "_param_constant92": "const_noop", "_tensor_constant60": "const_noop", "_tensor_constant61": "const_noop", "_native_batch_norm_legit_no_training_30": "BatchNormOp", "getitem_100": "GatherOp", "getitem_101": "GatherOp", "getitem_102": "GatherOp", "silu__30": "SiluOp", "upsample_nearest2d_1": "InterpolateOp", "cat_7": "CatOp", "_param_constant93": "const_noop", "conv2d_31": "Conv2DOp", "empty_31": "EmptyOp", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "_tensor_constant62": "const_noop", "_tensor_constant63": "const_noop", "_native_batch_norm_legit_no_training_31": "BatchNormOp", "getitem_103": "GatherOp", "getitem_104": "GatherOp", "getitem_105": "GatherOp", "silu__31": "SiluOp", "chunk_5": "SplitOp", "getitem_106": "GatherOp", "getitem_107": "GatherOp", "_param_constant96": "const_noop", "conv2d_32": "Conv2DOp", "empty_32": "EmptyOp", "_param_constant97": "const_noop", "_param_constant98": "const_noop", "_tensor_constant64": "const_noop", "_tensor_constant65": "const_noop", "_native_batch_norm_legit_no_training_32": "BatchNormOp", "getitem_108": "GatherOp", "getitem_109": "GatherOp", "getitem_110": "GatherOp", "silu__32": "SiluOp", "_param_constant99": "const_noop", "conv2d_33": "Conv2DOp", "empty_33": "EmptyOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "_tensor_constant66": "const_noop", "_tensor_constant67": "const_noop", "_native_batch_norm_legit_no_training_33": "BatchNormOp", "getitem_111": "GatherOp", "getitem_112": "GatherOp", "getitem_113": "GatherOp", "silu__33": "SiluOp", "cat_8": "CatOp", "_param_constant102": "const_noop", "conv2d_34": "Conv2DOp", "empty_34": "EmptyOp", "_param_constant103": "const_noop", "_param_constant104": "const_noop", "_tensor_constant68": "const_noop", "_tensor_constant69": "const_noop", "_native_batch_norm_legit_no_training_34": "BatchNormOp", "getitem_114": "GatherOp", "getitem_115": "GatherOp", "getitem_116": "GatherOp", "silu__34": "SiluOp", "_param_constant105": "const_noop", "conv2d_35": "Conv2DOp", "empty_35": "EmptyOp", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "_tensor_constant70": "const_noop", "_tensor_constant71": "const_noop", "_native_batch_norm_legit_no_training_35": "BatchNormOp", "getitem_117": "GatherOp", "getitem_118": "GatherOp", "getitem_119": "GatherOp", "silu__35": "SiluOp", "cat_9": "CatOp", "_param_constant108": "const_noop", "conv2d_36": "Conv2DOp", "empty_36": "EmptyOp", "_param_constant109": "const_noop", "_param_constant110": "const_noop", "_tensor_constant72": "const_noop", "_tensor_constant73": "const_noop", "_native_batch_norm_legit_no_training_36": "BatchNormOp", "getitem_120": "GatherOp", "getitem_121": "GatherOp", "getitem_122": "GatherOp", "silu__36": "SiluOp", "chunk_6": "SplitOp", "getitem_123": "GatherOp", "getitem_124": "GatherOp", "_param_constant111": "const_noop", "conv2d_37": "Conv2DOp", "empty_37": "EmptyOp", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "_tensor_constant74": "const_noop", "_tensor_constant75": "const_noop", "_native_batch_norm_legit_no_training_37": "BatchNormOp", "getitem_125": "GatherOp", "getitem_126": "GatherOp", "getitem_127": "GatherOp", "silu__37": "SiluOp", "_param_constant114": "const_noop", "conv2d_38": "Conv2DOp", "empty_38": "EmptyOp", "_param_constant115": "const_noop", "_param_constant116": "const_noop", "_tensor_constant76": "const_noop", "_tensor_constant77": "const_noop", "_native_batch_norm_legit_no_training_38": "BatchNormOp", "getitem_128": "GatherOp", "getitem_129": "GatherOp", "getitem_130": "GatherOp", "silu__38": "SiluOp", "cat_10": "CatOp", "_param_constant117": "const_noop", "conv2d_39": "Conv2DOp", "empty_39": "EmptyOp", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "_tensor_constant78": "const_noop", "_tensor_constant79": "const_noop", "_native_batch_norm_legit_no_training_39": "BatchNormOp", "getitem_131": "GatherOp", "getitem_132": "GatherOp", "getitem_133": "GatherOp", "silu__39": "SiluOp", "_param_constant120": "const_noop", "conv2d_40": "Conv2DOp", "empty_40": "EmptyOp", "_param_constant121": "const_noop", "_param_constant122": "const_noop", "_tensor_constant80": "const_noop", "_tensor_constant81": "const_noop", "_native_batch_norm_legit_no_training_40": "BatchNormOp", "getitem_134": "GatherOp", "getitem_135": "GatherOp", "getitem_136": "GatherOp", "silu__40": "SiluOp", "cat_11": "CatOp", "_param_constant123": "const_noop", "conv2d_41": "Conv2DOp", "empty_41": "EmptyOp", "_param_constant124": "const_noop", "_param_constant125": "const_noop", "_tensor_constant82": "const_noop", "_tensor_constant83": "const_noop", "_native_batch_norm_legit_no_training_41": "BatchNormOp", "getitem_137": "GatherOp", "getitem_138": "GatherOp", "getitem_139": "GatherOp", "silu__41": "SiluOp", "chunk_7": "SplitOp", "getitem_140": "GatherOp", "getitem_141": "GatherOp", "_param_constant126": "const_noop", "conv2d_42": "Conv2DOp", "empty_42": "EmptyOp", "_param_constant127": "const_noop", "_param_constant128": "const_noop", "_tensor_constant84": "const_noop", "_tensor_constant85": "const_noop", "_native_batch_norm_legit_no_training_42": "BatchNormOp", "getitem_142": "GatherOp", "getitem_143": "GatherOp", "getitem_144": "GatherOp", "silu__42": "SiluOp", "_param_constant129": "const_noop", "conv2d_43": "Conv2DOp", "empty_43": "EmptyOp", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "_tensor_constant86": "const_noop", "_tensor_constant87": "const_noop", "_native_batch_norm_legit_no_training_43": "BatchNormOp", "getitem_145": "GatherOp", "getitem_146": "GatherOp", "getitem_147": "GatherOp", "silu__43": "SiluOp", "cat_12": "CatOp", "_param_constant132": "const_noop", "conv2d_44": "Conv2DOp", "empty_44": "EmptyOp", "_param_constant133": "const_noop", "_param_constant134": "const_noop", "_tensor_constant88": "const_noop", "_tensor_constant89": "const_noop", "_native_batch_norm_legit_no_training_44": "BatchNormOp", "getitem_148": "GatherOp", "getitem_149": "GatherOp", "getitem_150": "GatherOp", "silu__44": "SiluOp", "_param_constant135": "const_noop", "conv2d_45": "Conv2DOp", "empty_45": "EmptyOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "_tensor_constant90": "const_noop", "_tensor_constant91": "const_noop", "_native_batch_norm_legit_no_training_45": "BatchNormOp", "getitem_151": "GatherOp", "getitem_152": "GatherOp", "getitem_153": "GatherOp", "silu__45": "SiluOp", "_param_constant138": "const_noop", "conv2d_46": "Conv2DOp", "empty_46": "EmptyOp", "_param_constant139": "const_noop", "_param_constant140": "const_noop", "_tensor_constant92": "const_noop", "_tensor_constant93": "const_noop", "_native_batch_norm_legit_no_training_46": "BatchNormOp", "getitem_154": "GatherOp", "getitem_155": "GatherOp", "getitem_156": "GatherOp", "silu__46": "SiluOp", "_param_constant141": "const_noop", "_param_constant142": "const_noop", "conv2d_47": "Conv2DOp", "_param_constant143": "const_noop", "conv2d_48": "Conv2DOp", "empty_47": "EmptyOp", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "_tensor_constant94": "const_noop", "_tensor_constant95": "const_noop", "_native_batch_norm_legit_no_training_47": "BatchNormOp", "getitem_157": "GatherOp", "getitem_158": "GatherOp", "getitem_159": "GatherOp", "silu__47": "SiluOp", "_param_constant146": "const_noop", "conv2d_49": "Conv2DOp", "empty_48": "EmptyOp", "_param_constant147": "const_noop", "_param_constant148": "const_noop", "_tensor_constant96": "const_noop", "_tensor_constant97": "const_noop", "_native_batch_norm_legit_no_training_48": "BatchNormOp", "getitem_160": "GatherOp", "getitem_161": "GatherOp", "getitem_162": "GatherOp", "silu__48": "SiluOp", "_param_constant149": "const_noop", "_param_constant150": "const_noop", "conv2d_50": "Conv2DOp", "cat_13": "CatOp", "_param_constant151": "const_noop", "conv2d_51": "Conv2DOp", "empty_49": "EmptyOp", "_param_constant152": "const_noop", "_param_constant153": "const_noop", "_tensor_constant98": "const_noop", "_tensor_constant99": "const_noop", "_native_batch_norm_legit_no_training_49": "BatchNormOp", "getitem_163": "GatherOp", "getitem_164": "GatherOp", "getitem_165": "GatherOp", "silu__49": "SiluOp", "_param_constant154": "const_noop", "conv2d_52": "Conv2DOp", "empty_50": "EmptyOp", "_param_constant155": "const_noop", "_param_constant156": "const_noop", "_tensor_constant100": "const_noop", "_tensor_constant101": "const_noop", "_native_batch_norm_legit_no_training_50": "BatchNormOp", "getitem_166": "GatherOp", "getitem_167": "GatherOp", "getitem_168": "GatherOp", "silu__50": "SiluOp", "_param_constant157": "const_noop", "_param_constant158": "const_noop", "conv2d_53": "Conv2DOp", "_param_constant159": "const_noop", "conv2d_54": "Conv2DOp", "empty_51": "EmptyOp", "_param_constant160": "const_noop", "_param_constant161": "const_noop", "_tensor_constant102": "const_noop", "_tensor_constant103": "const_noop", "_native_batch_norm_legit_no_training_51": "BatchNormOp", "getitem_169": "GatherOp", "getitem_170": "GatherOp", "getitem_171": "GatherOp", "silu__51": "SiluOp", "_param_constant162": "const_noop", "conv2d_55": "Conv2DOp", "empty_52": "EmptyOp", "_param_constant163": "const_noop", "_param_constant164": "const_noop", "_tensor_constant104": "const_noop", "_tensor_constant105": "const_noop", "_native_batch_norm_legit_no_training_52": "BatchNormOp", "getitem_172": "GatherOp", "getitem_173": "GatherOp", "getitem_174": "GatherOp", "silu__52": "SiluOp", "_param_constant165": "const_noop", "_param_constant166": "const_noop", "conv2d_56": "Conv2DOp", "cat_14": "CatOp", "_param_constant167": "const_noop", "conv2d_57": "Conv2DOp", "empty_53": "EmptyOp", "_param_constant168": "const_noop", "_param_constant169": "const_noop", "_tensor_constant106": "const_noop", "_tensor_constant107": "const_noop", "_native_batch_norm_legit_no_training_53": "BatchNormOp", "getitem_175": "GatherOp", "getitem_176": "GatherOp", "getitem_177": "GatherOp", "silu__53": "SiluOp", "_param_constant170": "const_noop", "conv2d_58": "Conv2DOp", "empty_54": "EmptyOp", "_param_constant171": "const_noop", "_param_constant172": "const_noop", "_tensor_constant108": "const_noop", "_tensor_constant109": "const_noop", "_native_batch_norm_legit_no_training_54": "BatchNormOp", "getitem_178": "GatherOp", "getitem_179": "GatherOp", "getitem_180": "GatherOp", "silu__54": "SiluOp", "_param_constant173": "const_noop", "_param_constant174": "const_noop", "conv2d_59": "Conv2DOp", "_param_constant175": "const_noop", "conv2d_60": "Conv2DOp", "empty_55": "EmptyOp", "_param_constant176": "const_noop", "_param_constant177": "const_noop", "_tensor_constant110": "const_noop", "_tensor_constant111": "const_noop", "_native_batch_norm_legit_no_training_55": "BatchNormOp", "getitem_181": "GatherOp", "getitem_182": "GatherOp", "getitem_183": "GatherOp", "silu__55": "SiluOp", "_param_constant178": "const_noop", "conv2d_61": "Conv2DOp", "empty_56": "EmptyOp", "_param_constant179": "const_noop", "_param_constant180": "const_noop", "_tensor_constant112": "const_noop", "_tensor_constant113": "const_noop", "_native_batch_norm_legit_no_training_56": "BatchNormOp", "getitem_184": "GatherOp", "getitem_185": "GatherOp", "getitem_186": "GatherOp", "silu__56": "SiluOp", "_param_constant181": "const_noop", "_param_constant182": "const_noop", "conv2d_62": "Conv2DOp", "cat_15": "CatOp", "view": "ReshapeOp", "view_1": "ReshapeOp", "view_2": "ReshapeOp", "cat_16": "CatOp", "split_with_sizes": "SplitOp", "getitem_187": "GatherOp", "getitem_188": "GatherOp", "view_3": "ReshapeOp", "transpose": "TransposeOp", "softmax": "SoftmaxOp", "_param_constant183": "const_noop", "conv2d_63": "Conv2DOp", "view_4": "ReshapeOp", "_tensor_constant114": "const_noop", "unsqueeze": "ReshapeOp", "chunk_8": "SplitOp", "getitem_189": "GatherOp", "getitem_190": "GatherOp", "sub": "SubOp", "add_6": "AddOp", "add_7": "AddOp", "div": "DivOp", "sub_1": "SubOp", "cat_17": "CatOp", "_tensor_constant115": "const_noop", "mul": "MulOp", "sigmoid": "SigmoidOp", "cat_18": "CatOp", "output": "output_noop"} \ No newline at end of file +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "EmptyOp", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "silu": "SiluOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "EmptyOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "silu_1": "SiluOp", "_param_constant6": "const_noop", "conv2d_2": "Conv2DOp", "empty_2": "EmptyOp", "_param_constant7": "const_noop", "_param_constant8": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "silu_2": "SiluOp", "chunk": "SplitOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "empty_3": "EmptyOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_11": "GatherOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "silu_3": "SiluOp", "_param_constant12": "const_noop", "conv2d_4": "Conv2DOp", "empty_4": "EmptyOp", "_param_constant13": "const_noop", "_param_constant14": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_14": "GatherOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "silu_4": "SiluOp", "add": "AddOp", "cat": "CatOp", "_param_constant15": "const_noop", "conv2d_5": "Conv2DOp", "empty_5": "EmptyOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_17": "GatherOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "silu_5": "SiluOp", "_param_constant18": "const_noop", "conv2d_6": "Conv2DOp", "empty_6": "EmptyOp", "_param_constant19": "const_noop", "_param_constant20": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_20": "GatherOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "silu_6": "SiluOp", "_param_constant21": "const_noop", "conv2d_7": "Conv2DOp", "empty_7": "EmptyOp", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_23": "GatherOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "silu_7": "SiluOp", "chunk_1": "SplitOp", "getitem_26": "GatherOp", "getitem_27": "GatherOp", "_param_constant24": "const_noop", "conv2d_8": "Conv2DOp", "empty_8": "EmptyOp", "_param_constant25": "const_noop", "_param_constant26": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "getitem_30": "GatherOp", "silu_8": "SiluOp", "_param_constant27": "const_noop", "conv2d_9": "Conv2DOp", "empty_9": "EmptyOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "getitem_33": "GatherOp", "silu_9": "SiluOp", "add_1": "AddOp", "_param_constant30": "const_noop", "conv2d_10": "Conv2DOp", "empty_10": "EmptyOp", "_param_constant31": "const_noop", "_param_constant32": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "getitem_36": "GatherOp", "silu_10": "SiluOp", "_param_constant33": "const_noop", "conv2d_11": "Conv2DOp", "empty_11": "EmptyOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "getitem_39": "GatherOp", "silu_11": "SiluOp", "add_2": "AddOp", "cat_1": "CatOp", "_param_constant36": "const_noop", "conv2d_12": "Conv2DOp", "empty_12": "EmptyOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "getitem_42": "GatherOp", "silu_12": "SiluOp", "_param_constant39": "const_noop", "conv2d_13": "Conv2DOp", "empty_13": "EmptyOp", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "getitem_45": "GatherOp", "silu_13": "SiluOp", "_param_constant42": "const_noop", "conv2d_14": "Conv2DOp", "empty_14": "EmptyOp", "_param_constant43": "const_noop", "_param_constant44": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "getitem_48": "GatherOp", "silu_14": "SiluOp", "chunk_2": "SplitOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "_param_constant45": "const_noop", "conv2d_15": "Conv2DOp", "empty_15": "EmptyOp", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "silu_15": "SiluOp", "_param_constant48": "const_noop", "conv2d_16": "Conv2DOp", "empty_16": "EmptyOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "silu_16": "SiluOp", "add_3": "AddOp", "_param_constant51": "const_noop", "conv2d_17": "Conv2DOp", "empty_17": "EmptyOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "silu_17": "SiluOp", "_param_constant54": "const_noop", "conv2d_18": "Conv2DOp", "empty_18": "EmptyOp", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_60": "GatherOp", "getitem_61": "GatherOp", "getitem_62": "GatherOp", "silu_18": "SiluOp", "add_4": "AddOp", "cat_2": "CatOp", "_param_constant57": "const_noop", "conv2d_19": "Conv2DOp", "empty_19": "EmptyOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_63": "GatherOp", "getitem_64": "GatherOp", "getitem_65": "GatherOp", "silu_19": "SiluOp", "_param_constant60": "const_noop", "conv2d_20": "Conv2DOp", "empty_20": "EmptyOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "_tensor_constant40": "const_noop", "_tensor_constant41": "const_noop", "_native_batch_norm_legit_no_training_20": "BatchNormOp", "getitem_66": "GatherOp", "getitem_67": "GatherOp", "getitem_68": "GatherOp", "silu_20": "SiluOp", "_param_constant63": "const_noop", "conv2d_21": "Conv2DOp", "empty_21": "EmptyOp", "_param_constant64": "const_noop", "_param_constant65": "const_noop", "_tensor_constant42": "const_noop", "_tensor_constant43": "const_noop", "_native_batch_norm_legit_no_training_21": "BatchNormOp", "getitem_69": "GatherOp", "getitem_70": "GatherOp", "getitem_71": "GatherOp", "silu_21": "SiluOp", "chunk_3": "SplitOp", "getitem_72": "GatherOp", "getitem_73": "GatherOp", "_param_constant66": "const_noop", "conv2d_22": "Conv2DOp", "empty_22": "EmptyOp", "_param_constant67": "const_noop", "_param_constant68": "const_noop", "_tensor_constant44": "const_noop", "_tensor_constant45": "const_noop", "_native_batch_norm_legit_no_training_22": "BatchNormOp", "getitem_74": "GatherOp", "getitem_75": "GatherOp", "getitem_76": "GatherOp", "silu_22": "SiluOp", "_param_constant69": "const_noop", "conv2d_23": "Conv2DOp", "empty_23": "EmptyOp", "_param_constant70": "const_noop", "_param_constant71": "const_noop", "_tensor_constant46": "const_noop", "_tensor_constant47": "const_noop", "_native_batch_norm_legit_no_training_23": "BatchNormOp", "getitem_77": "GatherOp", "getitem_78": "GatherOp", "getitem_79": "GatherOp", "silu_23": "SiluOp", "add_5": "AddOp", "cat_3": "CatOp", "_param_constant72": "const_noop", "conv2d_24": "Conv2DOp", "empty_24": "EmptyOp", "_param_constant73": "const_noop", "_param_constant74": "const_noop", "_tensor_constant48": "const_noop", "_tensor_constant49": "const_noop", "_native_batch_norm_legit_no_training_24": "BatchNormOp", "getitem_80": "GatherOp", "getitem_81": "GatherOp", "getitem_82": "GatherOp", "silu_24": "SiluOp", "_param_constant75": "const_noop", "conv2d_25": "Conv2DOp", "empty_25": "EmptyOp", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "_tensor_constant50": "const_noop", "_tensor_constant51": "const_noop", "_native_batch_norm_legit_no_training_25": "BatchNormOp", "getitem_83": "GatherOp", "getitem_84": "GatherOp", "getitem_85": "GatherOp", "silu_25": "SiluOp", "max_pool2d": "MaxPool2DOp", "max_pool2d_1": "MaxPool2DOp", "max_pool2d_2": "MaxPool2DOp", "cat_4": "CatOp", "_param_constant78": "const_noop", "conv2d_26": "Conv2DOp", "empty_26": "EmptyOp", "_param_constant79": "const_noop", "_param_constant80": "const_noop", "_tensor_constant52": "const_noop", "_tensor_constant53": "const_noop", "_native_batch_norm_legit_no_training_26": "BatchNormOp", "getitem_86": "GatherOp", "getitem_87": "GatherOp", "getitem_88": "GatherOp", "silu_26": "SiluOp", "upsample_nearest2d": "InterpolateOp", "cat_5": "CatOp", "_param_constant81": "const_noop", "conv2d_27": "Conv2DOp", "empty_27": "EmptyOp", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "_tensor_constant54": "const_noop", "_tensor_constant55": "const_noop", "_native_batch_norm_legit_no_training_27": "BatchNormOp", "getitem_89": "GatherOp", "getitem_90": "GatherOp", "getitem_91": "GatherOp", "silu_27": "SiluOp", "chunk_4": "SplitOp", "getitem_92": "GatherOp", "getitem_93": "GatherOp", "_param_constant84": "const_noop", "conv2d_28": "Conv2DOp", "empty_28": "EmptyOp", "_param_constant85": "const_noop", "_param_constant86": "const_noop", "_tensor_constant56": "const_noop", "_tensor_constant57": "const_noop", "_native_batch_norm_legit_no_training_28": "BatchNormOp", "getitem_94": "GatherOp", "getitem_95": "GatherOp", "getitem_96": "GatherOp", "silu_28": "SiluOp", "_param_constant87": "const_noop", "conv2d_29": "Conv2DOp", "empty_29": "EmptyOp", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "_tensor_constant58": "const_noop", "_tensor_constant59": "const_noop", "_native_batch_norm_legit_no_training_29": "BatchNormOp", "getitem_97": "GatherOp", "getitem_98": "GatherOp", "getitem_99": "GatherOp", "silu_29": "SiluOp", "cat_6": "CatOp", "_param_constant90": "const_noop", "conv2d_30": "Conv2DOp", "empty_30": "EmptyOp", "_param_constant91": "const_noop", "_param_constant92": "const_noop", "_tensor_constant60": "const_noop", "_tensor_constant61": "const_noop", "_native_batch_norm_legit_no_training_30": "BatchNormOp", "getitem_100": "GatherOp", "getitem_101": "GatherOp", "getitem_102": "GatherOp", "silu_30": "SiluOp", "upsample_nearest2d_1": "InterpolateOp", "cat_7": "CatOp", "_param_constant93": "const_noop", "conv2d_31": "Conv2DOp", "empty_31": "EmptyOp", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "_tensor_constant62": "const_noop", "_tensor_constant63": "const_noop", "_native_batch_norm_legit_no_training_31": "BatchNormOp", "getitem_103": "GatherOp", "getitem_104": "GatherOp", "getitem_105": "GatherOp", "silu_31": "SiluOp", "chunk_5": "SplitOp", "getitem_106": "GatherOp", "getitem_107": "GatherOp", "_param_constant96": "const_noop", "conv2d_32": "Conv2DOp", "empty_32": "EmptyOp", "_param_constant97": "const_noop", "_param_constant98": "const_noop", "_tensor_constant64": "const_noop", "_tensor_constant65": "const_noop", "_native_batch_norm_legit_no_training_32": "BatchNormOp", "getitem_108": "GatherOp", "getitem_109": "GatherOp", "getitem_110": "GatherOp", "silu_32": "SiluOp", "_param_constant99": "const_noop", "conv2d_33": "Conv2DOp", "empty_33": "EmptyOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "_tensor_constant66": "const_noop", "_tensor_constant67": "const_noop", "_native_batch_norm_legit_no_training_33": "BatchNormOp", "getitem_111": "GatherOp", "getitem_112": "GatherOp", "getitem_113": "GatherOp", "silu_33": "SiluOp", "cat_8": "CatOp", "_param_constant102": "const_noop", "conv2d_34": "Conv2DOp", "empty_34": "EmptyOp", "_param_constant103": "const_noop", "_param_constant104": "const_noop", "_tensor_constant68": "const_noop", "_tensor_constant69": "const_noop", "_native_batch_norm_legit_no_training_34": "BatchNormOp", "getitem_114": "GatherOp", "getitem_115": "GatherOp", "getitem_116": "GatherOp", "silu_34": "SiluOp", "_param_constant105": "const_noop", "conv2d_35": "Conv2DOp", "empty_35": "EmptyOp", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "_tensor_constant70": "const_noop", "_tensor_constant71": "const_noop", "_native_batch_norm_legit_no_training_35": "BatchNormOp", "getitem_117": "GatherOp", "getitem_118": "GatherOp", "getitem_119": "GatherOp", "silu_35": "SiluOp", "cat_9": "CatOp", "_param_constant108": "const_noop", "conv2d_36": "Conv2DOp", "empty_36": "EmptyOp", "_param_constant109": "const_noop", "_param_constant110": "const_noop", "_tensor_constant72": "const_noop", "_tensor_constant73": "const_noop", "_native_batch_norm_legit_no_training_36": "BatchNormOp", "getitem_120": "GatherOp", "getitem_121": "GatherOp", "getitem_122": "GatherOp", "silu_36": "SiluOp", "chunk_6": "SplitOp", "getitem_123": "GatherOp", "getitem_124": "GatherOp", "_param_constant111": "const_noop", "conv2d_37": "Conv2DOp", "empty_37": "EmptyOp", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "_tensor_constant74": "const_noop", "_tensor_constant75": "const_noop", "_native_batch_norm_legit_no_training_37": "BatchNormOp", "getitem_125": "GatherOp", "getitem_126": "GatherOp", "getitem_127": "GatherOp", "silu_37": "SiluOp", "_param_constant114": "const_noop", "conv2d_38": "Conv2DOp", "empty_38": "EmptyOp", "_param_constant115": "const_noop", "_param_constant116": "const_noop", "_tensor_constant76": "const_noop", "_tensor_constant77": "const_noop", "_native_batch_norm_legit_no_training_38": "BatchNormOp", "getitem_128": "GatherOp", "getitem_129": "GatherOp", "getitem_130": "GatherOp", "silu_38": "SiluOp", "cat_10": "CatOp", "_param_constant117": "const_noop", "conv2d_39": "Conv2DOp", "empty_39": "EmptyOp", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "_tensor_constant78": "const_noop", "_tensor_constant79": "const_noop", "_native_batch_norm_legit_no_training_39": "BatchNormOp", "getitem_131": "GatherOp", "getitem_132": "GatherOp", "getitem_133": "GatherOp", "silu_39": "SiluOp", "_param_constant120": "const_noop", "conv2d_40": "Conv2DOp", "empty_40": "EmptyOp", "_param_constant121": "const_noop", "_param_constant122": "const_noop", "_tensor_constant80": "const_noop", "_tensor_constant81": "const_noop", "_native_batch_norm_legit_no_training_40": "BatchNormOp", "getitem_134": "GatherOp", "getitem_135": "GatherOp", "getitem_136": "GatherOp", "silu_40": "SiluOp", "cat_11": "CatOp", "_param_constant123": "const_noop", "conv2d_41": "Conv2DOp", "empty_41": "EmptyOp", "_param_constant124": "const_noop", "_param_constant125": "const_noop", "_tensor_constant82": "const_noop", "_tensor_constant83": "const_noop", "_native_batch_norm_legit_no_training_41": "BatchNormOp", "getitem_137": "GatherOp", "getitem_138": "GatherOp", "getitem_139": "GatherOp", "silu_41": "SiluOp", "chunk_7": "SplitOp", "getitem_140": "GatherOp", "getitem_141": "GatherOp", "_param_constant126": "const_noop", "conv2d_42": "Conv2DOp", "empty_42": "EmptyOp", "_param_constant127": "const_noop", "_param_constant128": "const_noop", "_tensor_constant84": "const_noop", "_tensor_constant85": "const_noop", "_native_batch_norm_legit_no_training_42": "BatchNormOp", "getitem_142": "GatherOp", "getitem_143": "GatherOp", "getitem_144": "GatherOp", "silu_42": "SiluOp", "_param_constant129": "const_noop", "conv2d_43": "Conv2DOp", "empty_43": "EmptyOp", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "_tensor_constant86": "const_noop", "_tensor_constant87": "const_noop", "_native_batch_norm_legit_no_training_43": "BatchNormOp", "getitem_145": "GatherOp", "getitem_146": "GatherOp", "getitem_147": "GatherOp", "silu_43": "SiluOp", "cat_12": "CatOp", "_param_constant132": "const_noop", "conv2d_44": "Conv2DOp", "empty_44": "EmptyOp", "_param_constant133": "const_noop", "_param_constant134": "const_noop", "_tensor_constant88": "const_noop", "_tensor_constant89": "const_noop", "_native_batch_norm_legit_no_training_44": "BatchNormOp", "getitem_148": "GatherOp", "getitem_149": "GatherOp", "getitem_150": "GatherOp", "silu_44": "SiluOp", "_param_constant135": "const_noop", "conv2d_45": "Conv2DOp", "empty_45": "EmptyOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "_tensor_constant90": "const_noop", "_tensor_constant91": "const_noop", "_native_batch_norm_legit_no_training_45": "BatchNormOp", "getitem_151": "GatherOp", "getitem_152": "GatherOp", "getitem_153": "GatherOp", "silu_45": "SiluOp", "_param_constant138": "const_noop", "conv2d_46": "Conv2DOp", "empty_46": "EmptyOp", "_param_constant139": "const_noop", "_param_constant140": "const_noop", "_tensor_constant92": "const_noop", "_tensor_constant93": "const_noop", "_native_batch_norm_legit_no_training_46": "BatchNormOp", "getitem_154": "GatherOp", "getitem_155": "GatherOp", "getitem_156": "GatherOp", "silu_46": "SiluOp", "_param_constant141": "const_noop", "_param_constant142": "const_noop", "conv2d_47": "Conv2DOp", "_param_constant143": "const_noop", "conv2d_48": "Conv2DOp", "empty_47": "EmptyOp", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "_tensor_constant94": "const_noop", "_tensor_constant95": "const_noop", "_native_batch_norm_legit_no_training_47": "BatchNormOp", "getitem_157": "GatherOp", "getitem_158": "GatherOp", "getitem_159": "GatherOp", "silu_47": "SiluOp", "_param_constant146": "const_noop", "conv2d_49": "Conv2DOp", "empty_48": "EmptyOp", "_param_constant147": "const_noop", "_param_constant148": "const_noop", "_tensor_constant96": "const_noop", "_tensor_constant97": "const_noop", "_native_batch_norm_legit_no_training_48": "BatchNormOp", "getitem_160": "GatherOp", "getitem_161": "GatherOp", "getitem_162": "GatherOp", "silu_48": "SiluOp", "_param_constant149": "const_noop", "_param_constant150": "const_noop", "conv2d_50": "Conv2DOp", "cat_13": "CatOp", "_param_constant151": "const_noop", "conv2d_51": "Conv2DOp", "empty_49": "EmptyOp", "_param_constant152": "const_noop", "_param_constant153": "const_noop", "_tensor_constant98": "const_noop", "_tensor_constant99": "const_noop", "_native_batch_norm_legit_no_training_49": "BatchNormOp", "getitem_163": "GatherOp", "getitem_164": "GatherOp", "getitem_165": "GatherOp", "silu_49": "SiluOp", "_param_constant154": "const_noop", "conv2d_52": "Conv2DOp", "empty_50": "EmptyOp", "_param_constant155": "const_noop", "_param_constant156": "const_noop", "_tensor_constant100": "const_noop", "_tensor_constant101": "const_noop", "_native_batch_norm_legit_no_training_50": "BatchNormOp", "getitem_166": "GatherOp", "getitem_167": "GatherOp", "getitem_168": "GatherOp", "silu_50": "SiluOp", "_param_constant157": "const_noop", "_param_constant158": "const_noop", "conv2d_53": "Conv2DOp", "_param_constant159": "const_noop", "conv2d_54": "Conv2DOp", "empty_51": "EmptyOp", "_param_constant160": "const_noop", "_param_constant161": "const_noop", "_tensor_constant102": "const_noop", "_tensor_constant103": "const_noop", "_native_batch_norm_legit_no_training_51": "BatchNormOp", "getitem_169": "GatherOp", "getitem_170": "GatherOp", "getitem_171": "GatherOp", "silu_51": "SiluOp", "_param_constant162": "const_noop", "conv2d_55": "Conv2DOp", "empty_52": "EmptyOp", "_param_constant163": "const_noop", "_param_constant164": "const_noop", "_tensor_constant104": "const_noop", "_tensor_constant105": "const_noop", "_native_batch_norm_legit_no_training_52": "BatchNormOp", "getitem_172": "GatherOp", "getitem_173": "GatherOp", "getitem_174": "GatherOp", "silu_52": "SiluOp", "_param_constant165": "const_noop", "_param_constant166": "const_noop", "conv2d_56": "Conv2DOp", "cat_14": "CatOp", "_param_constant167": "const_noop", "conv2d_57": "Conv2DOp", "empty_53": "EmptyOp", "_param_constant168": "const_noop", "_param_constant169": "const_noop", "_tensor_constant106": "const_noop", "_tensor_constant107": "const_noop", "_native_batch_norm_legit_no_training_53": "BatchNormOp", "getitem_175": "GatherOp", "getitem_176": "GatherOp", "getitem_177": "GatherOp", "silu_53": "SiluOp", "_param_constant170": "const_noop", "conv2d_58": "Conv2DOp", "empty_54": "EmptyOp", "_param_constant171": "const_noop", "_param_constant172": "const_noop", "_tensor_constant108": "const_noop", "_tensor_constant109": "const_noop", "_native_batch_norm_legit_no_training_54": "BatchNormOp", "getitem_178": "GatherOp", "getitem_179": "GatherOp", "getitem_180": "GatherOp", "silu_54": "SiluOp", "_param_constant173": "const_noop", "_param_constant174": "const_noop", "conv2d_59": "Conv2DOp", "_param_constant175": "const_noop", "conv2d_60": "Conv2DOp", "empty_55": "EmptyOp", "_param_constant176": "const_noop", "_param_constant177": "const_noop", "_tensor_constant110": "const_noop", "_tensor_constant111": "const_noop", "_native_batch_norm_legit_no_training_55": "BatchNormOp", "getitem_181": "GatherOp", "getitem_182": "GatherOp", "getitem_183": "GatherOp", "silu_55": "SiluOp", "_param_constant178": "const_noop", "conv2d_61": "Conv2DOp", "empty_56": "EmptyOp", "_param_constant179": "const_noop", "_param_constant180": "const_noop", "_tensor_constant112": "const_noop", "_tensor_constant113": "const_noop", "_native_batch_norm_legit_no_training_56": "BatchNormOp", "getitem_184": "GatherOp", "getitem_185": "GatherOp", "getitem_186": "GatherOp", "silu_56": "SiluOp", "_param_constant181": "const_noop", "_param_constant182": "const_noop", "conv2d_62": "Conv2DOp", "cat_15": "CatOp", "view": "ReshapeOp", "view_1": "ReshapeOp", "view_2": "ReshapeOp", "cat_16": "CatOp", "split_with_sizes": "SplitOp", "getitem_187": "GatherOp", "getitem_188": "GatherOp", "view_3": "ReshapeOp", "transpose": "TransposeOp", "softmax": "SoftmaxOp", "_param_constant183": "const_noop", "conv2d_63": "Conv2DOp", "view_4": "ReshapeOp", "_tensor_constant114": "const_noop", "unsqueeze": "ReshapeOp", "chunk_8": "SplitOp", "getitem_189": "GatherOp", "getitem_190": "GatherOp", "sub": "SubOp", "add_6": "AddOp", "add_7": "AddOp", "div": "DivOp", "sub_1": "SubOp", "cat_17": "CatOp", "_tensor_constant115": "const_noop", "mul": "MulOp", "sigmoid": "SigmoidOp", "cat_18": "CatOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/yolov8n.dot b/tests/torch/data/reference_graphs/fx/yolov8n.dot index a964a41be9d..ab54e352f8f 100644 --- a/tests/torch/data/reference_graphs/fx/yolov8n.dot +++ b/tests/torch/data/reference_graphs/fx/yolov8n.dot @@ -11,7 +11,7 @@ strict digraph { "9 getitem" [id=9, type=__getitem__]; "10 getitem_1" [id=10, type=__getitem__]; "11 getitem_2" [id=11, type=__getitem__]; -"12 silu_" [id=12, type=silu_]; +"12 silu" [id=12, type=silu]; "13 _param_constant3" [id=13, type=get_attr]; "14 conv2d_1" [id=14, type=conv2d]; "15 empty_1" [id=15, type=empty]; @@ -23,7 +23,7 @@ strict digraph { "21 getitem_3" [id=21, type=__getitem__]; "22 getitem_4" [id=22, type=__getitem__]; "23 getitem_5" [id=23, type=__getitem__]; -"24 silu__1" [id=24, type=silu_]; +"24 silu_1" [id=24, type=silu]; "25 _param_constant6" [id=25, type=get_attr]; "26 conv2d_2" [id=26, type=conv2d]; "27 empty_2" [id=27, type=empty]; @@ -35,7 +35,7 @@ strict digraph { "33 getitem_6" [id=33, type=__getitem__]; "34 getitem_7" [id=34, type=__getitem__]; "35 getitem_8" [id=35, type=__getitem__]; -"36 silu__2" [id=36, type=silu_]; +"36 silu_2" [id=36, type=silu]; "37 chunk" [id=37, type=chunk]; "38 getitem_9" [id=38, type=__getitem__]; "39 getitem_10" [id=39, type=__getitem__]; @@ -50,7 +50,7 @@ strict digraph { "48 getitem_11" [id=48, type=__getitem__]; "49 getitem_12" [id=49, type=__getitem__]; "50 getitem_13" [id=50, type=__getitem__]; -"51 silu__3" [id=51, type=silu_]; +"51 silu_3" [id=51, type=silu]; "52 _param_constant12" [id=52, type=get_attr]; "53 conv2d_4" [id=53, type=conv2d]; "54 empty_4" [id=54, type=empty]; @@ -62,7 +62,7 @@ strict digraph { "60 getitem_14" [id=60, type=__getitem__]; "61 getitem_15" [id=61, type=__getitem__]; "62 getitem_16" [id=62, type=__getitem__]; -"63 silu__4" [id=63, type=silu_]; +"63 silu_4" [id=63, type=silu]; "64 add" [id=64, type=add]; "65 cat" [id=65, type=cat]; "66 _param_constant15" [id=66, type=get_attr]; @@ -76,7 +76,7 @@ strict digraph { "74 getitem_17" [id=74, type=__getitem__]; "75 getitem_18" [id=75, type=__getitem__]; "76 getitem_19" [id=76, type=__getitem__]; -"77 silu__5" [id=77, type=silu_]; +"77 silu_5" [id=77, type=silu]; "78 _param_constant18" [id=78, type=get_attr]; "79 conv2d_6" [id=79, type=conv2d]; "80 empty_6" [id=80, type=empty]; @@ -88,7 +88,7 @@ strict digraph { "86 getitem_20" [id=86, type=__getitem__]; "87 getitem_21" [id=87, type=__getitem__]; "88 getitem_22" [id=88, type=__getitem__]; -"89 silu__6" [id=89, type=silu_]; +"89 silu_6" [id=89, type=silu]; "90 _param_constant21" [id=90, type=get_attr]; "91 conv2d_7" [id=91, type=conv2d]; "92 empty_7" [id=92, type=empty]; @@ -100,7 +100,7 @@ strict digraph { "98 getitem_23" [id=98, type=__getitem__]; "99 getitem_24" [id=99, type=__getitem__]; "100 getitem_25" [id=100, type=__getitem__]; -"101 silu__7" [id=101, type=silu_]; +"101 silu_7" [id=101, type=silu]; "102 chunk_1" [id=102, type=chunk]; "103 getitem_26" [id=103, type=__getitem__]; "104 getitem_27" [id=104, type=__getitem__]; @@ -115,7 +115,7 @@ strict digraph { "113 getitem_28" [id=113, type=__getitem__]; "114 getitem_29" [id=114, type=__getitem__]; "115 getitem_30" [id=115, type=__getitem__]; -"116 silu__8" [id=116, type=silu_]; +"116 silu_8" [id=116, type=silu]; "117 _param_constant27" [id=117, type=get_attr]; "118 conv2d_9" [id=118, type=conv2d]; "119 empty_9" [id=119, type=empty]; @@ -127,7 +127,7 @@ strict digraph { "125 getitem_31" [id=125, type=__getitem__]; "126 getitem_32" [id=126, type=__getitem__]; "127 getitem_33" [id=127, type=__getitem__]; -"128 silu__9" [id=128, type=silu_]; +"128 silu_9" [id=128, type=silu]; "129 add_1" [id=129, type=add]; "130 _param_constant30" [id=130, type=get_attr]; "131 conv2d_10" [id=131, type=conv2d]; @@ -140,7 +140,7 @@ strict digraph { "138 getitem_34" [id=138, type=__getitem__]; "139 getitem_35" [id=139, type=__getitem__]; "140 getitem_36" [id=140, type=__getitem__]; -"141 silu__10" [id=141, type=silu_]; +"141 silu_10" [id=141, type=silu]; "142 _param_constant33" [id=142, type=get_attr]; "143 conv2d_11" [id=143, type=conv2d]; "144 empty_11" [id=144, type=empty]; @@ -152,7 +152,7 @@ strict digraph { "150 getitem_37" [id=150, type=__getitem__]; "151 getitem_38" [id=151, type=__getitem__]; "152 getitem_39" [id=152, type=__getitem__]; -"153 silu__11" [id=153, type=silu_]; +"153 silu_11" [id=153, type=silu]; "154 add_2" [id=154, type=add]; "155 cat_1" [id=155, type=cat]; "156 _param_constant36" [id=156, type=get_attr]; @@ -166,7 +166,7 @@ strict digraph { "164 getitem_40" [id=164, type=__getitem__]; "165 getitem_41" [id=165, type=__getitem__]; "166 getitem_42" [id=166, type=__getitem__]; -"167 silu__12" [id=167, type=silu_]; +"167 silu_12" [id=167, type=silu]; "168 _param_constant39" [id=168, type=get_attr]; "169 conv2d_13" [id=169, type=conv2d]; "170 empty_13" [id=170, type=empty]; @@ -178,7 +178,7 @@ strict digraph { "176 getitem_43" [id=176, type=__getitem__]; "177 getitem_44" [id=177, type=__getitem__]; "178 getitem_45" [id=178, type=__getitem__]; -"179 silu__13" [id=179, type=silu_]; +"179 silu_13" [id=179, type=silu]; "180 _param_constant42" [id=180, type=get_attr]; "181 conv2d_14" [id=181, type=conv2d]; "182 empty_14" [id=182, type=empty]; @@ -190,7 +190,7 @@ strict digraph { "188 getitem_46" [id=188, type=__getitem__]; "189 getitem_47" [id=189, type=__getitem__]; "190 getitem_48" [id=190, type=__getitem__]; -"191 silu__14" [id=191, type=silu_]; +"191 silu_14" [id=191, type=silu]; "192 chunk_2" [id=192, type=chunk]; "193 getitem_49" [id=193, type=__getitem__]; "194 getitem_50" [id=194, type=__getitem__]; @@ -205,7 +205,7 @@ strict digraph { "203 getitem_51" [id=203, type=__getitem__]; "204 getitem_52" [id=204, type=__getitem__]; "205 getitem_53" [id=205, type=__getitem__]; -"206 silu__15" [id=206, type=silu_]; +"206 silu_15" [id=206, type=silu]; "207 _param_constant48" [id=207, type=get_attr]; "208 conv2d_16" [id=208, type=conv2d]; "209 empty_16" [id=209, type=empty]; @@ -217,7 +217,7 @@ strict digraph { "215 getitem_54" [id=215, type=__getitem__]; "216 getitem_55" [id=216, type=__getitem__]; "217 getitem_56" [id=217, type=__getitem__]; -"218 silu__16" [id=218, type=silu_]; +"218 silu_16" [id=218, type=silu]; "219 add_3" [id=219, type=add]; "220 _param_constant51" [id=220, type=get_attr]; "221 conv2d_17" [id=221, type=conv2d]; @@ -230,7 +230,7 @@ strict digraph { "228 getitem_57" [id=228, type=__getitem__]; "229 getitem_58" [id=229, type=__getitem__]; "230 getitem_59" [id=230, type=__getitem__]; -"231 silu__17" [id=231, type=silu_]; +"231 silu_17" [id=231, type=silu]; "232 _param_constant54" [id=232, type=get_attr]; "233 conv2d_18" [id=233, type=conv2d]; "234 empty_18" [id=234, type=empty]; @@ -242,7 +242,7 @@ strict digraph { "240 getitem_60" [id=240, type=__getitem__]; "241 getitem_61" [id=241, type=__getitem__]; "242 getitem_62" [id=242, type=__getitem__]; -"243 silu__18" [id=243, type=silu_]; +"243 silu_18" [id=243, type=silu]; "244 add_4" [id=244, type=add]; "245 cat_2" [id=245, type=cat]; "246 _param_constant57" [id=246, type=get_attr]; @@ -256,7 +256,7 @@ strict digraph { "254 getitem_63" [id=254, type=__getitem__]; "255 getitem_64" [id=255, type=__getitem__]; "256 getitem_65" [id=256, type=__getitem__]; -"257 silu__19" [id=257, type=silu_]; +"257 silu_19" [id=257, type=silu]; "258 _param_constant60" [id=258, type=get_attr]; "259 conv2d_20" [id=259, type=conv2d]; "260 empty_20" [id=260, type=empty]; @@ -268,7 +268,7 @@ strict digraph { "266 getitem_66" [id=266, type=__getitem__]; "267 getitem_67" [id=267, type=__getitem__]; "268 getitem_68" [id=268, type=__getitem__]; -"269 silu__20" [id=269, type=silu_]; +"269 silu_20" [id=269, type=silu]; "270 _param_constant63" [id=270, type=get_attr]; "271 conv2d_21" [id=271, type=conv2d]; "272 empty_21" [id=272, type=empty]; @@ -280,7 +280,7 @@ strict digraph { "278 getitem_69" [id=278, type=__getitem__]; "279 getitem_70" [id=279, type=__getitem__]; "280 getitem_71" [id=280, type=__getitem__]; -"281 silu__21" [id=281, type=silu_]; +"281 silu_21" [id=281, type=silu]; "282 chunk_3" [id=282, type=chunk]; "283 getitem_72" [id=283, type=__getitem__]; "284 getitem_73" [id=284, type=__getitem__]; @@ -295,7 +295,7 @@ strict digraph { "293 getitem_74" [id=293, type=__getitem__]; "294 getitem_75" [id=294, type=__getitem__]; "295 getitem_76" [id=295, type=__getitem__]; -"296 silu__22" [id=296, type=silu_]; +"296 silu_22" [id=296, type=silu]; "297 _param_constant69" [id=297, type=get_attr]; "298 conv2d_23" [id=298, type=conv2d]; "299 empty_23" [id=299, type=empty]; @@ -307,7 +307,7 @@ strict digraph { "305 getitem_77" [id=305, type=__getitem__]; "306 getitem_78" [id=306, type=__getitem__]; "307 getitem_79" [id=307, type=__getitem__]; -"308 silu__23" [id=308, type=silu_]; +"308 silu_23" [id=308, type=silu]; "309 add_5" [id=309, type=add]; "310 cat_3" [id=310, type=cat]; "311 _param_constant72" [id=311, type=get_attr]; @@ -321,7 +321,7 @@ strict digraph { "319 getitem_80" [id=319, type=__getitem__]; "320 getitem_81" [id=320, type=__getitem__]; "321 getitem_82" [id=321, type=__getitem__]; -"322 silu__24" [id=322, type=silu_]; +"322 silu_24" [id=322, type=silu]; "323 _param_constant75" [id=323, type=get_attr]; "324 conv2d_25" [id=324, type=conv2d]; "325 empty_25" [id=325, type=empty]; @@ -333,7 +333,7 @@ strict digraph { "331 getitem_83" [id=331, type=__getitem__]; "332 getitem_84" [id=332, type=__getitem__]; "333 getitem_85" [id=333, type=__getitem__]; -"334 silu__25" [id=334, type=silu_]; +"334 silu_25" [id=334, type=silu]; "335 max_pool2d" [id=335, type=max_pool2d]; "336 max_pool2d_1" [id=336, type=max_pool2d]; "337 max_pool2d_2" [id=337, type=max_pool2d]; @@ -349,7 +349,7 @@ strict digraph { "347 getitem_86" [id=347, type=__getitem__]; "348 getitem_87" [id=348, type=__getitem__]; "349 getitem_88" [id=349, type=__getitem__]; -"350 silu__26" [id=350, type=silu_]; +"350 silu_26" [id=350, type=silu]; "351 upsample_nearest2d" [id=351, type=upsample_nearest2d]; "352 cat_5" [id=352, type=cat]; "353 _param_constant81" [id=353, type=get_attr]; @@ -363,7 +363,7 @@ strict digraph { "361 getitem_89" [id=361, type=__getitem__]; "362 getitem_90" [id=362, type=__getitem__]; "363 getitem_91" [id=363, type=__getitem__]; -"364 silu__27" [id=364, type=silu_]; +"364 silu_27" [id=364, type=silu]; "365 chunk_4" [id=365, type=chunk]; "366 getitem_92" [id=366, type=__getitem__]; "367 getitem_93" [id=367, type=__getitem__]; @@ -378,7 +378,7 @@ strict digraph { "376 getitem_94" [id=376, type=__getitem__]; "377 getitem_95" [id=377, type=__getitem__]; "378 getitem_96" [id=378, type=__getitem__]; -"379 silu__28" [id=379, type=silu_]; +"379 silu_28" [id=379, type=silu]; "380 _param_constant87" [id=380, type=get_attr]; "381 conv2d_29" [id=381, type=conv2d]; "382 empty_29" [id=382, type=empty]; @@ -390,7 +390,7 @@ strict digraph { "388 getitem_97" [id=388, type=__getitem__]; "389 getitem_98" [id=389, type=__getitem__]; "390 getitem_99" [id=390, type=__getitem__]; -"391 silu__29" [id=391, type=silu_]; +"391 silu_29" [id=391, type=silu]; "392 cat_6" [id=392, type=cat]; "393 _param_constant90" [id=393, type=get_attr]; "394 conv2d_30" [id=394, type=conv2d]; @@ -403,7 +403,7 @@ strict digraph { "401 getitem_100" [id=401, type=__getitem__]; "402 getitem_101" [id=402, type=__getitem__]; "403 getitem_102" [id=403, type=__getitem__]; -"404 silu__30" [id=404, type=silu_]; +"404 silu_30" [id=404, type=silu]; "405 upsample_nearest2d_1" [id=405, type=upsample_nearest2d]; "406 cat_7" [id=406, type=cat]; "407 _param_constant93" [id=407, type=get_attr]; @@ -417,7 +417,7 @@ strict digraph { "415 getitem_103" [id=415, type=__getitem__]; "416 getitem_104" [id=416, type=__getitem__]; "417 getitem_105" [id=417, type=__getitem__]; -"418 silu__31" [id=418, type=silu_]; +"418 silu_31" [id=418, type=silu]; "419 chunk_5" [id=419, type=chunk]; "420 getitem_106" [id=420, type=__getitem__]; "421 getitem_107" [id=421, type=__getitem__]; @@ -432,7 +432,7 @@ strict digraph { "430 getitem_108" [id=430, type=__getitem__]; "431 getitem_109" [id=431, type=__getitem__]; "432 getitem_110" [id=432, type=__getitem__]; -"433 silu__32" [id=433, type=silu_]; +"433 silu_32" [id=433, type=silu]; "434 _param_constant99" [id=434, type=get_attr]; "435 conv2d_33" [id=435, type=conv2d]; "436 empty_33" [id=436, type=empty]; @@ -444,7 +444,7 @@ strict digraph { "442 getitem_111" [id=442, type=__getitem__]; "443 getitem_112" [id=443, type=__getitem__]; "444 getitem_113" [id=444, type=__getitem__]; -"445 silu__33" [id=445, type=silu_]; +"445 silu_33" [id=445, type=silu]; "446 cat_8" [id=446, type=cat]; "447 _param_constant102" [id=447, type=get_attr]; "448 conv2d_34" [id=448, type=conv2d]; @@ -457,7 +457,7 @@ strict digraph { "455 getitem_114" [id=455, type=__getitem__]; "456 getitem_115" [id=456, type=__getitem__]; "457 getitem_116" [id=457, type=__getitem__]; -"458 silu__34" [id=458, type=silu_]; +"458 silu_34" [id=458, type=silu]; "459 _param_constant105" [id=459, type=get_attr]; "460 conv2d_35" [id=460, type=conv2d]; "461 empty_35" [id=461, type=empty]; @@ -469,7 +469,7 @@ strict digraph { "467 getitem_117" [id=467, type=__getitem__]; "468 getitem_118" [id=468, type=__getitem__]; "469 getitem_119" [id=469, type=__getitem__]; -"470 silu__35" [id=470, type=silu_]; +"470 silu_35" [id=470, type=silu]; "471 cat_9" [id=471, type=cat]; "472 _param_constant108" [id=472, type=get_attr]; "473 conv2d_36" [id=473, type=conv2d]; @@ -482,7 +482,7 @@ strict digraph { "480 getitem_120" [id=480, type=__getitem__]; "481 getitem_121" [id=481, type=__getitem__]; "482 getitem_122" [id=482, type=__getitem__]; -"483 silu__36" [id=483, type=silu_]; +"483 silu_36" [id=483, type=silu]; "484 chunk_6" [id=484, type=chunk]; "485 getitem_123" [id=485, type=__getitem__]; "486 getitem_124" [id=486, type=__getitem__]; @@ -497,7 +497,7 @@ strict digraph { "495 getitem_125" [id=495, type=__getitem__]; "496 getitem_126" [id=496, type=__getitem__]; "497 getitem_127" [id=497, type=__getitem__]; -"498 silu__37" [id=498, type=silu_]; +"498 silu_37" [id=498, type=silu]; "499 _param_constant114" [id=499, type=get_attr]; "500 conv2d_38" [id=500, type=conv2d]; "501 empty_38" [id=501, type=empty]; @@ -509,7 +509,7 @@ strict digraph { "507 getitem_128" [id=507, type=__getitem__]; "508 getitem_129" [id=508, type=__getitem__]; "509 getitem_130" [id=509, type=__getitem__]; -"510 silu__38" [id=510, type=silu_]; +"510 silu_38" [id=510, type=silu]; "511 cat_10" [id=511, type=cat]; "512 _param_constant117" [id=512, type=get_attr]; "513 conv2d_39" [id=513, type=conv2d]; @@ -522,7 +522,7 @@ strict digraph { "520 getitem_131" [id=520, type=__getitem__]; "521 getitem_132" [id=521, type=__getitem__]; "522 getitem_133" [id=522, type=__getitem__]; -"523 silu__39" [id=523, type=silu_]; +"523 silu_39" [id=523, type=silu]; "524 _param_constant120" [id=524, type=get_attr]; "525 conv2d_40" [id=525, type=conv2d]; "526 empty_40" [id=526, type=empty]; @@ -534,7 +534,7 @@ strict digraph { "532 getitem_134" [id=532, type=__getitem__]; "533 getitem_135" [id=533, type=__getitem__]; "534 getitem_136" [id=534, type=__getitem__]; -"535 silu__40" [id=535, type=silu_]; +"535 silu_40" [id=535, type=silu]; "536 cat_11" [id=536, type=cat]; "537 _param_constant123" [id=537, type=get_attr]; "538 conv2d_41" [id=538, type=conv2d]; @@ -547,7 +547,7 @@ strict digraph { "545 getitem_137" [id=545, type=__getitem__]; "546 getitem_138" [id=546, type=__getitem__]; "547 getitem_139" [id=547, type=__getitem__]; -"548 silu__41" [id=548, type=silu_]; +"548 silu_41" [id=548, type=silu]; "549 chunk_7" [id=549, type=chunk]; "550 getitem_140" [id=550, type=__getitem__]; "551 getitem_141" [id=551, type=__getitem__]; @@ -562,7 +562,7 @@ strict digraph { "560 getitem_142" [id=560, type=__getitem__]; "561 getitem_143" [id=561, type=__getitem__]; "562 getitem_144" [id=562, type=__getitem__]; -"563 silu__42" [id=563, type=silu_]; +"563 silu_42" [id=563, type=silu]; "564 _param_constant129" [id=564, type=get_attr]; "565 conv2d_43" [id=565, type=conv2d]; "566 empty_43" [id=566, type=empty]; @@ -574,7 +574,7 @@ strict digraph { "572 getitem_145" [id=572, type=__getitem__]; "573 getitem_146" [id=573, type=__getitem__]; "574 getitem_147" [id=574, type=__getitem__]; -"575 silu__43" [id=575, type=silu_]; +"575 silu_43" [id=575, type=silu]; "576 cat_12" [id=576, type=cat]; "577 _param_constant132" [id=577, type=get_attr]; "578 conv2d_44" [id=578, type=conv2d]; @@ -587,7 +587,7 @@ strict digraph { "585 getitem_148" [id=585, type=__getitem__]; "586 getitem_149" [id=586, type=__getitem__]; "587 getitem_150" [id=587, type=__getitem__]; -"588 silu__44" [id=588, type=silu_]; +"588 silu_44" [id=588, type=silu]; "589 _param_constant135" [id=589, type=get_attr]; "590 conv2d_45" [id=590, type=conv2d]; "591 empty_45" [id=591, type=empty]; @@ -599,7 +599,7 @@ strict digraph { "597 getitem_151" [id=597, type=__getitem__]; "598 getitem_152" [id=598, type=__getitem__]; "599 getitem_153" [id=599, type=__getitem__]; -"600 silu__45" [id=600, type=silu_]; +"600 silu_45" [id=600, type=silu]; "601 _param_constant138" [id=601, type=get_attr]; "602 conv2d_46" [id=602, type=conv2d]; "603 empty_46" [id=603, type=empty]; @@ -611,7 +611,7 @@ strict digraph { "609 getitem_154" [id=609, type=__getitem__]; "610 getitem_155" [id=610, type=__getitem__]; "611 getitem_156" [id=611, type=__getitem__]; -"612 silu__46" [id=612, type=silu_]; +"612 silu_46" [id=612, type=silu]; "613 _param_constant141" [id=613, type=get_attr]; "614 _param_constant142" [id=614, type=get_attr]; "615 conv2d_47" [id=615, type=conv2d]; @@ -626,7 +626,7 @@ strict digraph { "624 getitem_157" [id=624, type=__getitem__]; "625 getitem_158" [id=625, type=__getitem__]; "626 getitem_159" [id=626, type=__getitem__]; -"627 silu__47" [id=627, type=silu_]; +"627 silu_47" [id=627, type=silu]; "628 _param_constant146" [id=628, type=get_attr]; "629 conv2d_49" [id=629, type=conv2d]; "630 empty_48" [id=630, type=empty]; @@ -638,7 +638,7 @@ strict digraph { "636 getitem_160" [id=636, type=__getitem__]; "637 getitem_161" [id=637, type=__getitem__]; "638 getitem_162" [id=638, type=__getitem__]; -"639 silu__48" [id=639, type=silu_]; +"639 silu_48" [id=639, type=silu]; "640 _param_constant149" [id=640, type=get_attr]; "641 _param_constant150" [id=641, type=get_attr]; "642 conv2d_50" [id=642, type=conv2d]; @@ -654,7 +654,7 @@ strict digraph { "652 getitem_163" [id=652, type=__getitem__]; "653 getitem_164" [id=653, type=__getitem__]; "654 getitem_165" [id=654, type=__getitem__]; -"655 silu__49" [id=655, type=silu_]; +"655 silu_49" [id=655, type=silu]; "656 _param_constant154" [id=656, type=get_attr]; "657 conv2d_52" [id=657, type=conv2d]; "658 empty_50" [id=658, type=empty]; @@ -666,7 +666,7 @@ strict digraph { "664 getitem_166" [id=664, type=__getitem__]; "665 getitem_167" [id=665, type=__getitem__]; "666 getitem_168" [id=666, type=__getitem__]; -"667 silu__50" [id=667, type=silu_]; +"667 silu_50" [id=667, type=silu]; "668 _param_constant157" [id=668, type=get_attr]; "669 _param_constant158" [id=669, type=get_attr]; "670 conv2d_53" [id=670, type=conv2d]; @@ -681,7 +681,7 @@ strict digraph { "679 getitem_169" [id=679, type=__getitem__]; "680 getitem_170" [id=680, type=__getitem__]; "681 getitem_171" [id=681, type=__getitem__]; -"682 silu__51" [id=682, type=silu_]; +"682 silu_51" [id=682, type=silu]; "683 _param_constant162" [id=683, type=get_attr]; "684 conv2d_55" [id=684, type=conv2d]; "685 empty_52" [id=685, type=empty]; @@ -693,7 +693,7 @@ strict digraph { "691 getitem_172" [id=691, type=__getitem__]; "692 getitem_173" [id=692, type=__getitem__]; "693 getitem_174" [id=693, type=__getitem__]; -"694 silu__52" [id=694, type=silu_]; +"694 silu_52" [id=694, type=silu]; "695 _param_constant165" [id=695, type=get_attr]; "696 _param_constant166" [id=696, type=get_attr]; "697 conv2d_56" [id=697, type=conv2d]; @@ -709,7 +709,7 @@ strict digraph { "707 getitem_175" [id=707, type=__getitem__]; "708 getitem_176" [id=708, type=__getitem__]; "709 getitem_177" [id=709, type=__getitem__]; -"710 silu__53" [id=710, type=silu_]; +"710 silu_53" [id=710, type=silu]; "711 _param_constant170" [id=711, type=get_attr]; "712 conv2d_58" [id=712, type=conv2d]; "713 empty_54" [id=713, type=empty]; @@ -721,7 +721,7 @@ strict digraph { "719 getitem_178" [id=719, type=__getitem__]; "720 getitem_179" [id=720, type=__getitem__]; "721 getitem_180" [id=721, type=__getitem__]; -"722 silu__54" [id=722, type=silu_]; +"722 silu_54" [id=722, type=silu]; "723 _param_constant173" [id=723, type=get_attr]; "724 _param_constant174" [id=724, type=get_attr]; "725 conv2d_59" [id=725, type=conv2d]; @@ -736,7 +736,7 @@ strict digraph { "734 getitem_181" [id=734, type=__getitem__]; "735 getitem_182" [id=735, type=__getitem__]; "736 getitem_183" [id=736, type=__getitem__]; -"737 silu__55" [id=737, type=silu_]; +"737 silu_55" [id=737, type=silu]; "738 _param_constant178" [id=738, type=get_attr]; "739 conv2d_61" [id=739, type=conv2d]; "740 empty_56" [id=740, type=empty]; @@ -748,7 +748,7 @@ strict digraph { "746 getitem_184" [id=746, type=__getitem__]; "747 getitem_185" [id=747, type=__getitem__]; "748 getitem_186" [id=748, type=__getitem__]; -"749 silu__56" [id=749, type=silu_]; +"749 silu_56" [id=749, type=silu]; "750 _param_constant181" [id=750, type=get_attr]; "751 _param_constant182" [id=751, type=get_attr]; "752 conv2d_62" [id=752, type=conv2d]; @@ -792,8 +792,8 @@ strict digraph { "8 _native_batch_norm_legit_no_training" -> "9 getitem"; "8 _native_batch_norm_legit_no_training" -> "10 getitem_1"; "8 _native_batch_norm_legit_no_training" -> "11 getitem_2"; -"9 getitem" -> "12 silu_"; -"12 silu_" -> "14 conv2d_1"; +"9 getitem" -> "12 silu"; +"12 silu" -> "14 conv2d_1"; "13 _param_constant3" -> "14 conv2d_1"; "14 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; "16 _param_constant4" -> "20 _native_batch_norm_legit_no_training_1"; @@ -803,8 +803,8 @@ strict digraph { "20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; "20 _native_batch_norm_legit_no_training_1" -> "22 getitem_4"; "20 _native_batch_norm_legit_no_training_1" -> "23 getitem_5"; -"21 getitem_3" -> "24 silu__1"; -"24 silu__1" -> "26 conv2d_2"; +"21 getitem_3" -> "24 silu_1"; +"24 silu_1" -> "26 conv2d_2"; "25 _param_constant6" -> "26 conv2d_2"; "26 conv2d_2" -> "32 _native_batch_norm_legit_no_training_2"; "28 _param_constant7" -> "32 _native_batch_norm_legit_no_training_2"; @@ -814,8 +814,8 @@ strict digraph { "32 _native_batch_norm_legit_no_training_2" -> "33 getitem_6"; "32 _native_batch_norm_legit_no_training_2" -> "34 getitem_7"; "32 _native_batch_norm_legit_no_training_2" -> "35 getitem_8"; -"33 getitem_6" -> "36 silu__2"; -"36 silu__2" -> "37 chunk"; +"33 getitem_6" -> "36 silu_2"; +"36 silu_2" -> "37 chunk"; "37 chunk" -> "38 getitem_9"; "37 chunk" -> "39 getitem_10"; "38 getitem_9" -> "65 cat"; @@ -831,8 +831,8 @@ strict digraph { "47 _native_batch_norm_legit_no_training_3" -> "48 getitem_11"; "47 _native_batch_norm_legit_no_training_3" -> "49 getitem_12"; "47 _native_batch_norm_legit_no_training_3" -> "50 getitem_13"; -"48 getitem_11" -> "51 silu__3"; -"51 silu__3" -> "53 conv2d_4"; +"48 getitem_11" -> "51 silu_3"; +"51 silu_3" -> "53 conv2d_4"; "52 _param_constant12" -> "53 conv2d_4"; "53 conv2d_4" -> "59 _native_batch_norm_legit_no_training_4"; "55 _param_constant13" -> "59 _native_batch_norm_legit_no_training_4"; @@ -842,8 +842,8 @@ strict digraph { "59 _native_batch_norm_legit_no_training_4" -> "60 getitem_14"; "59 _native_batch_norm_legit_no_training_4" -> "61 getitem_15"; "59 _native_batch_norm_legit_no_training_4" -> "62 getitem_16"; -"60 getitem_14" -> "63 silu__4"; -"63 silu__4" -> "64 add"; +"60 getitem_14" -> "63 silu_4"; +"63 silu_4" -> "64 add"; "64 add" -> "65 cat"; "65 cat" -> "67 conv2d_5"; "66 _param_constant15" -> "67 conv2d_5"; @@ -855,8 +855,8 @@ strict digraph { "73 _native_batch_norm_legit_no_training_5" -> "74 getitem_17"; "73 _native_batch_norm_legit_no_training_5" -> "75 getitem_18"; "73 _native_batch_norm_legit_no_training_5" -> "76 getitem_19"; -"74 getitem_17" -> "77 silu__5"; -"77 silu__5" -> "79 conv2d_6"; +"74 getitem_17" -> "77 silu_5"; +"77 silu_5" -> "79 conv2d_6"; "78 _param_constant18" -> "79 conv2d_6"; "79 conv2d_6" -> "85 _native_batch_norm_legit_no_training_6"; "81 _param_constant19" -> "85 _native_batch_norm_legit_no_training_6"; @@ -866,8 +866,8 @@ strict digraph { "85 _native_batch_norm_legit_no_training_6" -> "86 getitem_20"; "85 _native_batch_norm_legit_no_training_6" -> "87 getitem_21"; "85 _native_batch_norm_legit_no_training_6" -> "88 getitem_22"; -"86 getitem_20" -> "89 silu__6"; -"89 silu__6" -> "91 conv2d_7"; +"86 getitem_20" -> "89 silu_6"; +"89 silu_6" -> "91 conv2d_7"; "90 _param_constant21" -> "91 conv2d_7"; "91 conv2d_7" -> "97 _native_batch_norm_legit_no_training_7"; "93 _param_constant22" -> "97 _native_batch_norm_legit_no_training_7"; @@ -877,8 +877,8 @@ strict digraph { "97 _native_batch_norm_legit_no_training_7" -> "98 getitem_23"; "97 _native_batch_norm_legit_no_training_7" -> "99 getitem_24"; "97 _native_batch_norm_legit_no_training_7" -> "100 getitem_25"; -"98 getitem_23" -> "101 silu__7"; -"101 silu__7" -> "102 chunk_1"; +"98 getitem_23" -> "101 silu_7"; +"101 silu_7" -> "102 chunk_1"; "102 chunk_1" -> "103 getitem_26"; "102 chunk_1" -> "104 getitem_27"; "103 getitem_26" -> "155 cat_1"; @@ -896,8 +896,8 @@ strict digraph { "112 _native_batch_norm_legit_no_training_8" -> "113 getitem_28"; "112 _native_batch_norm_legit_no_training_8" -> "114 getitem_29"; "112 _native_batch_norm_legit_no_training_8" -> "115 getitem_30"; -"113 getitem_28" -> "116 silu__8"; -"116 silu__8" -> "118 conv2d_9"; +"113 getitem_28" -> "116 silu_8"; +"116 silu_8" -> "118 conv2d_9"; "117 _param_constant27" -> "118 conv2d_9"; "118 conv2d_9" -> "124 _native_batch_norm_legit_no_training_9"; "120 _param_constant28" -> "124 _native_batch_norm_legit_no_training_9"; @@ -907,8 +907,8 @@ strict digraph { "124 _native_batch_norm_legit_no_training_9" -> "125 getitem_31"; "124 _native_batch_norm_legit_no_training_9" -> "126 getitem_32"; "124 _native_batch_norm_legit_no_training_9" -> "127 getitem_33"; -"125 getitem_31" -> "128 silu__9"; -"128 silu__9" -> "129 add_1"; +"125 getitem_31" -> "128 silu_9"; +"128 silu_9" -> "129 add_1"; "129 add_1" -> "155 cat_1"; "130 _param_constant30" -> "131 conv2d_10"; "131 conv2d_10" -> "137 _native_batch_norm_legit_no_training_10"; @@ -919,8 +919,8 @@ strict digraph { "137 _native_batch_norm_legit_no_training_10" -> "138 getitem_34"; "137 _native_batch_norm_legit_no_training_10" -> "139 getitem_35"; "137 _native_batch_norm_legit_no_training_10" -> "140 getitem_36"; -"138 getitem_34" -> "141 silu__10"; -"141 silu__10" -> "143 conv2d_11"; +"138 getitem_34" -> "141 silu_10"; +"141 silu_10" -> "143 conv2d_11"; "142 _param_constant33" -> "143 conv2d_11"; "143 conv2d_11" -> "149 _native_batch_norm_legit_no_training_11"; "145 _param_constant34" -> "149 _native_batch_norm_legit_no_training_11"; @@ -930,8 +930,8 @@ strict digraph { "149 _native_batch_norm_legit_no_training_11" -> "150 getitem_37"; "149 _native_batch_norm_legit_no_training_11" -> "151 getitem_38"; "149 _native_batch_norm_legit_no_training_11" -> "152 getitem_39"; -"150 getitem_37" -> "153 silu__11"; -"153 silu__11" -> "154 add_2"; +"150 getitem_37" -> "153 silu_11"; +"153 silu_11" -> "154 add_2"; "154 add_2" -> "155 cat_1"; "155 cat_1" -> "157 conv2d_12"; "156 _param_constant36" -> "157 conv2d_12"; @@ -943,9 +943,9 @@ strict digraph { "163 _native_batch_norm_legit_no_training_12" -> "164 getitem_40"; "163 _native_batch_norm_legit_no_training_12" -> "165 getitem_41"; "163 _native_batch_norm_legit_no_training_12" -> "166 getitem_42"; -"164 getitem_40" -> "167 silu__12"; -"167 silu__12" -> "169 conv2d_13"; -"167 silu__12" -> "406 cat_7"; +"164 getitem_40" -> "167 silu_12"; +"167 silu_12" -> "169 conv2d_13"; +"167 silu_12" -> "406 cat_7"; "168 _param_constant39" -> "169 conv2d_13"; "169 conv2d_13" -> "175 _native_batch_norm_legit_no_training_13"; "171 _param_constant40" -> "175 _native_batch_norm_legit_no_training_13"; @@ -955,8 +955,8 @@ strict digraph { "175 _native_batch_norm_legit_no_training_13" -> "176 getitem_43"; "175 _native_batch_norm_legit_no_training_13" -> "177 getitem_44"; "175 _native_batch_norm_legit_no_training_13" -> "178 getitem_45"; -"176 getitem_43" -> "179 silu__13"; -"179 silu__13" -> "181 conv2d_14"; +"176 getitem_43" -> "179 silu_13"; +"179 silu_13" -> "181 conv2d_14"; "180 _param_constant42" -> "181 conv2d_14"; "181 conv2d_14" -> "187 _native_batch_norm_legit_no_training_14"; "183 _param_constant43" -> "187 _native_batch_norm_legit_no_training_14"; @@ -966,8 +966,8 @@ strict digraph { "187 _native_batch_norm_legit_no_training_14" -> "188 getitem_46"; "187 _native_batch_norm_legit_no_training_14" -> "189 getitem_47"; "187 _native_batch_norm_legit_no_training_14" -> "190 getitem_48"; -"188 getitem_46" -> "191 silu__14"; -"191 silu__14" -> "192 chunk_2"; +"188 getitem_46" -> "191 silu_14"; +"191 silu_14" -> "192 chunk_2"; "192 chunk_2" -> "193 getitem_49"; "192 chunk_2" -> "194 getitem_50"; "193 getitem_49" -> "245 cat_2"; @@ -985,8 +985,8 @@ strict digraph { "202 _native_batch_norm_legit_no_training_15" -> "203 getitem_51"; "202 _native_batch_norm_legit_no_training_15" -> "204 getitem_52"; "202 _native_batch_norm_legit_no_training_15" -> "205 getitem_53"; -"203 getitem_51" -> "206 silu__15"; -"206 silu__15" -> "208 conv2d_16"; +"203 getitem_51" -> "206 silu_15"; +"206 silu_15" -> "208 conv2d_16"; "207 _param_constant48" -> "208 conv2d_16"; "208 conv2d_16" -> "214 _native_batch_norm_legit_no_training_16"; "210 _param_constant49" -> "214 _native_batch_norm_legit_no_training_16"; @@ -996,8 +996,8 @@ strict digraph { "214 _native_batch_norm_legit_no_training_16" -> "215 getitem_54"; "214 _native_batch_norm_legit_no_training_16" -> "216 getitem_55"; "214 _native_batch_norm_legit_no_training_16" -> "217 getitem_56"; -"215 getitem_54" -> "218 silu__16"; -"218 silu__16" -> "219 add_3"; +"215 getitem_54" -> "218 silu_16"; +"218 silu_16" -> "219 add_3"; "219 add_3" -> "245 cat_2"; "220 _param_constant51" -> "221 conv2d_17"; "221 conv2d_17" -> "227 _native_batch_norm_legit_no_training_17"; @@ -1008,8 +1008,8 @@ strict digraph { "227 _native_batch_norm_legit_no_training_17" -> "228 getitem_57"; "227 _native_batch_norm_legit_no_training_17" -> "229 getitem_58"; "227 _native_batch_norm_legit_no_training_17" -> "230 getitem_59"; -"228 getitem_57" -> "231 silu__17"; -"231 silu__17" -> "233 conv2d_18"; +"228 getitem_57" -> "231 silu_17"; +"231 silu_17" -> "233 conv2d_18"; "232 _param_constant54" -> "233 conv2d_18"; "233 conv2d_18" -> "239 _native_batch_norm_legit_no_training_18"; "235 _param_constant55" -> "239 _native_batch_norm_legit_no_training_18"; @@ -1019,8 +1019,8 @@ strict digraph { "239 _native_batch_norm_legit_no_training_18" -> "240 getitem_60"; "239 _native_batch_norm_legit_no_training_18" -> "241 getitem_61"; "239 _native_batch_norm_legit_no_training_18" -> "242 getitem_62"; -"240 getitem_60" -> "243 silu__18"; -"243 silu__18" -> "244 add_4"; +"240 getitem_60" -> "243 silu_18"; +"243 silu_18" -> "244 add_4"; "244 add_4" -> "245 cat_2"; "245 cat_2" -> "247 conv2d_19"; "246 _param_constant57" -> "247 conv2d_19"; @@ -1032,9 +1032,9 @@ strict digraph { "253 _native_batch_norm_legit_no_training_19" -> "254 getitem_63"; "253 _native_batch_norm_legit_no_training_19" -> "255 getitem_64"; "253 _native_batch_norm_legit_no_training_19" -> "256 getitem_65"; -"254 getitem_63" -> "257 silu__19"; -"257 silu__19" -> "259 conv2d_20"; -"257 silu__19" -> "352 cat_5"; +"254 getitem_63" -> "257 silu_19"; +"257 silu_19" -> "259 conv2d_20"; +"257 silu_19" -> "352 cat_5"; "258 _param_constant60" -> "259 conv2d_20"; "259 conv2d_20" -> "265 _native_batch_norm_legit_no_training_20"; "261 _param_constant61" -> "265 _native_batch_norm_legit_no_training_20"; @@ -1044,8 +1044,8 @@ strict digraph { "265 _native_batch_norm_legit_no_training_20" -> "266 getitem_66"; "265 _native_batch_norm_legit_no_training_20" -> "267 getitem_67"; "265 _native_batch_norm_legit_no_training_20" -> "268 getitem_68"; -"266 getitem_66" -> "269 silu__20"; -"269 silu__20" -> "271 conv2d_21"; +"266 getitem_66" -> "269 silu_20"; +"269 silu_20" -> "271 conv2d_21"; "270 _param_constant63" -> "271 conv2d_21"; "271 conv2d_21" -> "277 _native_batch_norm_legit_no_training_21"; "273 _param_constant64" -> "277 _native_batch_norm_legit_no_training_21"; @@ -1055,8 +1055,8 @@ strict digraph { "277 _native_batch_norm_legit_no_training_21" -> "278 getitem_69"; "277 _native_batch_norm_legit_no_training_21" -> "279 getitem_70"; "277 _native_batch_norm_legit_no_training_21" -> "280 getitem_71"; -"278 getitem_69" -> "281 silu__21"; -"281 silu__21" -> "282 chunk_3"; +"278 getitem_69" -> "281 silu_21"; +"281 silu_21" -> "282 chunk_3"; "282 chunk_3" -> "283 getitem_72"; "282 chunk_3" -> "284 getitem_73"; "283 getitem_72" -> "310 cat_3"; @@ -1072,8 +1072,8 @@ strict digraph { "292 _native_batch_norm_legit_no_training_22" -> "293 getitem_74"; "292 _native_batch_norm_legit_no_training_22" -> "294 getitem_75"; "292 _native_batch_norm_legit_no_training_22" -> "295 getitem_76"; -"293 getitem_74" -> "296 silu__22"; -"296 silu__22" -> "298 conv2d_23"; +"293 getitem_74" -> "296 silu_22"; +"296 silu_22" -> "298 conv2d_23"; "297 _param_constant69" -> "298 conv2d_23"; "298 conv2d_23" -> "304 _native_batch_norm_legit_no_training_23"; "300 _param_constant70" -> "304 _native_batch_norm_legit_no_training_23"; @@ -1083,8 +1083,8 @@ strict digraph { "304 _native_batch_norm_legit_no_training_23" -> "305 getitem_77"; "304 _native_batch_norm_legit_no_training_23" -> "306 getitem_78"; "304 _native_batch_norm_legit_no_training_23" -> "307 getitem_79"; -"305 getitem_77" -> "308 silu__23"; -"308 silu__23" -> "309 add_5"; +"305 getitem_77" -> "308 silu_23"; +"308 silu_23" -> "309 add_5"; "309 add_5" -> "310 cat_3"; "310 cat_3" -> "312 conv2d_24"; "311 _param_constant72" -> "312 conv2d_24"; @@ -1096,8 +1096,8 @@ strict digraph { "318 _native_batch_norm_legit_no_training_24" -> "319 getitem_80"; "318 _native_batch_norm_legit_no_training_24" -> "320 getitem_81"; "318 _native_batch_norm_legit_no_training_24" -> "321 getitem_82"; -"319 getitem_80" -> "322 silu__24"; -"322 silu__24" -> "324 conv2d_25"; +"319 getitem_80" -> "322 silu_24"; +"322 silu_24" -> "324 conv2d_25"; "323 _param_constant75" -> "324 conv2d_25"; "324 conv2d_25" -> "330 _native_batch_norm_legit_no_training_25"; "326 _param_constant76" -> "330 _native_batch_norm_legit_no_training_25"; @@ -1107,11 +1107,11 @@ strict digraph { "330 _native_batch_norm_legit_no_training_25" -> "331 getitem_83"; "330 _native_batch_norm_legit_no_training_25" -> "332 getitem_84"; "330 _native_batch_norm_legit_no_training_25" -> "333 getitem_85"; -"331 getitem_83" -> "334 silu__25"; -"334 silu__25" -> "335 max_pool2d"; -"334 silu__25" -> "336 max_pool2d_1"; -"334 silu__25" -> "337 max_pool2d_2"; -"334 silu__25" -> "338 cat_4"; +"331 getitem_83" -> "334 silu_25"; +"334 silu_25" -> "335 max_pool2d"; +"334 silu_25" -> "336 max_pool2d_1"; +"334 silu_25" -> "337 max_pool2d_2"; +"334 silu_25" -> "338 cat_4"; "335 max_pool2d" -> "338 cat_4"; "336 max_pool2d_1" -> "338 cat_4"; "337 max_pool2d_2" -> "338 cat_4"; @@ -1125,9 +1125,9 @@ strict digraph { "346 _native_batch_norm_legit_no_training_26" -> "347 getitem_86"; "346 _native_batch_norm_legit_no_training_26" -> "348 getitem_87"; "346 _native_batch_norm_legit_no_training_26" -> "349 getitem_88"; -"347 getitem_86" -> "350 silu__26"; -"350 silu__26" -> "351 upsample_nearest2d"; -"350 silu__26" -> "536 cat_11"; +"347 getitem_86" -> "350 silu_26"; +"350 silu_26" -> "351 upsample_nearest2d"; +"350 silu_26" -> "536 cat_11"; "351 upsample_nearest2d" -> "352 cat_5"; "352 cat_5" -> "354 conv2d_27"; "353 _param_constant81" -> "354 conv2d_27"; @@ -1139,8 +1139,8 @@ strict digraph { "360 _native_batch_norm_legit_no_training_27" -> "361 getitem_89"; "360 _native_batch_norm_legit_no_training_27" -> "362 getitem_90"; "360 _native_batch_norm_legit_no_training_27" -> "363 getitem_91"; -"361 getitem_89" -> "364 silu__27"; -"364 silu__27" -> "365 chunk_4"; +"361 getitem_89" -> "364 silu_27"; +"364 silu_27" -> "365 chunk_4"; "365 chunk_4" -> "366 getitem_92"; "365 chunk_4" -> "367 getitem_93"; "366 getitem_92" -> "392 cat_6"; @@ -1155,8 +1155,8 @@ strict digraph { "375 _native_batch_norm_legit_no_training_28" -> "376 getitem_94"; "375 _native_batch_norm_legit_no_training_28" -> "377 getitem_95"; "375 _native_batch_norm_legit_no_training_28" -> "378 getitem_96"; -"376 getitem_94" -> "379 silu__28"; -"379 silu__28" -> "381 conv2d_29"; +"376 getitem_94" -> "379 silu_28"; +"379 silu_28" -> "381 conv2d_29"; "380 _param_constant87" -> "381 conv2d_29"; "381 conv2d_29" -> "387 _native_batch_norm_legit_no_training_29"; "383 _param_constant88" -> "387 _native_batch_norm_legit_no_training_29"; @@ -1166,8 +1166,8 @@ strict digraph { "387 _native_batch_norm_legit_no_training_29" -> "388 getitem_97"; "387 _native_batch_norm_legit_no_training_29" -> "389 getitem_98"; "387 _native_batch_norm_legit_no_training_29" -> "390 getitem_99"; -"388 getitem_97" -> "391 silu__29"; -"391 silu__29" -> "392 cat_6"; +"388 getitem_97" -> "391 silu_29"; +"391 silu_29" -> "392 cat_6"; "392 cat_6" -> "394 conv2d_30"; "393 _param_constant90" -> "394 conv2d_30"; "394 conv2d_30" -> "400 _native_batch_norm_legit_no_training_30"; @@ -1178,9 +1178,9 @@ strict digraph { "400 _native_batch_norm_legit_no_training_30" -> "401 getitem_100"; "400 _native_batch_norm_legit_no_training_30" -> "402 getitem_101"; "400 _native_batch_norm_legit_no_training_30" -> "403 getitem_102"; -"401 getitem_100" -> "404 silu__30"; -"404 silu__30" -> "405 upsample_nearest2d_1"; -"404 silu__30" -> "471 cat_9"; +"401 getitem_100" -> "404 silu_30"; +"404 silu_30" -> "405 upsample_nearest2d_1"; +"404 silu_30" -> "471 cat_9"; "405 upsample_nearest2d_1" -> "406 cat_7"; "406 cat_7" -> "408 conv2d_31"; "407 _param_constant93" -> "408 conv2d_31"; @@ -1192,8 +1192,8 @@ strict digraph { "414 _native_batch_norm_legit_no_training_31" -> "415 getitem_103"; "414 _native_batch_norm_legit_no_training_31" -> "416 getitem_104"; "414 _native_batch_norm_legit_no_training_31" -> "417 getitem_105"; -"415 getitem_103" -> "418 silu__31"; -"418 silu__31" -> "419 chunk_5"; +"415 getitem_103" -> "418 silu_31"; +"418 silu_31" -> "419 chunk_5"; "419 chunk_5" -> "420 getitem_106"; "419 chunk_5" -> "421 getitem_107"; "420 getitem_106" -> "446 cat_8"; @@ -1208,8 +1208,8 @@ strict digraph { "429 _native_batch_norm_legit_no_training_32" -> "430 getitem_108"; "429 _native_batch_norm_legit_no_training_32" -> "431 getitem_109"; "429 _native_batch_norm_legit_no_training_32" -> "432 getitem_110"; -"430 getitem_108" -> "433 silu__32"; -"433 silu__32" -> "435 conv2d_33"; +"430 getitem_108" -> "433 silu_32"; +"433 silu_32" -> "435 conv2d_33"; "434 _param_constant99" -> "435 conv2d_33"; "435 conv2d_33" -> "441 _native_batch_norm_legit_no_training_33"; "437 _param_constant100" -> "441 _native_batch_norm_legit_no_training_33"; @@ -1219,8 +1219,8 @@ strict digraph { "441 _native_batch_norm_legit_no_training_33" -> "442 getitem_111"; "441 _native_batch_norm_legit_no_training_33" -> "443 getitem_112"; "441 _native_batch_norm_legit_no_training_33" -> "444 getitem_113"; -"442 getitem_111" -> "445 silu__33"; -"445 silu__33" -> "446 cat_8"; +"442 getitem_111" -> "445 silu_33"; +"445 silu_33" -> "446 cat_8"; "446 cat_8" -> "448 conv2d_34"; "447 _param_constant102" -> "448 conv2d_34"; "448 conv2d_34" -> "454 _native_batch_norm_legit_no_training_34"; @@ -1231,10 +1231,10 @@ strict digraph { "454 _native_batch_norm_legit_no_training_34" -> "455 getitem_114"; "454 _native_batch_norm_legit_no_training_34" -> "456 getitem_115"; "454 _native_batch_norm_legit_no_training_34" -> "457 getitem_116"; -"455 getitem_114" -> "458 silu__34"; -"458 silu__34" -> "460 conv2d_35"; -"458 silu__34" -> "590 conv2d_45"; -"458 silu__34" -> "617 conv2d_48"; +"455 getitem_114" -> "458 silu_34"; +"458 silu_34" -> "460 conv2d_35"; +"458 silu_34" -> "590 conv2d_45"; +"458 silu_34" -> "617 conv2d_48"; "459 _param_constant105" -> "460 conv2d_35"; "460 conv2d_35" -> "466 _native_batch_norm_legit_no_training_35"; "462 _param_constant106" -> "466 _native_batch_norm_legit_no_training_35"; @@ -1244,8 +1244,8 @@ strict digraph { "466 _native_batch_norm_legit_no_training_35" -> "467 getitem_117"; "466 _native_batch_norm_legit_no_training_35" -> "468 getitem_118"; "466 _native_batch_norm_legit_no_training_35" -> "469 getitem_119"; -"467 getitem_117" -> "470 silu__35"; -"470 silu__35" -> "471 cat_9"; +"467 getitem_117" -> "470 silu_35"; +"470 silu_35" -> "471 cat_9"; "471 cat_9" -> "473 conv2d_36"; "472 _param_constant108" -> "473 conv2d_36"; "473 conv2d_36" -> "479 _native_batch_norm_legit_no_training_36"; @@ -1256,8 +1256,8 @@ strict digraph { "479 _native_batch_norm_legit_no_training_36" -> "480 getitem_120"; "479 _native_batch_norm_legit_no_training_36" -> "481 getitem_121"; "479 _native_batch_norm_legit_no_training_36" -> "482 getitem_122"; -"480 getitem_120" -> "483 silu__36"; -"483 silu__36" -> "484 chunk_6"; +"480 getitem_120" -> "483 silu_36"; +"483 silu_36" -> "484 chunk_6"; "484 chunk_6" -> "485 getitem_123"; "484 chunk_6" -> "486 getitem_124"; "485 getitem_123" -> "511 cat_10"; @@ -1272,8 +1272,8 @@ strict digraph { "494 _native_batch_norm_legit_no_training_37" -> "495 getitem_125"; "494 _native_batch_norm_legit_no_training_37" -> "496 getitem_126"; "494 _native_batch_norm_legit_no_training_37" -> "497 getitem_127"; -"495 getitem_125" -> "498 silu__37"; -"498 silu__37" -> "500 conv2d_38"; +"495 getitem_125" -> "498 silu_37"; +"498 silu_37" -> "500 conv2d_38"; "499 _param_constant114" -> "500 conv2d_38"; "500 conv2d_38" -> "506 _native_batch_norm_legit_no_training_38"; "502 _param_constant115" -> "506 _native_batch_norm_legit_no_training_38"; @@ -1283,8 +1283,8 @@ strict digraph { "506 _native_batch_norm_legit_no_training_38" -> "507 getitem_128"; "506 _native_batch_norm_legit_no_training_38" -> "508 getitem_129"; "506 _native_batch_norm_legit_no_training_38" -> "509 getitem_130"; -"507 getitem_128" -> "510 silu__38"; -"510 silu__38" -> "511 cat_10"; +"507 getitem_128" -> "510 silu_38"; +"510 silu_38" -> "511 cat_10"; "511 cat_10" -> "513 conv2d_39"; "512 _param_constant117" -> "513 conv2d_39"; "513 conv2d_39" -> "519 _native_batch_norm_legit_no_training_39"; @@ -1295,10 +1295,10 @@ strict digraph { "519 _native_batch_norm_legit_no_training_39" -> "520 getitem_131"; "519 _native_batch_norm_legit_no_training_39" -> "521 getitem_132"; "519 _native_batch_norm_legit_no_training_39" -> "522 getitem_133"; -"520 getitem_131" -> "523 silu__39"; -"523 silu__39" -> "525 conv2d_40"; -"523 silu__39" -> "645 conv2d_51"; -"523 silu__39" -> "672 conv2d_54"; +"520 getitem_131" -> "523 silu_39"; +"523 silu_39" -> "525 conv2d_40"; +"523 silu_39" -> "645 conv2d_51"; +"523 silu_39" -> "672 conv2d_54"; "524 _param_constant120" -> "525 conv2d_40"; "525 conv2d_40" -> "531 _native_batch_norm_legit_no_training_40"; "527 _param_constant121" -> "531 _native_batch_norm_legit_no_training_40"; @@ -1308,8 +1308,8 @@ strict digraph { "531 _native_batch_norm_legit_no_training_40" -> "532 getitem_134"; "531 _native_batch_norm_legit_no_training_40" -> "533 getitem_135"; "531 _native_batch_norm_legit_no_training_40" -> "534 getitem_136"; -"532 getitem_134" -> "535 silu__40"; -"535 silu__40" -> "536 cat_11"; +"532 getitem_134" -> "535 silu_40"; +"535 silu_40" -> "536 cat_11"; "536 cat_11" -> "538 conv2d_41"; "537 _param_constant123" -> "538 conv2d_41"; "538 conv2d_41" -> "544 _native_batch_norm_legit_no_training_41"; @@ -1320,8 +1320,8 @@ strict digraph { "544 _native_batch_norm_legit_no_training_41" -> "545 getitem_137"; "544 _native_batch_norm_legit_no_training_41" -> "546 getitem_138"; "544 _native_batch_norm_legit_no_training_41" -> "547 getitem_139"; -"545 getitem_137" -> "548 silu__41"; -"548 silu__41" -> "549 chunk_7"; +"545 getitem_137" -> "548 silu_41"; +"548 silu_41" -> "549 chunk_7"; "549 chunk_7" -> "550 getitem_140"; "549 chunk_7" -> "551 getitem_141"; "550 getitem_140" -> "576 cat_12"; @@ -1336,8 +1336,8 @@ strict digraph { "559 _native_batch_norm_legit_no_training_42" -> "560 getitem_142"; "559 _native_batch_norm_legit_no_training_42" -> "561 getitem_143"; "559 _native_batch_norm_legit_no_training_42" -> "562 getitem_144"; -"560 getitem_142" -> "563 silu__42"; -"563 silu__42" -> "565 conv2d_43"; +"560 getitem_142" -> "563 silu_42"; +"563 silu_42" -> "565 conv2d_43"; "564 _param_constant129" -> "565 conv2d_43"; "565 conv2d_43" -> "571 _native_batch_norm_legit_no_training_43"; "567 _param_constant130" -> "571 _native_batch_norm_legit_no_training_43"; @@ -1347,8 +1347,8 @@ strict digraph { "571 _native_batch_norm_legit_no_training_43" -> "572 getitem_145"; "571 _native_batch_norm_legit_no_training_43" -> "573 getitem_146"; "571 _native_batch_norm_legit_no_training_43" -> "574 getitem_147"; -"572 getitem_145" -> "575 silu__43"; -"575 silu__43" -> "576 cat_12"; +"572 getitem_145" -> "575 silu_43"; +"575 silu_43" -> "576 cat_12"; "576 cat_12" -> "578 conv2d_44"; "577 _param_constant132" -> "578 conv2d_44"; "578 conv2d_44" -> "584 _native_batch_norm_legit_no_training_44"; @@ -1359,9 +1359,9 @@ strict digraph { "584 _native_batch_norm_legit_no_training_44" -> "585 getitem_148"; "584 _native_batch_norm_legit_no_training_44" -> "586 getitem_149"; "584 _native_batch_norm_legit_no_training_44" -> "587 getitem_150"; -"585 getitem_148" -> "588 silu__44"; -"588 silu__44" -> "700 conv2d_57"; -"588 silu__44" -> "727 conv2d_60"; +"585 getitem_148" -> "588 silu_44"; +"588 silu_44" -> "700 conv2d_57"; +"588 silu_44" -> "727 conv2d_60"; "589 _param_constant135" -> "590 conv2d_45"; "590 conv2d_45" -> "596 _native_batch_norm_legit_no_training_45"; "592 _param_constant136" -> "596 _native_batch_norm_legit_no_training_45"; @@ -1371,8 +1371,8 @@ strict digraph { "596 _native_batch_norm_legit_no_training_45" -> "597 getitem_151"; "596 _native_batch_norm_legit_no_training_45" -> "598 getitem_152"; "596 _native_batch_norm_legit_no_training_45" -> "599 getitem_153"; -"597 getitem_151" -> "600 silu__45"; -"600 silu__45" -> "602 conv2d_46"; +"597 getitem_151" -> "600 silu_45"; +"600 silu_45" -> "602 conv2d_46"; "601 _param_constant138" -> "602 conv2d_46"; "602 conv2d_46" -> "608 _native_batch_norm_legit_no_training_46"; "604 _param_constant139" -> "608 _native_batch_norm_legit_no_training_46"; @@ -1382,8 +1382,8 @@ strict digraph { "608 _native_batch_norm_legit_no_training_46" -> "609 getitem_154"; "608 _native_batch_norm_legit_no_training_46" -> "610 getitem_155"; "608 _native_batch_norm_legit_no_training_46" -> "611 getitem_156"; -"609 getitem_154" -> "612 silu__46"; -"612 silu__46" -> "615 conv2d_47"; +"609 getitem_154" -> "612 silu_46"; +"612 silu_46" -> "615 conv2d_47"; "613 _param_constant141" -> "615 conv2d_47"; "614 _param_constant142" -> "615 conv2d_47"; "615 conv2d_47" -> "643 cat_13"; @@ -1396,8 +1396,8 @@ strict digraph { "623 _native_batch_norm_legit_no_training_47" -> "624 getitem_157"; "623 _native_batch_norm_legit_no_training_47" -> "625 getitem_158"; "623 _native_batch_norm_legit_no_training_47" -> "626 getitem_159"; -"624 getitem_157" -> "627 silu__47"; -"627 silu__47" -> "629 conv2d_49"; +"624 getitem_157" -> "627 silu_47"; +"627 silu_47" -> "629 conv2d_49"; "628 _param_constant146" -> "629 conv2d_49"; "629 conv2d_49" -> "635 _native_batch_norm_legit_no_training_48"; "631 _param_constant147" -> "635 _native_batch_norm_legit_no_training_48"; @@ -1407,8 +1407,8 @@ strict digraph { "635 _native_batch_norm_legit_no_training_48" -> "636 getitem_160"; "635 _native_batch_norm_legit_no_training_48" -> "637 getitem_161"; "635 _native_batch_norm_legit_no_training_48" -> "638 getitem_162"; -"636 getitem_160" -> "639 silu__48"; -"639 silu__48" -> "642 conv2d_50"; +"636 getitem_160" -> "639 silu_48"; +"639 silu_48" -> "642 conv2d_50"; "640 _param_constant149" -> "642 conv2d_50"; "641 _param_constant150" -> "642 conv2d_50"; "642 conv2d_50" -> "643 cat_13"; @@ -1423,8 +1423,8 @@ strict digraph { "651 _native_batch_norm_legit_no_training_49" -> "652 getitem_163"; "651 _native_batch_norm_legit_no_training_49" -> "653 getitem_164"; "651 _native_batch_norm_legit_no_training_49" -> "654 getitem_165"; -"652 getitem_163" -> "655 silu__49"; -"655 silu__49" -> "657 conv2d_52"; +"652 getitem_163" -> "655 silu_49"; +"655 silu_49" -> "657 conv2d_52"; "656 _param_constant154" -> "657 conv2d_52"; "657 conv2d_52" -> "663 _native_batch_norm_legit_no_training_50"; "659 _param_constant155" -> "663 _native_batch_norm_legit_no_training_50"; @@ -1434,8 +1434,8 @@ strict digraph { "663 _native_batch_norm_legit_no_training_50" -> "664 getitem_166"; "663 _native_batch_norm_legit_no_training_50" -> "665 getitem_167"; "663 _native_batch_norm_legit_no_training_50" -> "666 getitem_168"; -"664 getitem_166" -> "667 silu__50"; -"667 silu__50" -> "670 conv2d_53"; +"664 getitem_166" -> "667 silu_50"; +"667 silu_50" -> "670 conv2d_53"; "668 _param_constant157" -> "670 conv2d_53"; "669 _param_constant158" -> "670 conv2d_53"; "670 conv2d_53" -> "698 cat_14"; @@ -1448,8 +1448,8 @@ strict digraph { "678 _native_batch_norm_legit_no_training_51" -> "679 getitem_169"; "678 _native_batch_norm_legit_no_training_51" -> "680 getitem_170"; "678 _native_batch_norm_legit_no_training_51" -> "681 getitem_171"; -"679 getitem_169" -> "682 silu__51"; -"682 silu__51" -> "684 conv2d_55"; +"679 getitem_169" -> "682 silu_51"; +"682 silu_51" -> "684 conv2d_55"; "683 _param_constant162" -> "684 conv2d_55"; "684 conv2d_55" -> "690 _native_batch_norm_legit_no_training_52"; "686 _param_constant163" -> "690 _native_batch_norm_legit_no_training_52"; @@ -1459,8 +1459,8 @@ strict digraph { "690 _native_batch_norm_legit_no_training_52" -> "691 getitem_172"; "690 _native_batch_norm_legit_no_training_52" -> "692 getitem_173"; "690 _native_batch_norm_legit_no_training_52" -> "693 getitem_174"; -"691 getitem_172" -> "694 silu__52"; -"694 silu__52" -> "697 conv2d_56"; +"691 getitem_172" -> "694 silu_52"; +"694 silu_52" -> "697 conv2d_56"; "695 _param_constant165" -> "697 conv2d_56"; "696 _param_constant166" -> "697 conv2d_56"; "697 conv2d_56" -> "698 cat_14"; @@ -1475,8 +1475,8 @@ strict digraph { "706 _native_batch_norm_legit_no_training_53" -> "707 getitem_175"; "706 _native_batch_norm_legit_no_training_53" -> "708 getitem_176"; "706 _native_batch_norm_legit_no_training_53" -> "709 getitem_177"; -"707 getitem_175" -> "710 silu__53"; -"710 silu__53" -> "712 conv2d_58"; +"707 getitem_175" -> "710 silu_53"; +"710 silu_53" -> "712 conv2d_58"; "711 _param_constant170" -> "712 conv2d_58"; "712 conv2d_58" -> "718 _native_batch_norm_legit_no_training_54"; "714 _param_constant171" -> "718 _native_batch_norm_legit_no_training_54"; @@ -1486,8 +1486,8 @@ strict digraph { "718 _native_batch_norm_legit_no_training_54" -> "719 getitem_178"; "718 _native_batch_norm_legit_no_training_54" -> "720 getitem_179"; "718 _native_batch_norm_legit_no_training_54" -> "721 getitem_180"; -"719 getitem_178" -> "722 silu__54"; -"722 silu__54" -> "725 conv2d_59"; +"719 getitem_178" -> "722 silu_54"; +"722 silu_54" -> "725 conv2d_59"; "723 _param_constant173" -> "725 conv2d_59"; "724 _param_constant174" -> "725 conv2d_59"; "725 conv2d_59" -> "753 cat_15"; @@ -1500,8 +1500,8 @@ strict digraph { "733 _native_batch_norm_legit_no_training_55" -> "734 getitem_181"; "733 _native_batch_norm_legit_no_training_55" -> "735 getitem_182"; "733 _native_batch_norm_legit_no_training_55" -> "736 getitem_183"; -"734 getitem_181" -> "737 silu__55"; -"737 silu__55" -> "739 conv2d_61"; +"734 getitem_181" -> "737 silu_55"; +"737 silu_55" -> "739 conv2d_61"; "738 _param_constant178" -> "739 conv2d_61"; "739 conv2d_61" -> "745 _native_batch_norm_legit_no_training_56"; "741 _param_constant179" -> "745 _native_batch_norm_legit_no_training_56"; @@ -1511,8 +1511,8 @@ strict digraph { "745 _native_batch_norm_legit_no_training_56" -> "746 getitem_184"; "745 _native_batch_norm_legit_no_training_56" -> "747 getitem_185"; "745 _native_batch_norm_legit_no_training_56" -> "748 getitem_186"; -"746 getitem_184" -> "749 silu__56"; -"749 silu__56" -> "752 conv2d_62"; +"746 getitem_184" -> "749 silu_56"; +"749 silu_56" -> "752 conv2d_62"; "750 _param_constant181" -> "752 conv2d_62"; "751 _param_constant182" -> "752 conv2d_62"; "752 conv2d_62" -> "753 cat_15"; diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 382c1a8e579..ca8a8ab5c12 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -13,8 +13,9 @@ import json import os from dataclasses import dataclass +from functools import partial from pathlib import Path -from typing import Dict, Tuple, Type +from typing import Callable, Dict, Tuple, Type import openvino.torch # noqa import pytest @@ -26,54 +27,47 @@ import torch.utils.data.distributed import torchvision.models as models from torch._export import capture_pre_autograd_graph -from ultralytics.models.yolo import YOLO from nncf.common.graph.graph import NNCFNodeName from nncf.common.graph.operator_metatypes import OperatorMetatype from nncf.common.utils.os import safe_open from nncf.experimental.torch.fx.nncf_graph_builder import GraphConverter from nncf.torch.dynamic_graph.patch_pytorch import disable_patching -from nncf.torch.graph.graph import PTNNCFGraph from tests.shared.paths import TEST_ROOT from tests.torch.test_compressed_graph import check_graph +from tests.torch.test_models.yolov8.model import YoloV8Model - -@pytest.fixture(name="fx_dir") -def fx_dir_fixture(request): - fx_dir_name = "fx" - return fx_dir_name +FX_DIR_NAME = "fx" @dataclass class ModelCase: - model: torch.nn.Module + model_builder: Callable[[], torch.nn.Module] model_id: str input_shape: Tuple[int] -def torchvision_model_builder(model_id: str, input_shape: Tuple[int,]): - model = getattr(models, model_id)(weights=None) - return ModelCase(model, model_id, input_shape) +def torchvision_model_case(model_id: str, input_shape: Tuple[int,]): + model = getattr(models, model_id) + return ModelCase(partial(model, weights=None), model_id, input_shape) + +def yolo_v8_case(model_id, input_shape): + def get_model() -> torch.nn.Module: + model = YoloV8Model().eval() + # Warmup model + model(torch.empty(input_shape)) + return model -def ultralytics_model_builder(model_id: str, input_shape: Tuple[int,]): - model_config = model_id + ".yaml" # Initialize the model with random weights instead of downloading them. - model = YOLO(model_config) - model = model.model - ex_input = torch.ones(input_shape) - model.eval() - model(ex_input) # inferring from model to avoid anchor mutation in YOLOv8 - model.eval() - model(ex_input) # inferring from model to avoid anchor mutation in YOLOv8 - return ModelCase(model, model_id, input_shape) + return ModelCase(get_model, model_id, input_shape) TEST_MODELS = ( - torchvision_model_builder("resnet18", (1, 3, 224, 224)), - torchvision_model_builder("mobilenet_v3_small", (1, 3, 224, 224)), - torchvision_model_builder("vit_b_16", (1, 3, 224, 224)), - torchvision_model_builder("swin_v2_s", (1, 3, 224, 224)), - ultralytics_model_builder("yolov8n", (1, 3, 224, 224)), + torchvision_model_case("resnet18", (1, 3, 224, 224)), + torchvision_model_case("mobilenet_v3_small", (1, 3, 224, 224)), + torchvision_model_case("vit_b_16", (1, 3, 224, 224)), + torchvision_model_case("swin_v2_s", (1, 3, 224, 224)), + yolo_v8_case("yolov8n", (1, 3, 224, 224)), ) @@ -110,26 +104,25 @@ def get_ref_metatypes_from_json( return json.load(file) -def compare_nncf_graph_model(model: PTNNCFGraph, model_name: str, path_to_dot: str): - dot_filename = get_dot_filename(model_name) - check_graph(model, dot_filename, path_to_dot) - - -@pytest.mark.parametrize("test_case", TEST_MODELS) -def test_models(test_case: ModelCase, fx_dir): +@pytest.mark.parametrize("test_case", TEST_MODELS, ids=[m.model_id for m in TEST_MODELS]) +def test_models(test_case: ModelCase): with disable_patching(): device = torch.device("cpu") model_name = test_case.model_id - model = test_case.model + model = test_case.model_builder() model.to(device) with torch.no_grad(): ex_input = torch.ones(test_case.input_shape) - path_to_dot = fx_dir model.eval() exported_model = capture_pre_autograd_graph(model, args=(ex_input,)) - nncf_graph = GraphConverter.create_nncf_graph(exported_model) - compare_nncf_graph_model(nncf_graph, model_name, path_to_dot) - model_metatypes = {n.node_name: n.metatype.name for n in nncf_graph.get_all_nodes()} - ref_metatypes = get_ref_metatypes_from_json(model_name, model_metatypes) - assert model_metatypes == ref_metatypes + nncf_graph = GraphConverter.create_nncf_graph(exported_model) + + # Check NNCFGrpah + dot_filename = get_dot_filename(model_name) + check_graph(nncf_graph, dot_filename, FX_DIR_NAME) + + # Check metatypes + model_metatypes = {n.node_name: n.metatype.name for n in nncf_graph.get_all_nodes()} + ref_metatypes = get_ref_metatypes_from_json(model_name, model_metatypes) + assert model_metatypes == ref_metatypes diff --git a/tests/torch/requirements.txt b/tests/torch/requirements.txt index 15f31a0b0f5..be82652d65f 100644 --- a/tests/torch/requirements.txt +++ b/tests/torch/requirements.txt @@ -24,4 +24,3 @@ timm==0.9.2 # Required for torch/fx tests torchvision fastdownload==0.0.7 -ultralytics==8.2.56 # TODO(dlyakhov) move ultralytics requirements to the nightly test diff --git a/tests/torch/test_models/yolov8/block.py b/tests/torch/test_models/yolov8/block.py new file mode 100644 index 00000000000..3058b4157f0 --- /dev/null +++ b/tests/torch/test_models/yolov8/block.py @@ -0,0 +1,818 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Ultralytics YOLO 🚀, AGPL-3.0 license +""" +Source: ultralytics/ultralytics/nn/modules/block.py +Commit: 673e76b86282859ead5517bd04dee896a647db93 +Block modules. +""" + +import torch +import torch.nn as nn +import torch.nn.functional as F + +from .conv import Conv +from .conv import DWConv +from .conv import GhostConv +from .conv import LightConv +from .conv import RepConv +from .conv import autopad +from .transformer import TransformerBlock + + +class DFL(nn.Module): + """ + Integral module of Distribution Focal Loss (DFL). + + Proposed in Generalized Focal Loss https://ieeexplore.ieee.org/document/9792391 + """ + + def __init__(self, c1=16): + """Initialize a convolutional layer with a given number of input channels.""" + super().__init__() + self.conv = nn.Conv2d(c1, 1, 1, bias=False).requires_grad_(False) + x = torch.arange(c1, dtype=torch.float) + self.conv.weight.data[:] = nn.Parameter(x.view(1, c1, 1, 1)) + self.c1 = c1 + + def forward(self, x): + """Applies a transformer layer on input tensor 'x' and returns a tensor.""" + b, _, a = x.shape # batch, channels, anchors + return self.conv(x.view(b, 4, self.c1, a).transpose(2, 1).softmax(1)).view(b, 4, a) + # return self.conv(x.view(b, self.c1, 4, a).softmax(1)).view(b, 4, a) + + +class Proto(nn.Module): + """YOLOv8 mask Proto module for segmentation models.""" + + def __init__(self, c1, c_=256, c2=32): + """ + Initializes the YOLOv8 mask Proto module with specified number of protos and masks. + + Input arguments are ch_in, number of protos, number of masks. + """ + super().__init__() + self.cv1 = Conv(c1, c_, k=3) + self.upsample = nn.ConvTranspose2d(c_, c_, 2, 2, 0, bias=True) # nn.Upsample(scale_factor=2, mode='nearest') + self.cv2 = Conv(c_, c_, k=3) + self.cv3 = Conv(c_, c2) + + def forward(self, x): + """Performs a forward pass through layers using an upsampled input image.""" + return self.cv3(self.cv2(self.upsample(self.cv1(x)))) + + +class HGStem(nn.Module): + """ + StemBlock of PPHGNetV2 with 5 convolutions and one maxpool2d. + + https://github.com/PaddlePaddle/PaddleDetection/blob/develop/ppdet/modeling/backbones/hgnet_v2.py + """ + + def __init__(self, c1, cm, c2): + """Initialize the SPP layer with input/output channels and specified kernel sizes for max pooling.""" + super().__init__() + self.stem1 = Conv(c1, cm, 3, 2, act=nn.ReLU()) + self.stem2a = Conv(cm, cm // 2, 2, 1, 0, act=nn.ReLU()) + self.stem2b = Conv(cm // 2, cm, 2, 1, 0, act=nn.ReLU()) + self.stem3 = Conv(cm * 2, cm, 3, 2, act=nn.ReLU()) + self.stem4 = Conv(cm, c2, 1, 1, act=nn.ReLU()) + self.pool = nn.MaxPool2d(kernel_size=2, stride=1, padding=0, ceil_mode=True) + + def forward(self, x): + """Forward pass of a PPHGNetV2 backbone layer.""" + x = self.stem1(x) + x = F.pad(x, [0, 1, 0, 1]) + x2 = self.stem2a(x) + x2 = F.pad(x2, [0, 1, 0, 1]) + x2 = self.stem2b(x2) + x1 = self.pool(x) + x = torch.cat([x1, x2], dim=1) + x = self.stem3(x) + x = self.stem4(x) + return x + + +class HGBlock(nn.Module): + """ + HG_Block of PPHGNetV2 with 2 convolutions and LightConv. + + https://github.com/PaddlePaddle/PaddleDetection/blob/develop/ppdet/modeling/backbones/hgnet_v2.py + """ + + def __init__(self, c1, cm, c2, k=3, n=6, lightconv=False, shortcut=False, act=nn.ReLU()): + """Initializes a CSP Bottleneck with 1 convolution using specified input and output channels.""" + super().__init__() + block = LightConv if lightconv else Conv + self.m = nn.ModuleList(block(c1 if i == 0 else cm, cm, k=k, act=act) for i in range(n)) + self.sc = Conv(c1 + n * cm, c2 // 2, 1, 1, act=act) # squeeze conv + self.ec = Conv(c2 // 2, c2, 1, 1, act=act) # excitation conv + self.add = shortcut and c1 == c2 + + def forward(self, x): + """Forward pass of a PPHGNetV2 backbone layer.""" + y = [x] + y.extend(m(y[-1]) for m in self.m) + y = self.ec(self.sc(torch.cat(y, 1))) + return y + x if self.add else y + + +class SPP(nn.Module): + """Spatial Pyramid Pooling (SPP) layer https://arxiv.org/abs/1406.4729.""" + + def __init__(self, c1, c2, k=(5, 9, 13)): + """Initialize the SPP layer with input/output channels and pooling kernel sizes.""" + super().__init__() + c_ = c1 // 2 # hidden channels + self.cv1 = Conv(c1, c_, 1, 1) + self.cv2 = Conv(c_ * (len(k) + 1), c2, 1, 1) + self.m = nn.ModuleList([nn.MaxPool2d(kernel_size=x, stride=1, padding=x // 2) for x in k]) + + def forward(self, x): + """Forward pass of the SPP layer, performing spatial pyramid pooling.""" + x = self.cv1(x) + return self.cv2(torch.cat([x] + [m(x) for m in self.m], 1)) + + +class SPPF(nn.Module): + """Spatial Pyramid Pooling - Fast (SPPF) layer for YOLOv5 by Glenn Jocher.""" + + def __init__(self, c1, c2, k=5): + """ + Initializes the SPPF layer with given input/output channels and kernel size. + + This module is equivalent to SPP(k=(5, 9, 13)). + """ + super().__init__() + c_ = c1 // 2 # hidden channels + self.cv1 = Conv(c1, c_, 1, 1) + self.cv2 = Conv(c_ * 4, c2, 1, 1) + self.m = nn.MaxPool2d(kernel_size=k, stride=1, padding=k // 2) + + def forward(self, x): + """Forward pass through Ghost Convolution block.""" + y = [self.cv1(x)] + y.extend(self.m(y[-1]) for _ in range(3)) + return self.cv2(torch.cat(y, 1)) + + +class C1(nn.Module): + """CSP Bottleneck with 1 convolution.""" + + def __init__(self, c1, c2, n=1): + """Initializes the CSP Bottleneck with configurations for 1 convolution with arguments ch_in, ch_out, number.""" + super().__init__() + self.cv1 = Conv(c1, c2, 1, 1) + self.m = nn.Sequential(*(Conv(c2, c2, 3) for _ in range(n))) + + def forward(self, x): + """Applies cross-convolutions to input in the C3 module.""" + y = self.cv1(x) + return self.m(y) + y + + +class C2(nn.Module): + """CSP Bottleneck with 2 convolutions.""" + + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): + """Initializes the CSP Bottleneck with 2 convolutions module with arguments ch_in, ch_out, number, shortcut, + groups, expansion. + """ + super().__init__() + self.c = int(c2 * e) # hidden channels + self.cv1 = Conv(c1, 2 * self.c, 1, 1) + self.cv2 = Conv(2 * self.c, c2, 1) # optional act=FReLU(c2) + # self.attention = ChannelAttention(2 * self.c) # or SpatialAttention() + self.m = nn.Sequential(*(Bottleneck(self.c, self.c, shortcut, g, k=((3, 3), (3, 3)), e=1.0) for _ in range(n))) + + def forward(self, x): + """Forward pass through the CSP bottleneck with 2 convolutions.""" + a, b = self.cv1(x).chunk(2, 1) + return self.cv2(torch.cat((self.m(a), b), 1)) + + +class C2f(nn.Module): + """Faster Implementation of CSP Bottleneck with 2 convolutions.""" + + def __init__(self, c1, c2, n=1, shortcut=False, g=1, e=0.5): + """Initialize CSP bottleneck layer with two convolutions with arguments ch_in, ch_out, number, shortcut, groups, + expansion. + """ + super().__init__() + self.c = int(c2 * e) # hidden channels + self.cv1 = Conv(c1, 2 * self.c, 1, 1) + self.cv2 = Conv((2 + n) * self.c, c2, 1) # optional act=FReLU(c2) + self.m = nn.ModuleList(Bottleneck(self.c, self.c, shortcut, g, k=((3, 3), (3, 3)), e=1.0) for _ in range(n)) + + def forward(self, x): + """Forward pass through C2f layer.""" + y = list(self.cv1(x).chunk(2, 1)) + y.extend(m(y[-1]) for m in self.m) + return self.cv2(torch.cat(y, 1)) + + def forward_split(self, x): + """Forward pass using split() instead of chunk().""" + y = list(self.cv1(x).split((self.c, self.c), 1)) + y.extend(m(y[-1]) for m in self.m) + return self.cv2(torch.cat(y, 1)) + + +class C3(nn.Module): + """CSP Bottleneck with 3 convolutions.""" + + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): + """Initialize the CSP Bottleneck with given channels, number, shortcut, groups, and expansion values.""" + super().__init__() + c_ = int(c2 * e) # hidden channels + self.cv1 = Conv(c1, c_, 1, 1) + self.cv2 = Conv(c1, c_, 1, 1) + self.cv3 = Conv(2 * c_, c2, 1) # optional act=FReLU(c2) + self.m = nn.Sequential(*(Bottleneck(c_, c_, shortcut, g, k=((1, 1), (3, 3)), e=1.0) for _ in range(n))) + + def forward(self, x): + """Forward pass through the CSP bottleneck with 2 convolutions.""" + return self.cv3(torch.cat((self.m(self.cv1(x)), self.cv2(x)), 1)) + + +class C3x(C3): + """C3 module with cross-convolutions.""" + + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): + """Initialize C3TR instance and set default parameters.""" + super().__init__(c1, c2, n, shortcut, g, e) + self.c_ = int(c2 * e) + self.m = nn.Sequential(*(Bottleneck(self.c_, self.c_, shortcut, g, k=((1, 3), (3, 1)), e=1) for _ in range(n))) + + +class RepC3(nn.Module): + """Rep C3.""" + + def __init__(self, c1, c2, n=3, e=1.0): + """Initialize CSP Bottleneck with a single convolution using input channels, output channels, and number.""" + super().__init__() + c_ = int(c2 * e) # hidden channels + self.cv1 = Conv(c1, c2, 1, 1) + self.cv2 = Conv(c1, c2, 1, 1) + self.m = nn.Sequential(*[RepConv(c_, c_) for _ in range(n)]) + self.cv3 = Conv(c_, c2, 1, 1) if c_ != c2 else nn.Identity() + + def forward(self, x): + """Forward pass of RT-DETR neck layer.""" + return self.cv3(self.m(self.cv1(x)) + self.cv2(x)) + + +class C3TR(C3): + """C3 module with TransformerBlock().""" + + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): + """Initialize C3Ghost module with GhostBottleneck().""" + super().__init__(c1, c2, n, shortcut, g, e) + c_ = int(c2 * e) + self.m = TransformerBlock(c_, c_, 4, n) + + +class C3Ghost(C3): + """C3 module with GhostBottleneck().""" + + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): + """Initialize 'SPP' module with various pooling sizes for spatial pyramid pooling.""" + super().__init__(c1, c2, n, shortcut, g, e) + c_ = int(c2 * e) # hidden channels + self.m = nn.Sequential(*(GhostBottleneck(c_, c_) for _ in range(n))) + + +class GhostBottleneck(nn.Module): + """Ghost Bottleneck https://github.com/huawei-noah/ghostnet.""" + + def __init__(self, c1, c2, k=3, s=1): + """Initializes GhostBottleneck module with arguments ch_in, ch_out, kernel, stride.""" + super().__init__() + c_ = c2 // 2 + self.conv = nn.Sequential( + GhostConv(c1, c_, 1, 1), # pw + DWConv(c_, c_, k, s, act=False) if s == 2 else nn.Identity(), # dw + GhostConv(c_, c2, 1, 1, act=False), # pw-linear + ) + self.shortcut = ( + nn.Sequential(DWConv(c1, c1, k, s, act=False), Conv(c1, c2, 1, 1, act=False)) if s == 2 else nn.Identity() + ) + + def forward(self, x): + """Applies skip connection and concatenation to input tensor.""" + return self.conv(x) + self.shortcut(x) + + +class Bottleneck(nn.Module): + """Standard bottleneck.""" + + def __init__(self, c1, c2, shortcut=True, g=1, k=(3, 3), e=0.5): + """Initializes a bottleneck module with given input/output channels, shortcut option, group, kernels, and + expansion. + """ + super().__init__() + c_ = int(c2 * e) # hidden channels + self.cv1 = Conv(c1, c_, k[0], 1) + self.cv2 = Conv(c_, c2, k[1], 1, g=g) + self.add = shortcut and c1 == c2 + + def forward(self, x): + """'forward()' applies the YOLO FPN to input data.""" + return x + self.cv2(self.cv1(x)) if self.add else self.cv2(self.cv1(x)) + + +class BottleneckCSP(nn.Module): + """CSP Bottleneck https://github.com/WongKinYiu/CrossStagePartialNetworks.""" + + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): + """Initializes the CSP Bottleneck given arguments for ch_in, ch_out, number, shortcut, groups, expansion.""" + super().__init__() + c_ = int(c2 * e) # hidden channels + self.cv1 = Conv(c1, c_, 1, 1) + self.cv2 = nn.Conv2d(c1, c_, 1, 1, bias=False) + self.cv3 = nn.Conv2d(c_, c_, 1, 1, bias=False) + self.cv4 = Conv(2 * c_, c2, 1, 1) + self.bn = nn.BatchNorm2d(2 * c_) # applied to cat(cv2, cv3) + self.act = nn.SiLU() + self.m = nn.Sequential(*(Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n))) + + def forward(self, x): + """Applies a CSP bottleneck with 3 convolutions.""" + y1 = self.cv3(self.m(self.cv1(x))) + y2 = self.cv2(x) + return self.cv4(self.act(self.bn(torch.cat((y1, y2), 1)))) + + +class ResNetBlock(nn.Module): + """ResNet block with standard convolution layers.""" + + def __init__(self, c1, c2, s=1, e=4): + """Initialize convolution with given parameters.""" + super().__init__() + c3 = e * c2 + self.cv1 = Conv(c1, c2, k=1, s=1, act=True) + self.cv2 = Conv(c2, c2, k=3, s=s, p=1, act=True) + self.cv3 = Conv(c2, c3, k=1, act=False) + self.shortcut = nn.Sequential(Conv(c1, c3, k=1, s=s, act=False)) if s != 1 or c1 != c3 else nn.Identity() + + def forward(self, x): + """Forward pass through the ResNet block.""" + return F.relu(self.cv3(self.cv2(self.cv1(x))) + self.shortcut(x)) + + +class ResNetLayer(nn.Module): + """ResNet layer with multiple ResNet blocks.""" + + def __init__(self, c1, c2, s=1, is_first=False, n=1, e=4): + """Initializes the ResNetLayer given arguments.""" + super().__init__() + self.is_first = is_first + + if self.is_first: + self.layer = nn.Sequential( + Conv(c1, c2, k=7, s=2, p=3, act=True), nn.MaxPool2d(kernel_size=3, stride=2, padding=1) + ) + else: + blocks = [ResNetBlock(c1, c2, s, e=e)] + blocks.extend([ResNetBlock(e * c2, c2, 1, e=e) for _ in range(n - 1)]) + self.layer = nn.Sequential(*blocks) + + def forward(self, x): + """Forward pass through the ResNet layer.""" + return self.layer(x) + + +class MaxSigmoidAttnBlock(nn.Module): + """Max Sigmoid attention block.""" + + def __init__(self, c1, c2, nh=1, ec=128, gc=512, scale=False): + """Initializes MaxSigmoidAttnBlock with specified arguments.""" + super().__init__() + self.nh = nh + self.hc = c2 // nh + self.ec = Conv(c1, ec, k=1, act=False) if c1 != ec else None + self.gl = nn.Linear(gc, ec) + self.bias = nn.Parameter(torch.zeros(nh)) + self.proj_conv = Conv(c1, c2, k=3, s=1, act=False) + self.scale = nn.Parameter(torch.ones(1, nh, 1, 1)) if scale else 1.0 + + def forward(self, x, guide): + """Forward process.""" + bs, _, h, w = x.shape + + guide = self.gl(guide) + guide = guide.view(bs, -1, self.nh, self.hc) + embed = self.ec(x) if self.ec is not None else x + embed = embed.view(bs, self.nh, self.hc, h, w) + + aw = torch.einsum("bmchw,bnmc->bmhwn", embed, guide) + aw = aw.max(dim=-1)[0] + aw = aw / (self.hc**0.5) + aw = aw + self.bias[None, :, None, None] + aw = aw.sigmoid() * self.scale + + x = self.proj_conv(x) + x = x.view(bs, self.nh, -1, h, w) + x = x * aw.unsqueeze(2) + return x.view(bs, -1, h, w) + + +class C2fAttn(nn.Module): + """C2f module with an additional attn module.""" + + def __init__(self, c1, c2, n=1, ec=128, nh=1, gc=512, shortcut=False, g=1, e=0.5): + """Initialize CSP bottleneck layer with two convolutions with arguments ch_in, ch_out, number, shortcut, groups, + expansion. + """ + super().__init__() + self.c = int(c2 * e) # hidden channels + self.cv1 = Conv(c1, 2 * self.c, 1, 1) + self.cv2 = Conv((3 + n) * self.c, c2, 1) # optional act=FReLU(c2) + self.m = nn.ModuleList(Bottleneck(self.c, self.c, shortcut, g, k=((3, 3), (3, 3)), e=1.0) for _ in range(n)) + self.attn = MaxSigmoidAttnBlock(self.c, self.c, gc=gc, ec=ec, nh=nh) + + def forward(self, x, guide): + """Forward pass through C2f layer.""" + y = list(self.cv1(x).chunk(2, 1)) + y.extend(m(y[-1]) for m in self.m) + y.append(self.attn(y[-1], guide)) + return self.cv2(torch.cat(y, 1)) + + def forward_split(self, x, guide): + """Forward pass using split() instead of chunk().""" + y = list(self.cv1(x).split((self.c, self.c), 1)) + y.extend(m(y[-1]) for m in self.m) + y.append(self.attn(y[-1], guide)) + return self.cv2(torch.cat(y, 1)) + + +class ImagePoolingAttn(nn.Module): + """ImagePoolingAttn: Enhance the text embeddings with image-aware information.""" + + def __init__(self, ec=256, ch=(), ct=512, nh=8, k=3, scale=False): + """Initializes ImagePoolingAttn with specified arguments.""" + super().__init__() + + nf = len(ch) + self.query = nn.Sequential(nn.LayerNorm(ct), nn.Linear(ct, ec)) + self.key = nn.Sequential(nn.LayerNorm(ec), nn.Linear(ec, ec)) + self.value = nn.Sequential(nn.LayerNorm(ec), nn.Linear(ec, ec)) + self.proj = nn.Linear(ec, ct) + self.scale = nn.Parameter(torch.tensor([0.0]), requires_grad=True) if scale else 1.0 + self.projections = nn.ModuleList([nn.Conv2d(in_channels, ec, kernel_size=1) for in_channels in ch]) + self.im_pools = nn.ModuleList([nn.AdaptiveMaxPool2d((k, k)) for _ in range(nf)]) + self.ec = ec + self.nh = nh + self.nf = nf + self.hc = ec // nh + self.k = k + + def forward(self, x, text): + """Executes attention mechanism on input tensor x and guide tensor.""" + bs = x[0].shape[0] + assert len(x) == self.nf + num_patches = self.k**2 + x = [pool(proj(x)).view(bs, -1, num_patches) for (x, proj, pool) in zip(x, self.projections, self.im_pools)] + x = torch.cat(x, dim=-1).transpose(1, 2) + q = self.query(text) + k = self.key(x) + v = self.value(x) + + # q = q.reshape(1, text.shape[1], self.nh, self.hc).repeat(bs, 1, 1, 1) + q = q.reshape(bs, -1, self.nh, self.hc) + k = k.reshape(bs, -1, self.nh, self.hc) + v = v.reshape(bs, -1, self.nh, self.hc) + + aw = torch.einsum("bnmc,bkmc->bmnk", q, k) + aw = aw / (self.hc**0.5) + aw = F.softmax(aw, dim=-1) + + x = torch.einsum("bmnk,bkmc->bnmc", aw, v) + x = self.proj(x.reshape(bs, -1, self.ec)) + return x * self.scale + text + + +class ContrastiveHead(nn.Module): + """Contrastive Head for YOLO-World compute the region-text scores according to the similarity between image and text + features. + """ + + def __init__(self): + """Initializes ContrastiveHead with specified region-text similarity parameters.""" + super().__init__() + # NOTE: use -10.0 to keep the init cls loss consistency with other losses + self.bias = nn.Parameter(torch.tensor([-10.0])) + self.logit_scale = nn.Parameter(torch.ones([]) * torch.tensor(1 / 0.07).log()) + + def forward(self, x, w): + """Forward function of contrastive learning.""" + x = F.normalize(x, dim=1, p=2) + w = F.normalize(w, dim=-1, p=2) + x = torch.einsum("bchw,bkc->bkhw", x, w) + return x * self.logit_scale.exp() + self.bias + + +class BNContrastiveHead(nn.Module): + """ + Batch Norm Contrastive Head for YOLO-World using batch norm instead of l2-normalization. + + Args: + embed_dims (int): Embed dimensions of text and image features. + """ + + def __init__(self, embed_dims: int): + """Initialize ContrastiveHead with region-text similarity parameters.""" + super().__init__() + self.norm = nn.BatchNorm2d(embed_dims) + # NOTE: use -10.0 to keep the init cls loss consistency with other losses + self.bias = nn.Parameter(torch.tensor([-10.0])) + # use -1.0 is more stable + self.logit_scale = nn.Parameter(-1.0 * torch.ones([])) + + def forward(self, x, w): + """Forward function of contrastive learning.""" + x = self.norm(x) + w = F.normalize(w, dim=-1, p=2) + x = torch.einsum("bchw,bkc->bkhw", x, w) + return x * self.logit_scale.exp() + self.bias + + +class RepBottleneck(Bottleneck): + """Rep bottleneck.""" + + def __init__(self, c1, c2, shortcut=True, g=1, k=(3, 3), e=0.5): + """Initializes a RepBottleneck module with customizable in/out channels, shortcut option, groups and expansion + ratio. + """ + super().__init__(c1, c2, shortcut, g, k, e) + c_ = int(c2 * e) # hidden channels + self.cv1 = RepConv(c1, c_, k[0], 1) + + +class RepCSP(C3): + """Rep CSP Bottleneck with 3 convolutions.""" + + def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): + """Initializes RepCSP layer with given channels, repetitions, shortcut, groups and expansion ratio.""" + super().__init__(c1, c2, n, shortcut, g, e) + c_ = int(c2 * e) # hidden channels + self.m = nn.Sequential(*(RepBottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n))) + + +class RepNCSPELAN4(nn.Module): + """CSP-ELAN.""" + + def __init__(self, c1, c2, c3, c4, n=1): + """Initializes CSP-ELAN layer with specified channel sizes, repetitions, and convolutions.""" + super().__init__() + self.c = c3 // 2 + self.cv1 = Conv(c1, c3, 1, 1) + self.cv2 = nn.Sequential(RepCSP(c3 // 2, c4, n), Conv(c4, c4, 3, 1)) + self.cv3 = nn.Sequential(RepCSP(c4, c4, n), Conv(c4, c4, 3, 1)) + self.cv4 = Conv(c3 + (2 * c4), c2, 1, 1) + + def forward(self, x): + """Forward pass through RepNCSPELAN4 layer.""" + y = list(self.cv1(x).chunk(2, 1)) + y.extend((m(y[-1])) for m in [self.cv2, self.cv3]) + return self.cv4(torch.cat(y, 1)) + + def forward_split(self, x): + """Forward pass using split() instead of chunk().""" + y = list(self.cv1(x).split((self.c, self.c), 1)) + y.extend(m(y[-1]) for m in [self.cv2, self.cv3]) + return self.cv4(torch.cat(y, 1)) + + +class ELAN1(RepNCSPELAN4): + """ELAN1 module with 4 convolutions.""" + + def __init__(self, c1, c2, c3, c4): + """Initializes ELAN1 layer with specified channel sizes.""" + super().__init__(c1, c2, c3, c4) + self.c = c3 // 2 + self.cv1 = Conv(c1, c3, 1, 1) + self.cv2 = Conv(c3 // 2, c4, 3, 1) + self.cv3 = Conv(c4, c4, 3, 1) + self.cv4 = Conv(c3 + (2 * c4), c2, 1, 1) + + +class AConv(nn.Module): + """AConv.""" + + def __init__(self, c1, c2): + """Initializes AConv module with convolution layers.""" + super().__init__() + self.cv1 = Conv(c1, c2, 3, 2, 1) + + def forward(self, x): + """Forward pass through AConv layer.""" + x = torch.nn.functional.avg_pool2d(x, 2, 1, 0, False, True) + return self.cv1(x) + + +class ADown(nn.Module): + """ADown.""" + + def __init__(self, c1, c2): + """Initializes ADown module with convolution layers to downsample input from channels c1 to c2.""" + super().__init__() + self.c = c2 // 2 + self.cv1 = Conv(c1 // 2, self.c, 3, 2, 1) + self.cv2 = Conv(c1 // 2, self.c, 1, 1, 0) + + def forward(self, x): + """Forward pass through ADown layer.""" + x = torch.nn.functional.avg_pool2d(x, 2, 1, 0, False, True) + x1, x2 = x.chunk(2, 1) + x1 = self.cv1(x1) + x2 = torch.nn.functional.max_pool2d(x2, 3, 2, 1) + x2 = self.cv2(x2) + return torch.cat((x1, x2), 1) + + +class SPPELAN(nn.Module): + """SPP-ELAN.""" + + def __init__(self, c1, c2, c3, k=5): + """Initializes SPP-ELAN block with convolution and max pooling layers for spatial pyramid pooling.""" + super().__init__() + self.c = c3 + self.cv1 = Conv(c1, c3, 1, 1) + self.cv2 = nn.MaxPool2d(kernel_size=k, stride=1, padding=k // 2) + self.cv3 = nn.MaxPool2d(kernel_size=k, stride=1, padding=k // 2) + self.cv4 = nn.MaxPool2d(kernel_size=k, stride=1, padding=k // 2) + self.cv5 = Conv(4 * c3, c2, 1, 1) + + def forward(self, x): + """Forward pass through SPPELAN layer.""" + y = [self.cv1(x)] + y.extend(m(y[-1]) for m in [self.cv2, self.cv3, self.cv4]) + return self.cv5(torch.cat(y, 1)) + + +class CBLinear(nn.Module): + """CBLinear.""" + + def __init__(self, c1, c2s, k=1, s=1, p=None, g=1): + """Initializes the CBLinear module, passing inputs unchanged.""" + super(CBLinear, self).__init__() + self.c2s = c2s + self.conv = nn.Conv2d(c1, sum(c2s), k, s, autopad(k, p), groups=g, bias=True) + + def forward(self, x): + """Forward pass through CBLinear layer.""" + return self.conv(x).split(self.c2s, dim=1) + + +class CBFuse(nn.Module): + """CBFuse.""" + + def __init__(self, idx): + """Initializes CBFuse module with layer index for selective feature fusion.""" + super(CBFuse, self).__init__() + self.idx = idx + + def forward(self, xs): + """Forward pass through CBFuse layer.""" + target_size = xs[-1].shape[2:] + res = [F.interpolate(x[self.idx[i]], size=target_size, mode="nearest") for i, x in enumerate(xs[:-1])] + return torch.sum(torch.stack(res + xs[-1:]), dim=0) + + +class Attention(nn.Module): + """ + Attention module that performs self-attention on the input tensor. + + Args: + dim (int): The input tensor dimension. + num_heads (int): The number of attention heads. + attn_ratio (float): The ratio of the attention key dimension to the head dimension. + + Attributes: + num_heads (int): The number of attention heads. + head_dim (int): The dimension of each attention head. + key_dim (int): The dimension of the attention key. + scale (float): The scaling factor for the attention scores. + qkv (Conv): Convolutional layer for computing the query, key, and value. + proj (Conv): Convolutional layer for projecting the attended values. + pe (Conv): Convolutional layer for positional encoding. + """ + + def __init__(self, dim, num_heads=8, attn_ratio=0.5): + """Initializes multi-head attention module with query, key, and value convolutions and positional encoding.""" + super().__init__() + self.num_heads = num_heads + self.head_dim = dim // num_heads + self.key_dim = int(self.head_dim * attn_ratio) + self.scale = self.key_dim**-0.5 + nh_kd = self.key_dim * num_heads + h = dim + nh_kd * 2 + self.qkv = Conv(dim, h, 1, act=False) + self.proj = Conv(dim, dim, 1, act=False) + self.pe = Conv(dim, dim, 3, 1, g=dim, act=False) + + def forward(self, x): + """ + Forward pass of the Attention module. + + Args: + x (torch.Tensor): The input tensor. + + Returns: + (torch.Tensor): The output tensor after self-attention. + """ + B, C, H, W = x.shape + N = H * W + qkv = self.qkv(x) + q, k, v = qkv.view(B, self.num_heads, self.key_dim * 2 + self.head_dim, N).split( + [self.key_dim, self.key_dim, self.head_dim], dim=2 + ) + + attn = (q.transpose(-2, -1) @ k) * self.scale + attn = attn.softmax(dim=-1) + x = (v @ attn.transpose(-2, -1)).view(B, C, H, W) + self.pe(v.reshape(B, C, H, W)) + x = self.proj(x) + return x + + +class PSA(nn.Module): + """ + Position-wise Spatial Attention module. + + Args: + c1 (int): Number of input channels. + c2 (int): Number of output channels. + e (float): Expansion factor for the intermediate channels. Default is 0.5. + + Attributes: + c (int): Number of intermediate channels. + cv1 (Conv): 1x1 convolution layer to reduce the number of input channels to 2*c. + cv2 (Conv): 1x1 convolution layer to reduce the number of output channels to c. + attn (Attention): Attention module for spatial attention. + ffn (nn.Sequential): Feed-forward network module. + """ + + def __init__(self, c1, c2, e=0.5): + """Initializes convolution layers, attention module, and feed-forward network with channel reduction.""" + super().__init__() + assert c1 == c2 + self.c = int(c1 * e) + self.cv1 = Conv(c1, 2 * self.c, 1, 1) + self.cv2 = Conv(2 * self.c, c1, 1) + + self.attn = Attention(self.c, attn_ratio=0.5, num_heads=self.c // 64) + self.ffn = nn.Sequential(Conv(self.c, self.c * 2, 1), Conv(self.c * 2, self.c, 1, act=False)) + + def forward(self, x): + """ + Forward pass of the PSA module. + + Args: + x (torch.Tensor): Input tensor. + + Returns: + (torch.Tensor): Output tensor. + """ + a, b = self.cv1(x).split((self.c, self.c), dim=1) + b = b + self.attn(b) + b = b + self.ffn(b) + return self.cv2(torch.cat((a, b), 1)) + + +class SCDown(nn.Module): + """Spatial Channel Downsample (SCDown) module for reducing spatial and channel dimensions.""" + + def __init__(self, c1, c2, k, s): + """ + Spatial Channel Downsample (SCDown) module. + + Args: + c1 (int): Number of input channels. + c2 (int): Number of output channels. + k (int): Kernel size for the convolutional layer. + s (int): Stride for the convolutional layer. + """ + super().__init__() + self.cv1 = Conv(c1, c2, 1, 1) + self.cv2 = Conv(c2, c2, k=k, s=s, g=c2, act=False) + + def forward(self, x): + """ + Forward pass of the SCDown module. + + Args: + x (torch.Tensor): Input tensor. + + Returns: + (torch.Tensor): Output tensor after applying the SCDown module. + """ + return self.cv2(self.cv1(x)) diff --git a/tests/torch/test_models/yolov8/conv.py b/tests/torch/test_models/yolov8/conv.py new file mode 100644 index 00000000000..abbd9e4d41e --- /dev/null +++ b/tests/torch/test_models/yolov8/conv.py @@ -0,0 +1,348 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Ultralytics YOLO 🚀, AGPL-3.0 license +""" +Copie of ultralytics/ultralytics/nn/modules/conv.py +Commit: 673e76b86282859ead5517bd04dee896a647db93 +Convolution modules. +""" + +import math + +import numpy as np +import torch +import torch.nn as nn + +__all__ = ( + "Conv", + "Conv2", + "LightConv", + "DWConv", + "DWConvTranspose2d", + "ConvTranspose", + "Focus", + "GhostConv", + "ChannelAttention", + "SpatialAttention", + "CBAM", + "Concat", + "RepConv", +) + + +def autopad(k, p=None, d=1): # kernel, padding, dilation + """Pad to 'same' shape outputs.""" + if d > 1: + k = d * (k - 1) + 1 if isinstance(k, int) else [d * (x - 1) + 1 for x in k] # actual kernel-size + if p is None: + p = k // 2 if isinstance(k, int) else [x // 2 for x in k] # auto-pad + return p + + +class Conv(nn.Module): + """Standard convolution with args(ch_in, ch_out, kernel, stride, padding, groups, dilation, activation).""" + + default_act = nn.SiLU() # default activation + + def __init__(self, c1, c2, k=1, s=1, p=None, g=1, d=1, act=True): + """Initialize Conv layer with given arguments including activation.""" + super().__init__() + self.conv = nn.Conv2d(c1, c2, k, s, autopad(k, p, d), groups=g, dilation=d, bias=False) + self.bn = nn.BatchNorm2d(c2) + self.act = self.default_act if act is True else act if isinstance(act, nn.Module) else nn.Identity() + + def forward(self, x): + """Apply convolution, batch normalization and activation to input tensor.""" + return self.act(self.bn(self.conv(x))) + + def forward_fuse(self, x): + """Perform transposed convolution of 2D data.""" + return self.act(self.conv(x)) + + +class Conv2(Conv): + """Simplified RepConv module with Conv fusing.""" + + def __init__(self, c1, c2, k=3, s=1, p=None, g=1, d=1, act=True): + """Initialize Conv layer with given arguments including activation.""" + super().__init__(c1, c2, k, s, p, g=g, d=d, act=act) + self.cv2 = nn.Conv2d(c1, c2, 1, s, autopad(1, p, d), groups=g, dilation=d, bias=False) # add 1x1 conv + + def forward(self, x): + """Apply convolution, batch normalization and activation to input tensor.""" + return self.act(self.bn(self.conv(x) + self.cv2(x))) + + def forward_fuse(self, x): + """Apply fused convolution, batch normalization and activation to input tensor.""" + return self.act(self.bn(self.conv(x))) + + def fuse_convs(self): + """Fuse parallel convolutions.""" + w = torch.zeros_like(self.conv.weight.data) + i = [x // 2 for x in w.shape[2:]] + w[:, :, i[0] : i[0] + 1, i[1] : i[1] + 1] = self.cv2.weight.data.clone() + self.conv.weight.data += w + self.__delattr__("cv2") + self.forward = self.forward_fuse + + +class LightConv(nn.Module): + """ + Light convolution with args(ch_in, ch_out, kernel). + + https://github.com/PaddlePaddle/PaddleDetection/blob/develop/ppdet/modeling/backbones/hgnet_v2.py + """ + + def __init__(self, c1, c2, k=1, act=nn.ReLU()): + """Initialize Conv layer with given arguments including activation.""" + super().__init__() + self.conv1 = Conv(c1, c2, 1, act=False) + self.conv2 = DWConv(c2, c2, k, act=act) + + def forward(self, x): + """Apply 2 convolutions to input tensor.""" + return self.conv2(self.conv1(x)) + + +class DWConv(Conv): + """Depth-wise convolution.""" + + def __init__(self, c1, c2, k=1, s=1, d=1, act=True): # ch_in, ch_out, kernel, stride, dilation, activation + """Initialize Depth-wise convolution with given parameters.""" + super().__init__(c1, c2, k, s, g=math.gcd(c1, c2), d=d, act=act) + + +class DWConvTranspose2d(nn.ConvTranspose2d): + """Depth-wise transpose convolution.""" + + def __init__(self, c1, c2, k=1, s=1, p1=0, p2=0): # ch_in, ch_out, kernel, stride, padding, padding_out + """Initialize DWConvTranspose2d class with given parameters.""" + super().__init__(c1, c2, k, s, p1, p2, groups=math.gcd(c1, c2)) + + +class ConvTranspose(nn.Module): + """Convolution transpose 2d layer.""" + + default_act = nn.SiLU() # default activation + + def __init__(self, c1, c2, k=2, s=2, p=0, bn=True, act=True): + """Initialize ConvTranspose2d layer with batch normalization and activation function.""" + super().__init__() + self.conv_transpose = nn.ConvTranspose2d(c1, c2, k, s, p, bias=not bn) + self.bn = nn.BatchNorm2d(c2) if bn else nn.Identity() + self.act = self.default_act if act is True else act if isinstance(act, nn.Module) else nn.Identity() + + def forward(self, x): + """Applies transposed convolutions, batch normalization and activation to input.""" + return self.act(self.bn(self.conv_transpose(x))) + + def forward_fuse(self, x): + """Applies activation and convolution transpose operation to input.""" + return self.act(self.conv_transpose(x)) + + +class Focus(nn.Module): + """Focus wh information into c-space.""" + + def __init__(self, c1, c2, k=1, s=1, p=None, g=1, act=True): + """Initializes Focus object with user defined channel, convolution, padding, group and activation values.""" + super().__init__() + self.conv = Conv(c1 * 4, c2, k, s, p, g, act=act) + # self.contract = Contract(gain=2) + + def forward(self, x): + """ + Applies convolution to concatenated tensor and returns the output. + + Input shape is (b,c,w,h) and output shape is (b,4c,w/2,h/2). + """ + return self.conv(torch.cat((x[..., ::2, ::2], x[..., 1::2, ::2], x[..., ::2, 1::2], x[..., 1::2, 1::2]), 1)) + # return self.conv(self.contract(x)) + + +class GhostConv(nn.Module): + """Ghost Convolution https://github.com/huawei-noah/ghostnet.""" + + def __init__(self, c1, c2, k=1, s=1, g=1, act=True): + """Initializes the GhostConv object with input channels, output channels, kernel size, stride, groups and + activation. + """ + super().__init__() + c_ = c2 // 2 # hidden channels + self.cv1 = Conv(c1, c_, k, s, None, g, act=act) + self.cv2 = Conv(c_, c_, 5, 1, None, c_, act=act) + + def forward(self, x): + """Forward propagation through a Ghost Bottleneck layer with skip connection.""" + y = self.cv1(x) + return torch.cat((y, self.cv2(y)), 1) + + +class RepConv(nn.Module): + """ + RepConv is a basic rep-style block, including training and deploy status. + + This module is used in RT-DETR. + Based on https://github.com/DingXiaoH/RepVGG/blob/main/repvgg.py + """ + + default_act = nn.SiLU() # default activation + + def __init__(self, c1, c2, k=3, s=1, p=1, g=1, d=1, act=True, bn=False, deploy=False): + """Initializes Light Convolution layer with inputs, outputs & optional activation function.""" + super().__init__() + assert k == 3 and p == 1 + self.g = g + self.c1 = c1 + self.c2 = c2 + self.act = self.default_act if act is True else act if isinstance(act, nn.Module) else nn.Identity() + + self.bn = nn.BatchNorm2d(num_features=c1) if bn and c2 == c1 and s == 1 else None + self.conv1 = Conv(c1, c2, k, s, p=p, g=g, act=False) + self.conv2 = Conv(c1, c2, 1, s, p=(p - k // 2), g=g, act=False) + + def forward_fuse(self, x): + """Forward process.""" + return self.act(self.conv(x)) + + def forward(self, x): + """Forward process.""" + id_out = 0 if self.bn is None else self.bn(x) + return self.act(self.conv1(x) + self.conv2(x) + id_out) + + def get_equivalent_kernel_bias(self): + """Returns equivalent kernel and bias by adding 3x3 kernel, 1x1 kernel and identity kernel with their biases.""" + kernel3x3, bias3x3 = self._fuse_bn_tensor(self.conv1) + kernel1x1, bias1x1 = self._fuse_bn_tensor(self.conv2) + kernelid, biasid = self._fuse_bn_tensor(self.bn) + return kernel3x3 + self._pad_1x1_to_3x3_tensor(kernel1x1) + kernelid, bias3x3 + bias1x1 + biasid + + def _pad_1x1_to_3x3_tensor(self, kernel1x1): + """Pads a 1x1 tensor to a 3x3 tensor.""" + if kernel1x1 is None: + return 0 + else: + return torch.nn.functional.pad(kernel1x1, [1, 1, 1, 1]) + + def _fuse_bn_tensor(self, branch): + """Generates appropriate kernels and biases for convolution by fusing branches of the neural network.""" + if branch is None: + return 0, 0 + if isinstance(branch, Conv): + kernel = branch.conv.weight + running_mean = branch.bn.running_mean + running_var = branch.bn.running_var + gamma = branch.bn.weight + beta = branch.bn.bias + eps = branch.bn.eps + elif isinstance(branch, nn.BatchNorm2d): + if not hasattr(self, "id_tensor"): + input_dim = self.c1 // self.g + kernel_value = np.zeros((self.c1, input_dim, 3, 3), dtype=np.float32) + for i in range(self.c1): + kernel_value[i, i % input_dim, 1, 1] = 1 + self.id_tensor = torch.from_numpy(kernel_value).to(branch.weight.device) + kernel = self.id_tensor + running_mean = branch.running_mean + running_var = branch.running_var + gamma = branch.weight + beta = branch.bias + eps = branch.eps + std = (running_var + eps).sqrt() + t = (gamma / std).reshape(-1, 1, 1, 1) + return kernel * t, beta - running_mean * gamma / std + + def fuse_convs(self): + """Combines two convolution layers into a single layer and removes unused attributes from the class.""" + if hasattr(self, "conv"): + return + kernel, bias = self.get_equivalent_kernel_bias() + self.conv = nn.Conv2d( + in_channels=self.conv1.conv.in_channels, + out_channels=self.conv1.conv.out_channels, + kernel_size=self.conv1.conv.kernel_size, + stride=self.conv1.conv.stride, + padding=self.conv1.conv.padding, + dilation=self.conv1.conv.dilation, + groups=self.conv1.conv.groups, + bias=True, + ).requires_grad_(False) + self.conv.weight.data = kernel + self.conv.bias.data = bias + for para in self.parameters(): + para.detach_() + self.__delattr__("conv1") + self.__delattr__("conv2") + if hasattr(self, "nm"): + self.__delattr__("nm") + if hasattr(self, "bn"): + self.__delattr__("bn") + if hasattr(self, "id_tensor"): + self.__delattr__("id_tensor") + + +class ChannelAttention(nn.Module): + """Channel-attention module https://github.com/open-mmlab/mmdetection/tree/v3.0.0rc1/configs/rtmdet.""" + + def __init__(self, channels: int) -> None: + """Initializes the class and sets the basic configurations and instance variables required.""" + super().__init__() + self.pool = nn.AdaptiveAvgPool2d(1) + self.fc = nn.Conv2d(channels, channels, 1, 1, 0, bias=True) + self.act = nn.Sigmoid() + + def forward(self, x: torch.Tensor) -> torch.Tensor: + """Applies forward pass using activation on convolutions of the input, optionally using batch normalization.""" + return x * self.act(self.fc(self.pool(x))) + + +class SpatialAttention(nn.Module): + """Spatial-attention module.""" + + def __init__(self, kernel_size=7): + """Initialize Spatial-attention module with kernel size argument.""" + super().__init__() + assert kernel_size in {3, 7}, "kernel size must be 3 or 7" + padding = 3 if kernel_size == 7 else 1 + self.cv1 = nn.Conv2d(2, 1, kernel_size, padding=padding, bias=False) + self.act = nn.Sigmoid() + + def forward(self, x): + """Apply channel and spatial attention on input for feature recalibration.""" + return x * self.act(self.cv1(torch.cat([torch.mean(x, 1, keepdim=True), torch.max(x, 1, keepdim=True)[0]], 1))) + + +class CBAM(nn.Module): + """Convolutional Block Attention Module.""" + + def __init__(self, c1, kernel_size=7): + """Initialize CBAM with given input channel (c1) and kernel size.""" + super().__init__() + self.channel_attention = ChannelAttention(c1) + self.spatial_attention = SpatialAttention(kernel_size) + + def forward(self, x): + """Applies the forward pass through C1 module.""" + return self.spatial_attention(self.channel_attention(x)) + + +class Concat(nn.Module): + """Concatenate a list of tensors along dimension.""" + + def __init__(self, dimension=1): + """Concatenates a list of tensors along a specified dimension.""" + super().__init__() + self.d = dimension + + def forward(self, x): + """Forward pass for the YOLOv8 mask Proto module.""" + return torch.cat(x, self.d) diff --git a/tests/torch/test_models/yolov8/head.py b/tests/torch/test_models/yolov8/head.py new file mode 100644 index 00000000000..5dcc8e99141 --- /dev/null +++ b/tests/torch/test_models/yolov8/head.py @@ -0,0 +1,432 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Ultralytics YOLO 🚀, AGPL-3.0 license +""" +Source: ultralytics/ultralytics/nn/modules/transformer.py +Commit: 673e76b86282859ead5517bd04dee896a647db93 +Model head modules. +""" + +import copy +import math + +import torch +import torch.nn as nn + +from .block import DFL +from .block import BNContrastiveHead +from .block import ContrastiveHead +from .block import Proto +from .conv import Conv + + +def make_anchors(feats, strides, grid_cell_offset=0.5): + """Generate anchors from features.""" + anchor_points, stride_tensor = [], [] + assert feats is not None + dtype, device = feats[0].dtype, feats[0].device + for i, stride in enumerate(strides): + _, _, h, w = feats[i].shape + sx = torch.arange(end=w, device=device, dtype=dtype) + grid_cell_offset # shift x + sy = torch.arange(end=h, device=device, dtype=dtype) + grid_cell_offset # shift y + sy, sx = torch.meshgrid(sy, sx) + anchor_points.append(torch.stack((sx, sy), -1).view(-1, 2)) + stride_tensor.append(torch.full((h * w, 1), stride, dtype=dtype, device=device)) + return torch.cat(anchor_points), torch.cat(stride_tensor) + + +def dist2rbox(pred_dist, pred_angle, anchor_points, dim=-1): + """ + Decode predicted object bounding box coordinates from anchor points and distribution. + + Args: + pred_dist (torch.Tensor): Predicted rotated distance, (bs, h*w, 4). + pred_angle (torch.Tensor): Predicted angle, (bs, h*w, 1). + anchor_points (torch.Tensor): Anchor points, (h*w, 2). + Returns: + (torch.Tensor): Predicted rotated bounding boxes, (bs, h*w, 4). + """ + lt, rb = pred_dist.split(2, dim=dim) + cos, sin = torch.cos(pred_angle), torch.sin(pred_angle) + # (bs, h*w, 1) + xf, yf = ((rb - lt) / 2).split(1, dim=dim) + x, y = xf * cos - yf * sin, xf * sin + yf * cos + xy = torch.cat([x, y], dim=dim) + anchor_points + return torch.cat([xy, lt + rb], dim=dim) + + +def dist2bbox(distance, anchor_points, xywh=True, dim=-1): + """Transform distance(ltrb) to box(xywh or xyxy).""" + lt, rb = distance.chunk(2, dim) + x1y1 = anchor_points - lt + x2y2 = anchor_points + rb + if xywh: + c_xy = (x1y1 + x2y2) / 2 + wh = x2y2 - x1y1 + return torch.cat((c_xy, wh), dim) # xywh bbox + return torch.cat((x1y1, x2y2), dim) # xyxy bbox + + +class Detect(nn.Module): + """YOLOv8 Detect head for detection models.""" + + dynamic = False # force grid reconstruction + export = False # export mode + end2end = False # end2end + max_det = 300 # max_det + shape = None + anchors = torch.empty(0) # init + strides = torch.empty(0) # init + + def __init__(self, nc=80, ch=()): + """Initializes the YOLOv8 detection layer with specified number of classes and channels.""" + super().__init__() + self.nc = nc # number of classes + self.nl = len(ch) # number of detection layers + self.reg_max = 16 # DFL channels (ch[0] // 16 to scale 4/8/12/16/20 for n/s/m/l/x) + self.no = nc + self.reg_max * 4 # number of outputs per anchor + self.stride = torch.zeros(self.nl) # strides computed during build + c2, c3 = max((16, ch[0] // 4, self.reg_max * 4)), max(ch[0], min(self.nc, 100)) # channels + self.cv2 = nn.ModuleList( + nn.Sequential(Conv(x, c2, 3), Conv(c2, c2, 3), nn.Conv2d(c2, 4 * self.reg_max, 1)) for x in ch + ) + self.cv3 = nn.ModuleList(nn.Sequential(Conv(x, c3, 3), Conv(c3, c3, 3), nn.Conv2d(c3, self.nc, 1)) for x in ch) + self.dfl = DFL(self.reg_max) if self.reg_max > 1 else nn.Identity() + + if self.end2end: + self.one2one_cv2 = copy.deepcopy(self.cv2) + self.one2one_cv3 = copy.deepcopy(self.cv3) + + def forward(self, x): + """Concatenates and returns predicted bounding boxes and class probabilities.""" + if self.end2end: + return self.forward_end2end(x) + + for i in range(self.nl): + x[i] = torch.cat((self.cv2[i](x[i]), self.cv3[i](x[i])), 1) + if self.training: # Training path + return x + y = self._inference(x) + return y if self.export else (y, x) + + def forward_end2end(self, x): + """ + Performs forward pass of the v10Detect module. + + Args: + x (tensor): Input tensor. + + Returns: + (dict, tensor): If not in training mode, + returns a dictionary containing the outputs of both + one2many and one2one detections. + If in training mode, returns a dictionary containing + the outputs of one2many and one2one detections separately. + """ + x_detach = [xi.detach() for xi in x] + one2one = [ + torch.cat((self.one2one_cv2[i](x_detach[i]), self.one2one_cv3[i](x_detach[i])), 1) for i in range(self.nl) + ] + for i in range(self.nl): + x[i] = torch.cat((self.cv2[i](x[i]), self.cv3[i](x[i])), 1) + if self.training: # Training path + return {"one2many": x, "one2one": one2one} + + y = self._inference(one2one) + y = self.postprocess(y.permute(0, 2, 1), self.max_det, self.nc) + return y if self.export else (y, {"one2many": x, "one2one": one2one}) + + def _inference(self, x): + """Decode predicted bounding boxes and class probabilities based on multiple-level feature maps.""" + # Inference path + shape = x[0].shape # BCHW + x_cat = torch.cat([xi.view(shape[0], self.no, -1) for xi in x], 2) + if self.dynamic or self.shape != shape: + self.anchors, self.strides = (x.transpose(0, 1) for x in make_anchors(x, self.stride, 0.5)) + self.shape = shape + + if self.export and self.format in {"saved_model", "pb", "tflite", "edgetpu", "tfjs"}: # avoid TF FlexSplitV ops + box = x_cat[:, : self.reg_max * 4] + cls = x_cat[:, self.reg_max * 4 :] + else: + box, cls = x_cat.split((self.reg_max * 4, self.nc), 1) + + if self.export and self.format in {"tflite", "edgetpu"}: + # Precompute normalization factor to increase numerical stability + # See https://github.com/ultralytics/ultralytics/issues/7371 + grid_h = shape[2] + grid_w = shape[3] + grid_size = torch.tensor([grid_w, grid_h, grid_w, grid_h], device=box.device).reshape(1, 4, 1) + norm = self.strides / (self.stride[0] * grid_size) + dbox = self.decode_bboxes(self.dfl(box) * norm, self.anchors.unsqueeze(0) * norm[:, :2]) + else: + dbox = self.decode_bboxes(self.dfl(box), self.anchors.unsqueeze(0)) * self.strides + + return torch.cat((dbox, cls.sigmoid()), 1) + + def bias_init(self): + """Initialize Detect() biases, WARNING: requires stride availability.""" + m = self # self.model[-1] # Detect() module + # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1 + # ncf = math.log(0.6 / (m.nc - 0.999999)) if cf is None else torch.log(cf / cf.sum()) # nominal class frequency + for a, b, s in zip(m.cv2, m.cv3, m.stride): # from + a[-1].bias.data[:] = 1.0 # box + b[-1].bias.data[: m.nc] = math.log(5 / m.nc / (640 / s) ** 2) # cls (.01 objects, 80 classes, 640 img) + if self.end2end: + for a, b, s in zip(m.one2one_cv2, m.one2one_cv3, m.stride): # from + a[-1].bias.data[:] = 1.0 # box + b[-1].bias.data[: m.nc] = math.log(5 / m.nc / (640 / s) ** 2) # cls (.01 objects, 80 classes, 640 img) + + def decode_bboxes(self, bboxes, anchors): + """Decode bounding boxes.""" + return dist2bbox(bboxes, anchors, xywh=not self.end2end, dim=1) + + @staticmethod + def postprocess(preds: torch.Tensor, max_det: int, nc: int = 80): + """ + Post-processes the predictions obtained from a YOLOv10 model. + + Args: + preds (torch.Tensor): The predictions obtained from the model. + It should have a shape of (batch_size, num_boxes, 4 + num_classes). + max_det (int): The maximum number of detections to keep. + nc (int, optional): The number of classes. Defaults to 80. + + Returns: + (torch.Tensor): The post-processed predictions with shape (batch_size, max_det, 6), + including bounding boxes, scores and cls. + """ + assert 4 + nc == preds.shape[-1] + boxes, scores = preds.split([4, nc], dim=-1) + max_scores = scores.amax(dim=-1) + max_scores, index = torch.topk(max_scores, min(max_det, max_scores.shape[1]), axis=-1) + index = index.unsqueeze(-1) + boxes = torch.gather(boxes, dim=1, index=index.repeat(1, 1, boxes.shape[-1])) + scores = torch.gather(scores, dim=1, index=index.repeat(1, 1, scores.shape[-1])) + + # NOTE: simplify but result slightly lower mAP + # scores, labels = scores.max(dim=-1) + # return torch.cat([boxes, scores.unsqueeze(-1), labels.unsqueeze(-1)], dim=-1) + + scores, index = torch.topk(scores.flatten(1), max_det, axis=-1) + labels = index % nc + index = index // nc + boxes = boxes.gather(dim=1, index=index.unsqueeze(-1).repeat(1, 1, boxes.shape[-1])) + + return torch.cat([boxes, scores.unsqueeze(-1), labels.unsqueeze(-1).to(boxes.dtype)], dim=-1) + + +class Segment(Detect): + """YOLOv8 Segment head for segmentation models.""" + + def __init__(self, nc=80, nm=32, npr=256, ch=()): + """Initialize the YOLO model attributes such as the number of masks, prototypes, and the convolution layers.""" + super().__init__(nc, ch) + self.nm = nm # number of masks + self.npr = npr # number of protos + self.proto = Proto(ch[0], self.npr, self.nm) # protos + + c4 = max(ch[0] // 4, self.nm) + self.cv4 = nn.ModuleList(nn.Sequential(Conv(x, c4, 3), Conv(c4, c4, 3), nn.Conv2d(c4, self.nm, 1)) for x in ch) + + def forward(self, x): + """Return model outputs and mask coefficients if training, otherwise return outputs and mask coefficients.""" + p = self.proto(x[0]) # mask protos + bs = p.shape[0] # batch size + + mc = torch.cat([self.cv4[i](x[i]).view(bs, self.nm, -1) for i in range(self.nl)], 2) # mask coefficients + x = Detect.forward(self, x) + if self.training: + return x, mc, p + return (torch.cat([x, mc], 1), p) if self.export else (torch.cat([x[0], mc], 1), (x[1], mc, p)) + + +class OBB(Detect): + """YOLOv8 OBB detection head for detection with rotation models.""" + + def __init__(self, nc=80, ne=1, ch=()): + """Initialize OBB with number of classes `nc` and layer channels `ch`.""" + super().__init__(nc, ch) + self.ne = ne # number of extra parameters + + c4 = max(ch[0] // 4, self.ne) + self.cv4 = nn.ModuleList(nn.Sequential(Conv(x, c4, 3), Conv(c4, c4, 3), nn.Conv2d(c4, self.ne, 1)) for x in ch) + + def forward(self, x): + """Concatenates and returns predicted bounding boxes and class probabilities.""" + bs = x[0].shape[0] # batch size + angle = torch.cat([self.cv4[i](x[i]).view(bs, self.ne, -1) for i in range(self.nl)], 2) # OBB theta logits + # NOTE: set `angle` as an attribute so that `decode_bboxes` could use it. + angle = (angle.sigmoid() - 0.25) * math.pi # [-pi/4, 3pi/4] + # angle = angle.sigmoid() * math.pi / 2 # [0, pi/2] + if not self.training: + self.angle = angle + x = Detect.forward(self, x) + if self.training: + return x, angle + return torch.cat([x, angle], 1) if self.export else (torch.cat([x[0], angle], 1), (x[1], angle)) + + def decode_bboxes(self, bboxes, anchors): + """Decode rotated bounding boxes.""" + return dist2rbox(bboxes, self.angle, anchors, dim=1) + + +class Pose(Detect): + """YOLOv8 Pose head for keypoints models.""" + + def __init__(self, nc=80, kpt_shape=(17, 3), ch=()): + """Initialize YOLO network with default parameters and Convolutional Layers.""" + super().__init__(nc, ch) + self.kpt_shape = kpt_shape # number of keypoints, number of dims (2 for x,y or 3 for x,y,visible) + self.nk = kpt_shape[0] * kpt_shape[1] # number of keypoints total + + c4 = max(ch[0] // 4, self.nk) + self.cv4 = nn.ModuleList(nn.Sequential(Conv(x, c4, 3), Conv(c4, c4, 3), nn.Conv2d(c4, self.nk, 1)) for x in ch) + + def forward(self, x): + """Perform forward pass through YOLO model and return predictions.""" + bs = x[0].shape[0] # batch size + kpt = torch.cat([self.cv4[i](x[i]).view(bs, self.nk, -1) for i in range(self.nl)], -1) # (bs, 17*3, h*w) + x = Detect.forward(self, x) + if self.training: + return x, kpt + pred_kpt = self.kpts_decode(bs, kpt) + return torch.cat([x, pred_kpt], 1) if self.export else (torch.cat([x[0], pred_kpt], 1), (x[1], kpt)) + + def kpts_decode(self, bs, kpts): + """Decodes keypoints.""" + ndim = self.kpt_shape[1] + if self.export: # required for TFLite export to avoid 'PLACEHOLDER_FOR_GREATER_OP_CODES' bug + y = kpts.view(bs, *self.kpt_shape, -1) + a = (y[:, :, :2] * 2.0 + (self.anchors - 0.5)) * self.strides + if ndim == 3: + a = torch.cat((a, y[:, :, 2:3].sigmoid()), 2) + return a.view(bs, self.nk, -1) + else: + y = kpts.clone() + if ndim == 3: + y[:, 2::3] = y[:, 2::3].sigmoid() # sigmoid (WARNING: inplace .sigmoid_() Apple MPS bug) + y[:, 0::ndim] = (y[:, 0::ndim] * 2.0 + (self.anchors[0] - 0.5)) * self.strides + y[:, 1::ndim] = (y[:, 1::ndim] * 2.0 + (self.anchors[1] - 0.5)) * self.strides + return y + + +class Classify(nn.Module): + """YOLOv8 classification head, i.e. x(b,c1,20,20) to x(b,c2).""" + + def __init__(self, c1, c2, k=1, s=1, p=None, g=1): + """Initializes YOLOv8 classification head with specified input and output channels, kernel size, stride, + padding, and groups. + """ + super().__init__() + c_ = 1280 # efficientnet_b0 size + self.conv = Conv(c1, c_, k, s, p, g) + self.pool = nn.AdaptiveAvgPool2d(1) # to x(b,c_,1,1) + self.drop = nn.Dropout(p=0.0, inplace=True) + self.linear = nn.Linear(c_, c2) # to x(b,c2) + + def forward(self, x): + """Performs a forward pass of the YOLO model on input image data.""" + if isinstance(x, list): + x = torch.cat(x, 1) + x = self.linear(self.drop(self.pool(self.conv(x)).flatten(1))) + return x if self.training else x.softmax(1) + + +class WorldDetect(Detect): + """Head for integrating YOLOv8 detection models with semantic understanding from text embeddings.""" + + def __init__(self, nc=80, embed=512, with_bn=False, ch=()): + """Initialize YOLOv8 detection layer with nc classes and layer channels ch.""" + super().__init__(nc, ch) + c3 = max(ch[0], min(self.nc, 100)) + self.cv3 = nn.ModuleList(nn.Sequential(Conv(x, c3, 3), Conv(c3, c3, 3), nn.Conv2d(c3, embed, 1)) for x in ch) + self.cv4 = nn.ModuleList(BNContrastiveHead(embed) if with_bn else ContrastiveHead() for _ in ch) + + def forward(self, x, text): + """Concatenates and returns predicted bounding boxes and class probabilities.""" + for i in range(self.nl): + x[i] = torch.cat((self.cv2[i](x[i]), self.cv4[i](self.cv3[i](x[i]), text)), 1) + if self.training: + return x + + # Inference path + shape = x[0].shape # BCHW + x_cat = torch.cat([xi.view(shape[0], self.nc + self.reg_max * 4, -1) for xi in x], 2) + if self.dynamic or self.shape != shape: + self.anchors, self.strides = (x.transpose(0, 1) for x in make_anchors(x, self.stride, 0.5)) + self.shape = shape + + if self.export and self.format in {"saved_model", "pb", "tflite", "edgetpu", "tfjs"}: # avoid TF FlexSplitV ops + box = x_cat[:, : self.reg_max * 4] + cls = x_cat[:, self.reg_max * 4 :] + else: + box, cls = x_cat.split((self.reg_max * 4, self.nc), 1) + + if self.export and self.format in {"tflite", "edgetpu"}: + # Precompute normalization factor to increase numerical stability + # See https://github.com/ultralytics/ultralytics/issues/7371 + grid_h = shape[2] + grid_w = shape[3] + grid_size = torch.tensor([grid_w, grid_h, grid_w, grid_h], device=box.device).reshape(1, 4, 1) + norm = self.strides / (self.stride[0] * grid_size) + dbox = self.decode_bboxes(self.dfl(box) * norm, self.anchors.unsqueeze(0) * norm[:, :2]) + else: + dbox = self.decode_bboxes(self.dfl(box), self.anchors.unsqueeze(0)) * self.strides + + y = torch.cat((dbox, cls.sigmoid()), 1) + return y if self.export else (y, x) + + def bias_init(self): + """Initialize Detect() biases, WARNING: requires stride availability.""" + m = self # self.model[-1] # Detect() module + # cf = torch.bincount(torch.tensor(np.concatenate(dataset.labels, 0)[:, 0]).long(), minlength=nc) + 1 + # ncf = math.log(0.6 / (m.nc - 0.999999)) if cf is None else torch.log(cf / cf.sum()) # nominal class frequency + for a, b, s in zip(m.cv2, m.cv3, m.stride): # from + a[-1].bias.data[:] = 1.0 # box + # b[-1].bias.data[:] = math.log(5 / m.nc / (640 / s) ** 2) # cls (.01 objects, 80 classes, 640 img) + + +class v10Detect(Detect): + """ + v10 Detection head from https://arxiv.org/pdf/2405.14458 + + Args: + nc (int): Number of classes. + ch (tuple): Tuple of channel sizes. + + Attributes: + max_det (int): Maximum number of detections. + + Methods: + __init__(self, nc=80, ch=()): Initializes the v10Detect object. + forward(self, x): Performs forward pass of the v10Detect module. + bias_init(self): Initializes biases of the Detect module. + + """ + + end2end = True + + def __init__(self, nc=80, ch=()): + """Initializes the v10Detect object with the specified number of classes and input channels.""" + super().__init__(nc, ch) + c3 = max(ch[0], min(self.nc, 100)) # channels + # Light cls head + self.cv3 = nn.ModuleList( + nn.Sequential( + nn.Sequential(Conv(x, x, 3, g=x), Conv(x, c3, 1)), + nn.Sequential(Conv(c3, c3, 3, g=c3), Conv(c3, c3, 1)), + nn.Conv2d(c3, self.nc, 1), + ) + for x in ch + ) + self.one2one_cv3 = copy.deepcopy(self.cv3) diff --git a/tests/torch/test_models/yolov8/model.py b/tests/torch/test_models/yolov8/model.py new file mode 100644 index 00000000000..5663ed12156 --- /dev/null +++ b/tests/torch/test_models/yolov8/model.py @@ -0,0 +1,258 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Ultralytics YOLO 🚀, AGPL-3.0 license +""" +Source: ultralytics/ultralytics/nn/tasks.py +Commit: 673e76b86282859ead5517bd04dee896a647db93 +""" + +import contextlib +import math + +import torch +import torch.nn as nn + +from tests.torch.test_models.yolov8.block import C1 +from tests.torch.test_models.yolov8.block import C2 +from tests.torch.test_models.yolov8.block import C3 +from tests.torch.test_models.yolov8.block import C3TR +from tests.torch.test_models.yolov8.block import ELAN1 +from tests.torch.test_models.yolov8.block import PSA +from tests.torch.test_models.yolov8.block import SPP +from tests.torch.test_models.yolov8.block import SPPELAN +from tests.torch.test_models.yolov8.block import SPPF +from tests.torch.test_models.yolov8.block import AConv +from tests.torch.test_models.yolov8.block import ADown +from tests.torch.test_models.yolov8.block import Bottleneck +from tests.torch.test_models.yolov8.block import BottleneckCSP +from tests.torch.test_models.yolov8.block import C2f +from tests.torch.test_models.yolov8.block import C2fAttn +from tests.torch.test_models.yolov8.block import C3Ghost +from tests.torch.test_models.yolov8.block import C3x +from tests.torch.test_models.yolov8.block import CBFuse +from tests.torch.test_models.yolov8.block import CBLinear +from tests.torch.test_models.yolov8.block import GhostBottleneck +from tests.torch.test_models.yolov8.block import GhostConv +from tests.torch.test_models.yolov8.block import HGBlock +from tests.torch.test_models.yolov8.block import HGStem +from tests.torch.test_models.yolov8.block import ImagePoolingAttn +from tests.torch.test_models.yolov8.block import RepC3 +from tests.torch.test_models.yolov8.block import RepNCSPELAN4 +from tests.torch.test_models.yolov8.block import ResNetLayer +from tests.torch.test_models.yolov8.block import SCDown +from tests.torch.test_models.yolov8.conv import Concat +from tests.torch.test_models.yolov8.conv import Conv +from tests.torch.test_models.yolov8.conv import ConvTranspose +from tests.torch.test_models.yolov8.conv import DWConv +from tests.torch.test_models.yolov8.conv import DWConvTranspose2d +from tests.torch.test_models.yolov8.conv import Focus +from tests.torch.test_models.yolov8.head import OBB +from tests.torch.test_models.yolov8.head import Classify +from tests.torch.test_models.yolov8.head import Detect +from tests.torch.test_models.yolov8.head import Pose +from tests.torch.test_models.yolov8.head import Segment +from tests.torch.test_models.yolov8.head import WorldDetect +from tests.torch.test_models.yolov8.head import v10Detect + + +def parse_model(d, ch, verbose=True): # model_dict, input_channels(3) + """Parse a YOLO model.yaml dictionary into a PyTorch model.""" + import ast + + # Args + max_channels = float("inf") + nc, act, scales = (d.get(x) for x in ("nc", "activation", "scales")) + depth, width, kpt_shape = (d.get(x, 1.0) for x in ("depth_multiple", "width_multiple", "kpt_shape")) + if scales: + scale = d.get("scale") + if not scale: + scale = tuple(scales.keys())[0] + print(f"WARNING ⚠️ no model scale passed. Assuming scale='{scale}'.") + depth, width, max_channels = scales[scale] + + if act: + Conv.default_act = eval(act) # redefine default activation, i.e. Conv.default_act = nn.SiLU() + if verbose: + print(f"activation: {act}") # print + + if verbose: + print(f"\n{'':>3}{'from':>20}{'n':>3}{'params':>10} {'module':<45}{'arguments':<30}") + ch = [ch] + layers, save, c2 = [], [], ch[-1] # layers, savelist, ch out + for i, (f, n, m, args) in enumerate(d["backbone"] + d["head"]): # from, number, module, args + m = getattr(torch.nn, m[3:]) if "nn." in m else globals()[m] # get module + for j, a in enumerate(args): + if isinstance(a, str): + with contextlib.suppress(ValueError): + args[j] = locals()[a] if a in locals() else ast.literal_eval(a) + + n = n_ = max(round(n * depth), 1) if n > 1 else n # depth gain + if m in { + Classify, + Conv, + ConvTranspose, + GhostConv, + Bottleneck, + GhostBottleneck, + SPP, + SPPF, + DWConv, + Focus, + BottleneckCSP, + C1, + C2, + C2f, + RepNCSPELAN4, + ELAN1, + ADown, + AConv, + SPPELAN, + C2fAttn, + C3, + C3TR, + C3Ghost, + nn.ConvTranspose2d, + DWConvTranspose2d, + C3x, + RepC3, + PSA, + SCDown, + # C2fCIB, + }: + c1, c2 = ch[f], args[0] + if c2 != nc: # if c2 not equal to number of classes (i.e. for Classify() output) + c2 = make_divisible(min(c2, max_channels) * width, 8) + if m is C2fAttn: + args[1] = make_divisible(min(args[1], max_channels // 2) * width, 8) # embed channels + args[2] = int( + max(round(min(args[2], max_channels // 2 // 32)) * width, 1) if args[2] > 1 else args[2] + ) # num heads + + args = [c1, c2, *args[1:]] + # if m in {BottleneckCSP, C1, C2, C2f, C2fAttn, C3, C3TR, C3Ghost, C3x, RepC3, C2fCIB}: + if m in {BottleneckCSP, C1, C2, C2f, C2fAttn, C3, C3TR, C3Ghost, C3x, RepC3}: + args.insert(2, n) # number of repeats + n = 1 + # elif m is AIFI: + # args = [ch[f], *args] + elif m in {HGStem, HGBlock}: + c1, cm, c2 = ch[f], args[0], args[1] + args = [c1, cm, c2, *args[2:]] + if m is HGBlock: + args.insert(4, n) # number of repeats + n = 1 + elif m is ResNetLayer: + c2 = args[1] if args[3] else args[1] * 4 + elif m is nn.BatchNorm2d: + args = [ch[f]] + elif m is Concat: + c2 = sum(ch[x] for x in f) + elif m in {Detect, WorldDetect, Segment, Pose, OBB, ImagePoolingAttn, v10Detect}: + args.append([ch[x] for x in f]) + if m is Segment: + args[2] = make_divisible(min(args[2], max_channels) * width, 8) + # elif m is RTDETRDecoder: # special case, channels arg must be passed in index 1 + # args.insert(1, [ch[x] for x in f]) + elif m is CBLinear: + c2 = args[0] + c1 = ch[f] + args = [c1, c2, *args[1:]] + elif m is CBFuse: + c2 = ch[f[-1]] + else: + c2 = ch[f] + + m_ = nn.Sequential(*(m(*args) for _ in range(n))) if n > 1 else m(*args) # module + t = str(m)[8:-2].replace("__main__.", "") # module type + m.np = sum(x.numel() for x in m_.parameters()) # number params + m_.i, m_.f, m_.type = i, f, t # attach index, 'from' index, type + if verbose: + print(f"{i:>3}{str(f):>20}{n_:>3}{m.np:10.0f} {t:<45}{str(args):<30}") # print + save.extend(x % i for x in ([f] if isinstance(f, int) else f) if x != -1) # append to savelist + layers.append(m_) + if i == 0: + ch = [] + ch.append(c2) + return nn.Sequential(*layers), sorted(save) + + +def make_divisible(x, divisor): + """ + Returns the nearest number that is divisible by the given divisor. + + Args: + x (int): The number to make divisible. + divisor (int | torch.Tensor): The divisor. + + Returns: + (int): The nearest number divisible by the divisor. + """ + if isinstance(divisor, torch.Tensor): + divisor = int(divisor.max()) # to int + return math.ceil(x / divisor) * divisor + + +YOLOV8_CONFIG = { + "nc": 80, + "scales": { + "n": [0.33, 0.25, 1024], + "s": [0.33, 0.5, 1024], + "m": [0.67, 0.75, 768], + "l": [1.0, 1.0, 512], + "x": [1.0, 1.25, 512], + }, + "backbone": [ + [-1, 1, "Conv", [64, 3, 2]], + [-1, 1, "Conv", [128, 3, 2]], + [-1, 3, "C2f", [128, True]], + [-1, 1, "Conv", [256, 3, 2]], + [-1, 6, "C2f", [256, True]], + [-1, 1, "Conv", [512, 3, 2]], + [-1, 6, "C2f", [512, True]], + [-1, 1, "Conv", [1024, 3, 2]], + [-1, 3, "C2f", [1024, True]], + [-1, 1, "SPPF", [1024, 5]], + ], + "head": [ + [-1, 1, "nn.Upsample", ["None", 2, "nearest"]], + [[-1, 6], 1, "Concat", [1]], + [-1, 3, "C2f", [512]], + [-1, 1, "nn.Upsample", ["None", 2, "nearest"]], + [[-1, 4], 1, "Concat", [1]], + [-1, 3, "C2f", [256]], + [-1, 1, "Conv", [256, 3, 2]], + [[-1, 12], 1, "Concat", [1]], + [-1, 3, "C2f", [512]], + [-1, 1, "Conv", [512, 3, 2]], + [[-1, 9], 1, "Concat", [1]], + [-1, 3, "C2f", [1024]], + [[15, 18, 21], 1, "Detect", ["nc"]], + ], + "scale": "n", + "yaml_file": "yolov8n.yaml", + "ch": 3, +} + + +class YoloV8Model(torch.nn.Module): + def __init__(self): + super().__init__() + self.model, self.save = parse_model(YOLOV8_CONFIG, YOLOV8_CONFIG["ch"], verbose=False) + + def forward(self, x): + y = [] + for m in self.model: + if m.f != -1: # if not from previous layer + x = y[m.f] if isinstance(m.f, int) else [x if j == -1 else y[j] for j in m.f] # from earlier layers + x = m(x) # run + y.append(x if m.i in self.save else None) # save output + return x diff --git a/tests/torch/test_models/yolov8/transformer.py b/tests/torch/test_models/yolov8/transformer.py new file mode 100644 index 00000000000..86da0c834bc --- /dev/null +++ b/tests/torch/test_models/yolov8/transformer.py @@ -0,0 +1,97 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Ultralytics YOLO 🚀, AGPL-3.0 license +""" +Source: ultralytics/ultralytics/nn/modules/transformer.py +Commit: 673e76b86282859ead5517bd04dee896a647db93 +Transformer modules. +""" + + +import torch +import torch.nn as nn +import torch.nn.functional as F + +from .conv import Conv + + +class TransformerLayer(nn.Module): + """Transformer layer https://arxiv.org/abs/2010.11929 (LayerNorm layers removed for better performance).""" + + def __init__(self, c, num_heads): + """Initializes a self-attention mechanism using linear transformations and multi-head attention.""" + super().__init__() + self.q = nn.Linear(c, c, bias=False) + self.k = nn.Linear(c, c, bias=False) + self.v = nn.Linear(c, c, bias=False) + self.ma = nn.MultiheadAttention(embed_dim=c, num_heads=num_heads) + self.fc1 = nn.Linear(c, c, bias=False) + self.fc2 = nn.Linear(c, c, bias=False) + + def forward(self, x): + """Apply a transformer block to the input x and return the output.""" + x = self.ma(self.q(x), self.k(x), self.v(x))[0] + x + return self.fc2(self.fc1(x)) + x + + +class TransformerBlock(nn.Module): + """Vision Transformer https://arxiv.org/abs/2010.11929.""" + + def __init__(self, c1, c2, num_heads, num_layers): + """Initialize a Transformer module with position embedding and specified number of heads and layers.""" + super().__init__() + self.conv = None + if c1 != c2: + self.conv = Conv(c1, c2) + self.linear = nn.Linear(c2, c2) # learnable position embedding + self.tr = nn.Sequential(*(TransformerLayer(c2, num_heads) for _ in range(num_layers))) + self.c2 = c2 + + def forward(self, x): + """Forward propagates the input through the bottleneck module.""" + if self.conv is not None: + x = self.conv(x) + b, _, w, h = x.shape + p = x.flatten(2).permute(2, 0, 1) + return self.tr(p + self.linear(p)).permute(1, 2, 0).reshape(b, self.c2, w, h) + + +class MLPBlock(nn.Module): + """Implements a single block of a multi-layer perceptron.""" + + def __init__(self, embedding_dim, mlp_dim, act=nn.GELU): + """Initialize the MLPBlock with specified embedding dimension, MLP dimension, and activation function.""" + super().__init__() + self.lin1 = nn.Linear(embedding_dim, mlp_dim) + self.lin2 = nn.Linear(mlp_dim, embedding_dim) + self.act = act() + + def forward(self, x: torch.Tensor) -> torch.Tensor: + """Forward pass for the MLPBlock.""" + return self.lin2(self.act(self.lin1(x))) + + +class MLP(nn.Module): + """Implements a simple multi-layer perceptron (also called FFN).""" + + def __init__(self, input_dim, hidden_dim, output_dim, num_layers): + """Initialize the MLP with specified input, hidden, output dimensions and number of layers.""" + super().__init__() + self.num_layers = num_layers + h = [hidden_dim] * (num_layers - 1) + self.layers = nn.ModuleList(nn.Linear(n, k) for n, k in zip([input_dim] + h, h + [output_dim])) + + def forward(self, x): + """Forward pass for the entire MLP.""" + for i, layer in enumerate(self.layers): + x = F.relu(layer(x)) if i < self.num_layers - 1 else layer(x) + return x From 7739f8dd381b238da5f870e386ae866193897f0b Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 29 Jul 2024 11:27:59 +0400 Subject: [PATCH 7/8] Remove VectorNormOp, ClampOp, EmptyOp due to no effect on the algorithm --- nncf/torch/graph/operator_metatypes.py | 18 ------------------ 1 file changed, 18 deletions(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index a22574258be..7e91dab2162 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -1101,24 +1101,6 @@ class PTScaledDotProductAttentionMetatype(PTOperatorMetatype): target_input_ports = [0, 1] -@PT_OPERATOR_METATYPES.register() -class PTEmptyMetatype(PTOperatorMetatype): - name = "EmptyOp" - module_to_function_names = {NamespaceTarget.TORCH: ["empty"]} - - -@PT_OPERATOR_METATYPES.register() -class PTVectorNormMetatype(PTOperatorMetatype): - name = "VectorNormOp" - module_to_function_names = {NamespaceTarget.ATEN: ["linalg_vector_norm"]} - - -@PT_OPERATOR_METATYPES.register() -class PTClampMetatype(PTOperatorMetatype): - name = "ClampOp" - module_to_function_names = {NamespaceTarget.TORCH: ["clamp", "clamp_min"]} - - def get_operator_metatypes() -> List[Type[OperatorMetatype]]: """ Returns a list of the operator metatypes. From c506021f0ac02de49318fb7f2dafee6bb1e5b5f3 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 29 Jul 2024 11:37:44 +0400 Subject: [PATCH 8/8] Update metatype references for models --- .../fx/reference_metatypes/mobilenet_v3_small.json | 2 +- .../data/reference_graphs/fx/reference_metatypes/resnet18.json | 2 +- .../data/reference_graphs/fx/reference_metatypes/swin_v2_s.json | 2 +- .../data/reference_graphs/fx/reference_metatypes/yolov8n.json | 2 +- 4 files changed, 4 insertions(+), 4 deletions(-) diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/mobilenet_v3_small.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/mobilenet_v3_small.json index 528e382a7de..08df319e702 100644 --- a/tests/torch/data/reference_graphs/fx/reference_metatypes/mobilenet_v3_small.json +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/mobilenet_v3_small.json @@ -1 +1 @@ -{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "EmptyOp", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "hardswish_": "HardSwishOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "EmptyOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "relu_": "ReluOp", "adaptive_avg_pool2d": "AvgPool2DOp", "_param_constant6": "const_noop", "_param_constant7": "const_noop", "conv2d_2": "Conv2DOp", "relu": "ReluOp", "_param_constant8": "const_noop", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "hardsigmoid": "HardSigmoidOp", "mul": "MulOp", "_param_constant10": "const_noop", "conv2d_4": "Conv2DOp", "empty_2": "EmptyOp", "_param_constant11": "const_noop", "_param_constant12": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "_param_constant13": "const_noop", "conv2d_5": "Conv2DOp", "empty_3": "EmptyOp", "_param_constant14": "const_noop", "_param_constant15": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "getitem_11": "GatherOp", "relu__1": "ReluOp", "_param_constant16": "const_noop", "conv2d_6": "Conv2DOp", "empty_4": "EmptyOp", "_param_constant17": "const_noop", "_param_constant18": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "getitem_14": "GatherOp", "relu__2": "ReluOp", "_param_constant19": "const_noop", "conv2d_7": "Conv2DOp", "empty_5": "EmptyOp", "_param_constant20": "const_noop", "_param_constant21": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "getitem_17": "GatherOp", "_param_constant22": "const_noop", "conv2d_8": "Conv2DOp", "empty_6": "EmptyOp", "_param_constant23": "const_noop", "_param_constant24": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "getitem_20": "GatherOp", "relu__3": "ReluOp", "_param_constant25": "const_noop", "conv2d_9": "Conv2DOp", "empty_7": "EmptyOp", "_param_constant26": "const_noop", "_param_constant27": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "getitem_23": "GatherOp", "relu__4": "ReluOp", "_param_constant28": "const_noop", "conv2d_10": "Conv2DOp", "empty_8": "EmptyOp", "_param_constant29": "const_noop", "_param_constant30": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "getitem_26": "GatherOp", "add_": "AddOp", "_param_constant31": "const_noop", "conv2d_11": "Conv2DOp", "empty_9": "EmptyOp", "_param_constant32": "const_noop", "_param_constant33": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_27": "GatherOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "hardswish__1": "HardSwishOp", "_param_constant34": "const_noop", "conv2d_12": "Conv2DOp", "empty_10": "EmptyOp", "_param_constant35": "const_noop", "_param_constant36": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_30": "GatherOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "hardswish__2": "HardSwishOp", "adaptive_avg_pool2d_1": "AvgPool2DOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "conv2d_13": "Conv2DOp", "relu_1": "ReluOp", "_param_constant39": "const_noop", "_param_constant40": "const_noop", "conv2d_14": "Conv2DOp", "hardsigmoid_1": "HardSigmoidOp", "mul_1": "MulOp", "_param_constant41": "const_noop", "conv2d_15": "Conv2DOp", "empty_11": "EmptyOp", "_param_constant42": "const_noop", "_param_constant43": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_33": "GatherOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "_param_constant44": "const_noop", "conv2d_16": "Conv2DOp", "empty_12": "EmptyOp", "_param_constant45": "const_noop", "_param_constant46": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_36": "GatherOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "hardswish__3": "HardSwishOp", "_param_constant47": "const_noop", "conv2d_17": "Conv2DOp", "empty_13": "EmptyOp", "_param_constant48": "const_noop", "_param_constant49": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_39": "GatherOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "hardswish__4": "HardSwishOp", "adaptive_avg_pool2d_2": "AvgPool2DOp", "_param_constant50": "const_noop", "_param_constant51": "const_noop", "conv2d_18": "Conv2DOp", "relu_2": "ReluOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "conv2d_19": "Conv2DOp", "hardsigmoid_2": "HardSigmoidOp", "mul_2": "MulOp", "_param_constant54": "const_noop", "conv2d_20": "Conv2DOp", "empty_14": "EmptyOp", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_42": "GatherOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "add__1": "AddOp", "_param_constant57": "const_noop", "conv2d_21": "Conv2DOp", "empty_15": "EmptyOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_45": "GatherOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "hardswish__5": "HardSwishOp", "_param_constant60": "const_noop", "conv2d_22": "Conv2DOp", "empty_16": "EmptyOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_48": "GatherOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "hardswish__6": "HardSwishOp", "adaptive_avg_pool2d_3": "AvgPool2DOp", "_param_constant63": "const_noop", "_param_constant64": "const_noop", "conv2d_23": "Conv2DOp", "relu_3": "ReluOp", "_param_constant65": "const_noop", "_param_constant66": "const_noop", "conv2d_24": "Conv2DOp", "hardsigmoid_3": "HardSigmoidOp", "mul_3": "MulOp", "_param_constant67": "const_noop", "conv2d_25": "Conv2DOp", "empty_17": "EmptyOp", "_param_constant68": "const_noop", "_param_constant69": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "add__2": "AddOp", "_param_constant70": "const_noop", "conv2d_26": "Conv2DOp", "empty_18": "EmptyOp", "_param_constant71": "const_noop", "_param_constant72": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "hardswish__7": "HardSwishOp", "_param_constant73": "const_noop", "conv2d_27": "Conv2DOp", "empty_19": "EmptyOp", "_param_constant74": "const_noop", "_param_constant75": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "hardswish__8": "HardSwishOp", "adaptive_avg_pool2d_4": "AvgPool2DOp", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "conv2d_28": "Conv2DOp", "relu_4": "ReluOp", "_param_constant78": "const_noop", "_param_constant79": "const_noop", "conv2d_29": "Conv2DOp", "hardsigmoid_4": "HardSigmoidOp", "mul_4": "MulOp", "_param_constant80": "const_noop", "conv2d_30": "Conv2DOp", "empty_20": "EmptyOp", "_param_constant81": "const_noop", "_param_constant82": "const_noop", "_tensor_constant40": "const_noop", "_tensor_constant41": "const_noop", "_native_batch_norm_legit_no_training_20": "BatchNormOp", "getitem_60": "GatherOp", "getitem_61": "GatherOp", "getitem_62": "GatherOp", "_param_constant83": "const_noop", "conv2d_31": "Conv2DOp", "empty_21": "EmptyOp", "_param_constant84": "const_noop", "_param_constant85": "const_noop", "_tensor_constant42": "const_noop", "_tensor_constant43": "const_noop", "_native_batch_norm_legit_no_training_21": "BatchNormOp", "getitem_63": "GatherOp", "getitem_64": "GatherOp", "getitem_65": "GatherOp", "hardswish__9": "HardSwishOp", "_param_constant86": "const_noop", "conv2d_32": "Conv2DOp", "empty_22": "EmptyOp", "_param_constant87": "const_noop", "_param_constant88": "const_noop", "_tensor_constant44": "const_noop", "_tensor_constant45": "const_noop", "_native_batch_norm_legit_no_training_22": "BatchNormOp", "getitem_66": "GatherOp", "getitem_67": "GatherOp", "getitem_68": "GatherOp", "hardswish__10": "HardSwishOp", "adaptive_avg_pool2d_5": "AvgPool2DOp", "_param_constant89": "const_noop", "_param_constant90": "const_noop", "conv2d_33": "Conv2DOp", "relu_5": "ReluOp", "_param_constant91": "const_noop", "_param_constant92": "const_noop", "conv2d_34": "Conv2DOp", "hardsigmoid_5": "HardSigmoidOp", "mul_5": "MulOp", "_param_constant93": "const_noop", "conv2d_35": "Conv2DOp", "empty_23": "EmptyOp", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "_tensor_constant46": "const_noop", "_tensor_constant47": "const_noop", "_native_batch_norm_legit_no_training_23": "BatchNormOp", "getitem_69": "GatherOp", "getitem_70": "GatherOp", "getitem_71": "GatherOp", "add__3": "AddOp", "_param_constant96": "const_noop", "conv2d_36": "Conv2DOp", "empty_24": "EmptyOp", "_param_constant97": "const_noop", "_param_constant98": "const_noop", "_tensor_constant48": "const_noop", "_tensor_constant49": "const_noop", "_native_batch_norm_legit_no_training_24": "BatchNormOp", "getitem_72": "GatherOp", "getitem_73": "GatherOp", "getitem_74": "GatherOp", "hardswish__11": "HardSwishOp", "_param_constant99": "const_noop", "conv2d_37": "Conv2DOp", "empty_25": "EmptyOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "_tensor_constant50": "const_noop", "_tensor_constant51": "const_noop", "_native_batch_norm_legit_no_training_25": "BatchNormOp", "getitem_75": "GatherOp", "getitem_76": "GatherOp", "getitem_77": "GatherOp", "hardswish__12": "HardSwishOp", "adaptive_avg_pool2d_6": "AvgPool2DOp", "_param_constant102": "const_noop", "_param_constant103": "const_noop", "conv2d_38": "Conv2DOp", "relu_6": "ReluOp", "_param_constant104": "const_noop", "_param_constant105": "const_noop", "conv2d_39": "Conv2DOp", "hardsigmoid_6": "HardSigmoidOp", "mul_6": "MulOp", "_param_constant106": "const_noop", "conv2d_40": "Conv2DOp", "empty_26": "EmptyOp", "_param_constant107": "const_noop", "_param_constant108": "const_noop", "_tensor_constant52": "const_noop", "_tensor_constant53": "const_noop", "_native_batch_norm_legit_no_training_26": "BatchNormOp", "getitem_78": "GatherOp", "getitem_79": "GatherOp", "getitem_80": "GatherOp", "_param_constant109": "const_noop", "conv2d_41": "Conv2DOp", "empty_27": "EmptyOp", "_param_constant110": "const_noop", "_param_constant111": "const_noop", "_tensor_constant54": "const_noop", "_tensor_constant55": "const_noop", "_native_batch_norm_legit_no_training_27": "BatchNormOp", "getitem_81": "GatherOp", "getitem_82": "GatherOp", "getitem_83": "GatherOp", "hardswish__13": "HardSwishOp", "_param_constant112": "const_noop", "conv2d_42": "Conv2DOp", "empty_28": "EmptyOp", "_param_constant113": "const_noop", "_param_constant114": "const_noop", "_tensor_constant56": "const_noop", "_tensor_constant57": "const_noop", "_native_batch_norm_legit_no_training_28": "BatchNormOp", "getitem_84": "GatherOp", "getitem_85": "GatherOp", "getitem_86": "GatherOp", "hardswish__14": "HardSwishOp", "adaptive_avg_pool2d_7": "AvgPool2DOp", "_param_constant115": "const_noop", "_param_constant116": "const_noop", "conv2d_43": "Conv2DOp", "relu_7": "ReluOp", "_param_constant117": "const_noop", "_param_constant118": "const_noop", "conv2d_44": "Conv2DOp", "hardsigmoid_7": "HardSigmoidOp", "mul_7": "MulOp", "_param_constant119": "const_noop", "conv2d_45": "Conv2DOp", "empty_29": "EmptyOp", "_param_constant120": "const_noop", "_param_constant121": "const_noop", "_tensor_constant58": "const_noop", "_tensor_constant59": "const_noop", "_native_batch_norm_legit_no_training_29": "BatchNormOp", "getitem_87": "GatherOp", "getitem_88": "GatherOp", "getitem_89": "GatherOp", "add__4": "AddOp", "_param_constant122": "const_noop", "conv2d_46": "Conv2DOp", "empty_30": "EmptyOp", "_param_constant123": "const_noop", "_param_constant124": "const_noop", "_tensor_constant60": "const_noop", "_tensor_constant61": "const_noop", "_native_batch_norm_legit_no_training_30": "BatchNormOp", "getitem_90": "GatherOp", "getitem_91": "GatherOp", "getitem_92": "GatherOp", "hardswish__15": "HardSwishOp", "_param_constant125": "const_noop", "conv2d_47": "Conv2DOp", "empty_31": "EmptyOp", "_param_constant126": "const_noop", "_param_constant127": "const_noop", "_tensor_constant62": "const_noop", "_tensor_constant63": "const_noop", "_native_batch_norm_legit_no_training_31": "BatchNormOp", "getitem_93": "GatherOp", "getitem_94": "GatherOp", "getitem_95": "GatherOp", "hardswish__16": "HardSwishOp", "adaptive_avg_pool2d_8": "AvgPool2DOp", "_param_constant128": "const_noop", "_param_constant129": "const_noop", "conv2d_48": "Conv2DOp", "relu_8": "ReluOp", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "conv2d_49": "Conv2DOp", "hardsigmoid_8": "HardSigmoidOp", "mul_8": "MulOp", "_param_constant132": "const_noop", "conv2d_50": "Conv2DOp", "empty_32": "EmptyOp", "_param_constant133": "const_noop", "_param_constant134": "const_noop", "_tensor_constant64": "const_noop", "_tensor_constant65": "const_noop", "_native_batch_norm_legit_no_training_32": "BatchNormOp", "getitem_96": "GatherOp", "getitem_97": "GatherOp", "getitem_98": "GatherOp", "add__5": "AddOp", "_param_constant135": "const_noop", "conv2d_51": "Conv2DOp", "empty_33": "EmptyOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "_tensor_constant66": "const_noop", "_tensor_constant67": "const_noop", "_native_batch_norm_legit_no_training_33": "BatchNormOp", "getitem_99": "GatherOp", "getitem_100": "GatherOp", "getitem_101": "GatherOp", "hardswish__17": "HardSwishOp", "adaptive_avg_pool2d_9": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant138": "const_noop", "_param_constant139": "const_noop", "linear": "LinearOp", "hardswish__18": "HardSwishOp", "dropout_": "DropoutOp", "_param_constant140": "const_noop", "_param_constant141": "const_noop", "linear_1": "LinearOp", "output": "output_noop"} \ No newline at end of file +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "unknown", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "hardswish_": "HardSwishOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "unknown", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "relu_": "ReluOp", "adaptive_avg_pool2d": "AvgPool2DOp", "_param_constant6": "const_noop", "_param_constant7": "const_noop", "conv2d_2": "Conv2DOp", "relu": "ReluOp", "_param_constant8": "const_noop", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "hardsigmoid": "HardSigmoidOp", "mul": "MulOp", "_param_constant10": "const_noop", "conv2d_4": "Conv2DOp", "empty_2": "unknown", "_param_constant11": "const_noop", "_param_constant12": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "_param_constant13": "const_noop", "conv2d_5": "Conv2DOp", "empty_3": "unknown", "_param_constant14": "const_noop", "_param_constant15": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "getitem_11": "GatherOp", "relu__1": "ReluOp", "_param_constant16": "const_noop", "conv2d_6": "Conv2DOp", "empty_4": "unknown", "_param_constant17": "const_noop", "_param_constant18": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "getitem_14": "GatherOp", "relu__2": "ReluOp", "_param_constant19": "const_noop", "conv2d_7": "Conv2DOp", "empty_5": "unknown", "_param_constant20": "const_noop", "_param_constant21": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "getitem_17": "GatherOp", "_param_constant22": "const_noop", "conv2d_8": "Conv2DOp", "empty_6": "unknown", "_param_constant23": "const_noop", "_param_constant24": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "getitem_20": "GatherOp", "relu__3": "ReluOp", "_param_constant25": "const_noop", "conv2d_9": "Conv2DOp", "empty_7": "unknown", "_param_constant26": "const_noop", "_param_constant27": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "getitem_23": "GatherOp", "relu__4": "ReluOp", "_param_constant28": "const_noop", "conv2d_10": "Conv2DOp", "empty_8": "unknown", "_param_constant29": "const_noop", "_param_constant30": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "getitem_26": "GatherOp", "add_": "AddOp", "_param_constant31": "const_noop", "conv2d_11": "Conv2DOp", "empty_9": "unknown", "_param_constant32": "const_noop", "_param_constant33": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_27": "GatherOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "hardswish__1": "HardSwishOp", "_param_constant34": "const_noop", "conv2d_12": "Conv2DOp", "empty_10": "unknown", "_param_constant35": "const_noop", "_param_constant36": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_30": "GatherOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "hardswish__2": "HardSwishOp", "adaptive_avg_pool2d_1": "AvgPool2DOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "conv2d_13": "Conv2DOp", "relu_1": "ReluOp", "_param_constant39": "const_noop", "_param_constant40": "const_noop", "conv2d_14": "Conv2DOp", "hardsigmoid_1": "HardSigmoidOp", "mul_1": "MulOp", "_param_constant41": "const_noop", "conv2d_15": "Conv2DOp", "empty_11": "unknown", "_param_constant42": "const_noop", "_param_constant43": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_33": "GatherOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "_param_constant44": "const_noop", "conv2d_16": "Conv2DOp", "empty_12": "unknown", "_param_constant45": "const_noop", "_param_constant46": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_36": "GatherOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "hardswish__3": "HardSwishOp", "_param_constant47": "const_noop", "conv2d_17": "Conv2DOp", "empty_13": "unknown", "_param_constant48": "const_noop", "_param_constant49": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_39": "GatherOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "hardswish__4": "HardSwishOp", "adaptive_avg_pool2d_2": "AvgPool2DOp", "_param_constant50": "const_noop", "_param_constant51": "const_noop", "conv2d_18": "Conv2DOp", "relu_2": "ReluOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "conv2d_19": "Conv2DOp", "hardsigmoid_2": "HardSigmoidOp", "mul_2": "MulOp", "_param_constant54": "const_noop", "conv2d_20": "Conv2DOp", "empty_14": "unknown", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_42": "GatherOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "add__1": "AddOp", "_param_constant57": "const_noop", "conv2d_21": "Conv2DOp", "empty_15": "unknown", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_45": "GatherOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "hardswish__5": "HardSwishOp", "_param_constant60": "const_noop", "conv2d_22": "Conv2DOp", "empty_16": "unknown", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_48": "GatherOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "hardswish__6": "HardSwishOp", "adaptive_avg_pool2d_3": "AvgPool2DOp", "_param_constant63": "const_noop", "_param_constant64": "const_noop", "conv2d_23": "Conv2DOp", "relu_3": "ReluOp", "_param_constant65": "const_noop", "_param_constant66": "const_noop", "conv2d_24": "Conv2DOp", "hardsigmoid_3": "HardSigmoidOp", "mul_3": "MulOp", "_param_constant67": "const_noop", "conv2d_25": "Conv2DOp", "empty_17": "unknown", "_param_constant68": "const_noop", "_param_constant69": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "add__2": "AddOp", "_param_constant70": "const_noop", "conv2d_26": "Conv2DOp", "empty_18": "unknown", "_param_constant71": "const_noop", "_param_constant72": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "hardswish__7": "HardSwishOp", "_param_constant73": "const_noop", "conv2d_27": "Conv2DOp", "empty_19": "unknown", "_param_constant74": "const_noop", "_param_constant75": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "hardswish__8": "HardSwishOp", "adaptive_avg_pool2d_4": "AvgPool2DOp", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "conv2d_28": "Conv2DOp", "relu_4": "ReluOp", "_param_constant78": "const_noop", "_param_constant79": "const_noop", "conv2d_29": "Conv2DOp", "hardsigmoid_4": "HardSigmoidOp", "mul_4": "MulOp", "_param_constant80": "const_noop", "conv2d_30": "Conv2DOp", "empty_20": "unknown", "_param_constant81": "const_noop", "_param_constant82": "const_noop", "_tensor_constant40": "const_noop", "_tensor_constant41": "const_noop", "_native_batch_norm_legit_no_training_20": "BatchNormOp", "getitem_60": "GatherOp", "getitem_61": "GatherOp", "getitem_62": "GatherOp", "_param_constant83": "const_noop", "conv2d_31": "Conv2DOp", "empty_21": "unknown", "_param_constant84": "const_noop", "_param_constant85": "const_noop", "_tensor_constant42": "const_noop", "_tensor_constant43": "const_noop", "_native_batch_norm_legit_no_training_21": "BatchNormOp", "getitem_63": "GatherOp", "getitem_64": "GatherOp", "getitem_65": "GatherOp", "hardswish__9": "HardSwishOp", "_param_constant86": "const_noop", "conv2d_32": "Conv2DOp", "empty_22": "unknown", "_param_constant87": "const_noop", "_param_constant88": "const_noop", "_tensor_constant44": "const_noop", "_tensor_constant45": "const_noop", "_native_batch_norm_legit_no_training_22": "BatchNormOp", "getitem_66": "GatherOp", "getitem_67": "GatherOp", "getitem_68": "GatherOp", "hardswish__10": "HardSwishOp", "adaptive_avg_pool2d_5": "AvgPool2DOp", "_param_constant89": "const_noop", "_param_constant90": "const_noop", "conv2d_33": "Conv2DOp", "relu_5": "ReluOp", "_param_constant91": "const_noop", "_param_constant92": "const_noop", "conv2d_34": "Conv2DOp", "hardsigmoid_5": "HardSigmoidOp", "mul_5": "MulOp", "_param_constant93": "const_noop", "conv2d_35": "Conv2DOp", "empty_23": "unknown", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "_tensor_constant46": "const_noop", "_tensor_constant47": "const_noop", "_native_batch_norm_legit_no_training_23": "BatchNormOp", "getitem_69": "GatherOp", "getitem_70": "GatherOp", "getitem_71": "GatherOp", "add__3": "AddOp", "_param_constant96": "const_noop", "conv2d_36": "Conv2DOp", "empty_24": "unknown", "_param_constant97": "const_noop", "_param_constant98": "const_noop", "_tensor_constant48": "const_noop", "_tensor_constant49": "const_noop", "_native_batch_norm_legit_no_training_24": "BatchNormOp", "getitem_72": "GatherOp", "getitem_73": "GatherOp", "getitem_74": "GatherOp", "hardswish__11": "HardSwishOp", "_param_constant99": "const_noop", "conv2d_37": "Conv2DOp", "empty_25": "unknown", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "_tensor_constant50": "const_noop", "_tensor_constant51": "const_noop", "_native_batch_norm_legit_no_training_25": "BatchNormOp", "getitem_75": "GatherOp", "getitem_76": "GatherOp", "getitem_77": "GatherOp", "hardswish__12": "HardSwishOp", "adaptive_avg_pool2d_6": "AvgPool2DOp", "_param_constant102": "const_noop", "_param_constant103": "const_noop", "conv2d_38": "Conv2DOp", "relu_6": "ReluOp", "_param_constant104": "const_noop", "_param_constant105": "const_noop", "conv2d_39": "Conv2DOp", "hardsigmoid_6": "HardSigmoidOp", "mul_6": "MulOp", "_param_constant106": "const_noop", "conv2d_40": "Conv2DOp", "empty_26": "unknown", "_param_constant107": "const_noop", "_param_constant108": "const_noop", "_tensor_constant52": "const_noop", "_tensor_constant53": "const_noop", "_native_batch_norm_legit_no_training_26": "BatchNormOp", "getitem_78": "GatherOp", "getitem_79": "GatherOp", "getitem_80": "GatherOp", "_param_constant109": "const_noop", "conv2d_41": "Conv2DOp", "empty_27": "unknown", "_param_constant110": "const_noop", "_param_constant111": "const_noop", "_tensor_constant54": "const_noop", "_tensor_constant55": "const_noop", "_native_batch_norm_legit_no_training_27": "BatchNormOp", "getitem_81": "GatherOp", "getitem_82": "GatherOp", "getitem_83": "GatherOp", "hardswish__13": "HardSwishOp", "_param_constant112": "const_noop", "conv2d_42": "Conv2DOp", "empty_28": "unknown", "_param_constant113": "const_noop", "_param_constant114": "const_noop", "_tensor_constant56": "const_noop", "_tensor_constant57": "const_noop", "_native_batch_norm_legit_no_training_28": "BatchNormOp", "getitem_84": "GatherOp", "getitem_85": "GatherOp", "getitem_86": "GatherOp", "hardswish__14": "HardSwishOp", "adaptive_avg_pool2d_7": "AvgPool2DOp", "_param_constant115": "const_noop", "_param_constant116": "const_noop", "conv2d_43": "Conv2DOp", "relu_7": "ReluOp", "_param_constant117": "const_noop", "_param_constant118": "const_noop", "conv2d_44": "Conv2DOp", "hardsigmoid_7": "HardSigmoidOp", "mul_7": "MulOp", "_param_constant119": "const_noop", "conv2d_45": "Conv2DOp", "empty_29": "unknown", "_param_constant120": "const_noop", "_param_constant121": "const_noop", "_tensor_constant58": "const_noop", "_tensor_constant59": "const_noop", "_native_batch_norm_legit_no_training_29": "BatchNormOp", "getitem_87": "GatherOp", "getitem_88": "GatherOp", "getitem_89": "GatherOp", "add__4": "AddOp", "_param_constant122": "const_noop", "conv2d_46": "Conv2DOp", "empty_30": "unknown", "_param_constant123": "const_noop", "_param_constant124": "const_noop", "_tensor_constant60": "const_noop", "_tensor_constant61": "const_noop", "_native_batch_norm_legit_no_training_30": "BatchNormOp", "getitem_90": "GatherOp", "getitem_91": "GatherOp", "getitem_92": "GatherOp", "hardswish__15": "HardSwishOp", "_param_constant125": "const_noop", "conv2d_47": "Conv2DOp", "empty_31": "unknown", "_param_constant126": "const_noop", "_param_constant127": "const_noop", "_tensor_constant62": "const_noop", "_tensor_constant63": "const_noop", "_native_batch_norm_legit_no_training_31": "BatchNormOp", "getitem_93": "GatherOp", "getitem_94": "GatherOp", "getitem_95": "GatherOp", "hardswish__16": "HardSwishOp", "adaptive_avg_pool2d_8": "AvgPool2DOp", "_param_constant128": "const_noop", "_param_constant129": "const_noop", "conv2d_48": "Conv2DOp", "relu_8": "ReluOp", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "conv2d_49": "Conv2DOp", "hardsigmoid_8": "HardSigmoidOp", "mul_8": "MulOp", "_param_constant132": "const_noop", "conv2d_50": "Conv2DOp", "empty_32": "unknown", "_param_constant133": "const_noop", "_param_constant134": "const_noop", "_tensor_constant64": "const_noop", "_tensor_constant65": "const_noop", "_native_batch_norm_legit_no_training_32": "BatchNormOp", "getitem_96": "GatherOp", "getitem_97": "GatherOp", "getitem_98": "GatherOp", "add__5": "AddOp", "_param_constant135": "const_noop", "conv2d_51": "Conv2DOp", "empty_33": "unknown", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "_tensor_constant66": "const_noop", "_tensor_constant67": "const_noop", "_native_batch_norm_legit_no_training_33": "BatchNormOp", "getitem_99": "GatherOp", "getitem_100": "GatherOp", "getitem_101": "GatherOp", "hardswish__17": "HardSwishOp", "adaptive_avg_pool2d_9": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant138": "const_noop", "_param_constant139": "const_noop", "linear": "LinearOp", "hardswish__18": "HardSwishOp", "dropout_": "DropoutOp", "_param_constant140": "const_noop", "_param_constant141": "const_noop", "linear_1": "LinearOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/resnet18.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/resnet18.json index 5fba84edad1..d0504bad078 100644 --- a/tests/torch/data/reference_graphs/fx/reference_metatypes/resnet18.json +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/resnet18.json @@ -1 +1 @@ -{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "EmptyOp", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "relu_": "ReluOp", "max_pool2d": "MaxPool2DOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "EmptyOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "relu__1": "ReluOp", "_param_constant6": "const_noop", "conv2d_2": "Conv2DOp", "empty_2": "EmptyOp", "_param_constant7": "const_noop", "_param_constant8": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "add_": "AddOp", "relu__2": "ReluOp", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "empty_3": "EmptyOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "getitem_11": "GatherOp", "relu__3": "ReluOp", "_param_constant12": "const_noop", "conv2d_4": "Conv2DOp", "empty_4": "EmptyOp", "_param_constant13": "const_noop", "_param_constant14": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "getitem_14": "GatherOp", "add__1": "AddOp", "relu__4": "ReluOp", "_param_constant15": "const_noop", "conv2d_5": "Conv2DOp", "empty_5": "EmptyOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "getitem_17": "GatherOp", "relu__5": "ReluOp", "_param_constant18": "const_noop", "conv2d_6": "Conv2DOp", "empty_6": "EmptyOp", "_param_constant19": "const_noop", "_param_constant20": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "getitem_20": "GatherOp", "_param_constant21": "const_noop", "conv2d_7": "Conv2DOp", "empty_7": "EmptyOp", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "getitem_23": "GatherOp", "add__2": "AddOp", "relu__6": "ReluOp", "_param_constant24": "const_noop", "conv2d_8": "Conv2DOp", "empty_8": "EmptyOp", "_param_constant25": "const_noop", "_param_constant26": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "getitem_26": "GatherOp", "relu__7": "ReluOp", "_param_constant27": "const_noop", "conv2d_9": "Conv2DOp", "empty_9": "EmptyOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_27": "GatherOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "add__3": "AddOp", "relu__8": "ReluOp", "_param_constant30": "const_noop", "conv2d_10": "Conv2DOp", "empty_10": "EmptyOp", "_param_constant31": "const_noop", "_param_constant32": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_30": "GatherOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "relu__9": "ReluOp", "_param_constant33": "const_noop", "conv2d_11": "Conv2DOp", "empty_11": "EmptyOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_33": "GatherOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "_param_constant36": "const_noop", "conv2d_12": "Conv2DOp", "empty_12": "EmptyOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_36": "GatherOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "add__4": "AddOp", "relu__10": "ReluOp", "_param_constant39": "const_noop", "conv2d_13": "Conv2DOp", "empty_13": "EmptyOp", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_39": "GatherOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "relu__11": "ReluOp", "_param_constant42": "const_noop", "conv2d_14": "Conv2DOp", "empty_14": "EmptyOp", "_param_constant43": "const_noop", "_param_constant44": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_42": "GatherOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "add__5": "AddOp", "relu__12": "ReluOp", "_param_constant45": "const_noop", "conv2d_15": "Conv2DOp", "empty_15": "EmptyOp", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_45": "GatherOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "relu__13": "ReluOp", "_param_constant48": "const_noop", "conv2d_16": "Conv2DOp", "empty_16": "EmptyOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_48": "GatherOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "_param_constant51": "const_noop", "conv2d_17": "Conv2DOp", "empty_17": "EmptyOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "add__6": "AddOp", "relu__14": "ReluOp", "_param_constant54": "const_noop", "conv2d_18": "Conv2DOp", "empty_18": "EmptyOp", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "relu__15": "ReluOp", "_param_constant57": "const_noop", "conv2d_19": "Conv2DOp", "empty_19": "EmptyOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "add__7": "AddOp", "relu__16": "ReluOp", "adaptive_avg_pool2d": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant60": "const_noop", "_param_constant61": "const_noop", "linear": "LinearOp", "output": "output_noop"} \ No newline at end of file +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "unknown", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "relu_": "ReluOp", "max_pool2d": "MaxPool2DOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "unknown", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "relu__1": "ReluOp", "_param_constant6": "const_noop", "conv2d_2": "Conv2DOp", "empty_2": "unknown", "_param_constant7": "const_noop", "_param_constant8": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "add_": "AddOp", "relu__2": "ReluOp", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "empty_3": "unknown", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "getitem_11": "GatherOp", "relu__3": "ReluOp", "_param_constant12": "const_noop", "conv2d_4": "Conv2DOp", "empty_4": "unknown", "_param_constant13": "const_noop", "_param_constant14": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "getitem_14": "GatherOp", "add__1": "AddOp", "relu__4": "ReluOp", "_param_constant15": "const_noop", "conv2d_5": "Conv2DOp", "empty_5": "unknown", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "getitem_17": "GatherOp", "relu__5": "ReluOp", "_param_constant18": "const_noop", "conv2d_6": "Conv2DOp", "empty_6": "unknown", "_param_constant19": "const_noop", "_param_constant20": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "getitem_20": "GatherOp", "_param_constant21": "const_noop", "conv2d_7": "Conv2DOp", "empty_7": "unknown", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "getitem_23": "GatherOp", "add__2": "AddOp", "relu__6": "ReluOp", "_param_constant24": "const_noop", "conv2d_8": "Conv2DOp", "empty_8": "unknown", "_param_constant25": "const_noop", "_param_constant26": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "getitem_26": "GatherOp", "relu__7": "ReluOp", "_param_constant27": "const_noop", "conv2d_9": "Conv2DOp", "empty_9": "unknown", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_27": "GatherOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "add__3": "AddOp", "relu__8": "ReluOp", "_param_constant30": "const_noop", "conv2d_10": "Conv2DOp", "empty_10": "unknown", "_param_constant31": "const_noop", "_param_constant32": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_30": "GatherOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "relu__9": "ReluOp", "_param_constant33": "const_noop", "conv2d_11": "Conv2DOp", "empty_11": "unknown", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_33": "GatherOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "_param_constant36": "const_noop", "conv2d_12": "Conv2DOp", "empty_12": "unknown", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_36": "GatherOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "add__4": "AddOp", "relu__10": "ReluOp", "_param_constant39": "const_noop", "conv2d_13": "Conv2DOp", "empty_13": "unknown", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_39": "GatherOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "relu__11": "ReluOp", "_param_constant42": "const_noop", "conv2d_14": "Conv2DOp", "empty_14": "unknown", "_param_constant43": "const_noop", "_param_constant44": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_42": "GatherOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "add__5": "AddOp", "relu__12": "ReluOp", "_param_constant45": "const_noop", "conv2d_15": "Conv2DOp", "empty_15": "unknown", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_45": "GatherOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "relu__13": "ReluOp", "_param_constant48": "const_noop", "conv2d_16": "Conv2DOp", "empty_16": "unknown", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_48": "GatherOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "_param_constant51": "const_noop", "conv2d_17": "Conv2DOp", "empty_17": "unknown", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "add__6": "AddOp", "relu__14": "ReluOp", "_param_constant54": "const_noop", "conv2d_18": "Conv2DOp", "empty_18": "unknown", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "relu__15": "ReluOp", "_param_constant57": "const_noop", "conv2d_19": "Conv2DOp", "empty_19": "unknown", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "add__7": "AddOp", "relu__16": "ReluOp", "adaptive_avg_pool2d": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant60": "const_noop", "_param_constant61": "const_noop", "linear": "LinearOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json index f2dda956d96..2d05a49d31a 100644 --- a/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/swin_v2_s.json @@ -1 +1 @@ -{"arg0_1": "input_noop", "_param_constant0": "const_noop", "_param_constant1": "const_noop", "conv2d": "Conv2DOp", "permute": "TransposeOp", "_param_constant2": "const_noop", "_param_constant3": "const_noop", "layer_norm": "LayerNormOp", "_tensor_constant0": "const_noop", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "linear": "LinearOp", "relu_": "ReluOp", "_param_constant6": "const_noop", "linear_1": "LinearOp", "view": "ReshapeOp", "_tensor_constant1": "const_noop", "index": "unknown", "view_1": "ReshapeOp", "permute_1": "TransposeOp", "contiguous": "noop", "unsqueeze": "ReshapeOp", "sigmoid": "SigmoidOp", "mul": "MulOp", "pad": "PadOp", "view_2": "ReshapeOp", "permute_2": "TransposeOp", "reshape": "ReshapeOp", "_param_constant7": "const_noop", "clone": "noop", "slice_1": "GatherOp", "zero_": "unknown", "_param_constant8": "const_noop", "linear_2": "LinearOp", "reshape_1": "ReshapeOp", "permute_3": "TransposeOp", "select": "GatherOp", "select_1": "GatherOp", "select_2": "GatherOp", "linalg_vector_norm": "VectorNormOp", "clamp_min": "ClampOp", "expand_as": "ExpandAsOp", "div": "DivOp", "linalg_vector_norm_1": "VectorNormOp", "clamp_min_1": "ClampOp", "expand_as_1": "ExpandAsOp", "div_1": "DivOp", "transpose": "TransposeOp", "matmul": "MatMulOp", "_param_constant9": "const_noop", "clamp": "ClampOp", "exp": "ExpOp", "mul_1": "MulOp", "add": "AddOp", "softmax": "SoftmaxOp", "dropout": "DropoutOp", "matmul_1": "MatMulOp", "transpose_1": "TransposeOp", "reshape_2": "ReshapeOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "linear_3": "LinearOp", "dropout_1": "DropoutOp", "view_3": "ReshapeOp", "permute_4": "TransposeOp", "reshape_3": "ReshapeOp", "slice_2": "GatherOp", "slice_3": "GatherOp", "_param_constant12": "const_noop", "_param_constant13": "const_noop", "layer_norm_1": "LayerNormOp", "add_1": "AddOp", "_param_constant14": "const_noop", "_param_constant15": "const_noop", "linear_4": "LinearOp", "gelu": "GeluOp", "dropout_2": "DropoutOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "linear_5": "LinearOp", "dropout_3": "DropoutOp", "_param_constant18": "const_noop", "_param_constant19": "const_noop", "layer_norm_2": "LayerNormOp", "add_2": "AddOp", "_tensor_constant2": "const_noop", "_param_constant20": "const_noop", "_param_constant21": "const_noop", "linear_6": "LinearOp", "relu__1": "ReluOp", "_param_constant22": "const_noop", "linear_7": "LinearOp", "view_4": "ReshapeOp", "_tensor_constant3": "const_noop", "index_1": "unknown", "view_5": "ReshapeOp", "permute_5": "TransposeOp", "contiguous_1": "noop", "unsqueeze_1": "ReshapeOp", "sigmoid_1": "SigmoidOp", "mul_2": "MulOp", "pad_1": "PadOp", "roll": "unknown", "view_6": "ReshapeOp", "permute_6": "TransposeOp", "reshape_4": "ReshapeOp", "_param_constant23": "const_noop", "clone_1": "noop", "slice_4": "GatherOp", "zero__1": "unknown", "_param_constant24": "const_noop", "linear_8": "LinearOp", "reshape_5": "ReshapeOp", "permute_7": "TransposeOp", "select_3": "GatherOp", "select_4": "GatherOp", "select_5": "GatherOp", "linalg_vector_norm_2": "VectorNormOp", "clamp_min_2": "ClampOp", "expand_as_2": "ExpandAsOp", "div_2": "DivOp", "linalg_vector_norm_3": "VectorNormOp", "clamp_min_3": "ClampOp", "expand_as_3": "ExpandAsOp", "div_3": "DivOp", "transpose_2": "TransposeOp", "matmul_2": "MatMulOp", "_param_constant25": "const_noop", "clamp_1": "ClampOp", "exp_1": "ExpOp", "mul_3": "MulOp", "add_3": "AddOp", "new_zeros": "unknown", "_tensor_constant4": "const_noop", "lift_fresh_copy": "unknown", "slice_5": "GatherOp", "slice_6": "GatherOp", "fill_": "unknown", "_tensor_constant5": "const_noop", "lift_fresh_copy_1": "unknown", "slice_7": "GatherOp", "slice_8": "GatherOp", "fill__1": "unknown", "_tensor_constant6": "const_noop", "lift_fresh_copy_2": "unknown", "slice_9": "GatherOp", "slice_10": "GatherOp", "fill__2": "unknown", "_tensor_constant7": "const_noop", "lift_fresh_copy_3": "unknown", "slice_11": "GatherOp", "slice_12": "GatherOp", "fill__3": "unknown", "_tensor_constant8": "const_noop", "lift_fresh_copy_4": "unknown", "slice_13": "GatherOp", "slice_14": "GatherOp", "fill__4": "unknown", "_tensor_constant9": "const_noop", "lift_fresh_copy_5": "unknown", "slice_15": "GatherOp", "slice_16": "GatherOp", "fill__5": "unknown", "_tensor_constant10": "const_noop", "lift_fresh_copy_6": "unknown", "slice_17": "GatherOp", "slice_18": "GatherOp", "fill__6": "unknown", "_tensor_constant11": "const_noop", "lift_fresh_copy_7": "unknown", "slice_19": "GatherOp", "slice_20": "GatherOp", "fill__7": "unknown", "_tensor_constant12": "const_noop", "lift_fresh_copy_8": "unknown", "slice_21": "GatherOp", "slice_22": "GatherOp", "fill__8": "unknown", "view_7": "ReshapeOp", "permute_8": "TransposeOp", "reshape_6": "ReshapeOp", "unsqueeze_2": "ReshapeOp", "unsqueeze_3": "ReshapeOp", "sub": "SubOp", "ne": "unknown", "masked_fill": "ScatterOp", "eq": "unknown", "masked_fill_1": "ScatterOp", "view_8": "ReshapeOp", "unsqueeze_4": "ReshapeOp", "unsqueeze_5": "ReshapeOp", "add_4": "AddOp", "view_9": "ReshapeOp", "softmax_1": "SoftmaxOp", "dropout_4": "DropoutOp", "matmul_3": "MatMulOp", "transpose_3": "TransposeOp", "reshape_7": "ReshapeOp", "_param_constant26": "const_noop", "_param_constant27": "const_noop", "linear_9": "LinearOp", "dropout_5": "DropoutOp", "view_10": "ReshapeOp", "permute_9": "TransposeOp", "reshape_8": "ReshapeOp", "roll_1": "unknown", "slice_23": "GatherOp", "slice_24": "GatherOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "layer_norm_3": "LayerNormOp", "add_5": "AddOp", "_param_constant30": "const_noop", "_param_constant31": "const_noop", "linear_10": "LinearOp", "gelu_1": "GeluOp", "dropout_6": "DropoutOp", "_param_constant32": "const_noop", "_param_constant33": "const_noop", "linear_11": "LinearOp", "dropout_7": "DropoutOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "layer_norm_4": "LayerNormOp", "add_6": "AddOp", "pad_2": "PadOp", "slice_25": "GatherOp", "slice_26": "GatherOp", "slice_27": "GatherOp", "slice_28": "GatherOp", "slice_29": "GatherOp", "slice_30": "GatherOp", "slice_31": "GatherOp", "slice_32": "GatherOp", "slice_33": "GatherOp", "slice_34": "GatherOp", "slice_35": "GatherOp", "slice_36": "GatherOp", "cat": "CatOp", "_param_constant36": "const_noop", "linear_12": "LinearOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "layer_norm_5": "LayerNormOp", "_tensor_constant13": "const_noop", "_param_constant39": "const_noop", "_param_constant40": "const_noop", "linear_13": "LinearOp", "relu__2": "ReluOp", "_param_constant41": "const_noop", "linear_14": "LinearOp", "view_11": "ReshapeOp", "_tensor_constant14": "const_noop", "index_2": "unknown", "view_12": "ReshapeOp", "permute_10": "TransposeOp", "contiguous_2": "noop", "unsqueeze_6": "ReshapeOp", "sigmoid_2": "SigmoidOp", "mul_4": "MulOp", "pad_3": "PadOp", "view_13": "ReshapeOp", "permute_11": "TransposeOp", "reshape_9": "ReshapeOp", "_param_constant42": "const_noop", "clone_2": "noop", "slice_37": "GatherOp", "zero__2": "unknown", "_param_constant43": "const_noop", "linear_15": "LinearOp", "reshape_10": "ReshapeOp", "permute_12": "TransposeOp", "select_6": "GatherOp", "select_7": "GatherOp", "select_8": "GatherOp", "linalg_vector_norm_4": "VectorNormOp", "clamp_min_4": "ClampOp", "expand_as_4": "ExpandAsOp", "div_4": "DivOp", "linalg_vector_norm_5": "VectorNormOp", "clamp_min_5": "ClampOp", "expand_as_5": "ExpandAsOp", "div_5": "DivOp", "transpose_4": "TransposeOp", "matmul_4": "MatMulOp", "_param_constant44": "const_noop", "clamp_2": "ClampOp", "exp_2": "ExpOp", "mul_5": "MulOp", "add_7": "AddOp", "softmax_2": "SoftmaxOp", "dropout_8": "DropoutOp", "matmul_5": "MatMulOp", "transpose_5": "TransposeOp", "reshape_11": "ReshapeOp", "_param_constant45": "const_noop", "_param_constant46": "const_noop", "linear_16": "LinearOp", "dropout_9": "DropoutOp", "view_14": "ReshapeOp", "permute_13": "TransposeOp", "reshape_12": "ReshapeOp", "slice_38": "GatherOp", "slice_39": "GatherOp", "slice_40": "GatherOp", "slice_41": "GatherOp", "contiguous_3": "noop", "_param_constant47": "const_noop", "_param_constant48": "const_noop", "layer_norm_6": "LayerNormOp", "add_8": "AddOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "linear_17": "LinearOp", "gelu_2": "GeluOp", "dropout_10": "DropoutOp", "_param_constant51": "const_noop", "_param_constant52": "const_noop", "linear_18": "LinearOp", "dropout_11": "DropoutOp", "_param_constant53": "const_noop", "_param_constant54": "const_noop", "layer_norm_7": "LayerNormOp", "add_9": "AddOp", "_tensor_constant15": "const_noop", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "linear_19": "LinearOp", "relu__3": "ReluOp", "_param_constant57": "const_noop", "linear_20": "LinearOp", "view_15": "ReshapeOp", "_tensor_constant16": "const_noop", "index_3": "unknown", "view_16": "ReshapeOp", "permute_14": "TransposeOp", "contiguous_4": "noop", "unsqueeze_7": "ReshapeOp", "sigmoid_3": "SigmoidOp", "mul_6": "MulOp", "pad_4": "PadOp", "roll_2": "unknown", "view_17": "ReshapeOp", "permute_15": "TransposeOp", "reshape_13": "ReshapeOp", "_param_constant58": "const_noop", "clone_3": "noop", "slice_42": "GatherOp", "zero__3": "unknown", "_param_constant59": "const_noop", "linear_21": "LinearOp", "reshape_14": "ReshapeOp", "permute_16": "TransposeOp", "select_9": "GatherOp", "select_10": "GatherOp", "select_11": "GatherOp", "linalg_vector_norm_6": "VectorNormOp", "clamp_min_6": "ClampOp", "expand_as_6": "ExpandAsOp", "div_6": "DivOp", "linalg_vector_norm_7": "VectorNormOp", "clamp_min_7": "ClampOp", "expand_as_7": "ExpandAsOp", "div_7": "DivOp", "transpose_6": "TransposeOp", "matmul_6": "MatMulOp", "_param_constant60": "const_noop", "clamp_3": "ClampOp", "exp_3": "ExpOp", "mul_7": "MulOp", "add_10": "AddOp", "new_zeros_1": "unknown", "_tensor_constant17": "const_noop", "lift_fresh_copy_9": "unknown", "slice_43": "GatherOp", "slice_44": "GatherOp", "fill__9": "unknown", "_tensor_constant18": "const_noop", "lift_fresh_copy_10": "unknown", "slice_45": "GatherOp", "slice_46": "GatherOp", "fill__10": "unknown", "_tensor_constant19": "const_noop", "lift_fresh_copy_11": "unknown", "slice_47": "GatherOp", "slice_48": "GatherOp", "fill__11": "unknown", "_tensor_constant20": "const_noop", "lift_fresh_copy_12": "unknown", "slice_49": "GatherOp", "slice_50": "GatherOp", "fill__12": "unknown", "_tensor_constant21": "const_noop", "lift_fresh_copy_13": "unknown", "slice_51": "GatherOp", "slice_52": "GatherOp", "fill__13": "unknown", "_tensor_constant22": "const_noop", "lift_fresh_copy_14": "unknown", "slice_53": "GatherOp", "slice_54": "GatherOp", "fill__14": "unknown", "_tensor_constant23": "const_noop", "lift_fresh_copy_15": "unknown", "slice_55": "GatherOp", "slice_56": "GatherOp", "fill__15": "unknown", "_tensor_constant24": "const_noop", "lift_fresh_copy_16": "unknown", "slice_57": "GatherOp", "slice_58": "GatherOp", "fill__16": "unknown", "_tensor_constant25": "const_noop", "lift_fresh_copy_17": "unknown", "slice_59": "GatherOp", "slice_60": "GatherOp", "fill__17": "unknown", "view_18": "ReshapeOp", "permute_17": "TransposeOp", "reshape_15": "ReshapeOp", "unsqueeze_8": "ReshapeOp", "unsqueeze_9": "ReshapeOp", "sub_1": "SubOp", "ne_1": "unknown", "masked_fill_2": "ScatterOp", "eq_1": "unknown", "masked_fill_3": "ScatterOp", "view_19": "ReshapeOp", "unsqueeze_10": "ReshapeOp", "unsqueeze_11": "ReshapeOp", "add_11": "AddOp", "view_20": "ReshapeOp", "softmax_3": "SoftmaxOp", "dropout_12": "DropoutOp", "matmul_7": "MatMulOp", "transpose_7": "TransposeOp", "reshape_16": "ReshapeOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "linear_22": "LinearOp", "dropout_13": "DropoutOp", "view_21": "ReshapeOp", "permute_18": "TransposeOp", "reshape_17": "ReshapeOp", "roll_3": "unknown", "slice_61": "GatherOp", "slice_62": "GatherOp", "slice_63": "GatherOp", "slice_64": "GatherOp", "contiguous_5": "noop", "_param_constant63": "const_noop", "_param_constant64": "const_noop", "layer_norm_8": "LayerNormOp", "add_12": "AddOp", "_param_constant65": "const_noop", "_param_constant66": "const_noop", "linear_23": "LinearOp", "gelu_3": "GeluOp", "dropout_14": "DropoutOp", "_param_constant67": "const_noop", "_param_constant68": "const_noop", "linear_24": "LinearOp", "dropout_15": "DropoutOp", "_param_constant69": "const_noop", "_param_constant70": "const_noop", "layer_norm_9": "LayerNormOp", "add_13": "AddOp", "pad_5": "PadOp", "slice_65": "GatherOp", "slice_66": "GatherOp", "slice_67": "GatherOp", "slice_68": "GatherOp", "slice_69": "GatherOp", "slice_70": "GatherOp", "slice_71": "GatherOp", "slice_72": "GatherOp", "slice_73": "GatherOp", "slice_74": "GatherOp", "slice_75": "GatherOp", "slice_76": "GatherOp", "cat_1": "CatOp", "_param_constant71": "const_noop", "linear_25": "LinearOp", "_param_constant72": "const_noop", "_param_constant73": "const_noop", "layer_norm_10": "LayerNormOp", "_tensor_constant26": "const_noop", "_param_constant74": "const_noop", "_param_constant75": "const_noop", "linear_26": "LinearOp", "relu__4": "ReluOp", "_param_constant76": "const_noop", "linear_27": "LinearOp", "view_22": "ReshapeOp", "_tensor_constant27": "const_noop", "index_4": "unknown", "view_23": "ReshapeOp", "permute_19": "TransposeOp", "contiguous_6": "noop", "unsqueeze_12": "ReshapeOp", "sigmoid_4": "SigmoidOp", "mul_8": "MulOp", "pad_6": "PadOp", "view_24": "ReshapeOp", "permute_20": "TransposeOp", "reshape_18": "ReshapeOp", "_param_constant77": "const_noop", "clone_4": "noop", "slice_77": "GatherOp", "zero__4": "unknown", "_param_constant78": "const_noop", "linear_28": "LinearOp", "reshape_19": "ReshapeOp", "permute_21": "TransposeOp", "select_12": "GatherOp", "select_13": "GatherOp", "select_14": "GatherOp", "linalg_vector_norm_8": "VectorNormOp", "clamp_min_8": "ClampOp", "expand_as_8": "ExpandAsOp", "div_8": "DivOp", "linalg_vector_norm_9": "VectorNormOp", "clamp_min_9": "ClampOp", "expand_as_9": "ExpandAsOp", "div_9": "DivOp", "transpose_8": "TransposeOp", "matmul_8": "MatMulOp", "_param_constant79": "const_noop", "clamp_4": "ClampOp", "exp_4": "ExpOp", "mul_9": "MulOp", "add_14": "AddOp", "softmax_4": "SoftmaxOp", "dropout_16": "DropoutOp", "matmul_9": "MatMulOp", "transpose_9": "TransposeOp", "reshape_20": "ReshapeOp", "_param_constant80": "const_noop", "_param_constant81": "const_noop", "linear_29": "LinearOp", "dropout_17": "DropoutOp", "view_25": "ReshapeOp", "permute_22": "TransposeOp", "reshape_21": "ReshapeOp", "slice_78": "GatherOp", "slice_79": "GatherOp", "slice_80": "GatherOp", "slice_81": "GatherOp", "contiguous_7": "noop", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "layer_norm_11": "LayerNormOp", "add_15": "AddOp", "_param_constant84": "const_noop", "_param_constant85": "const_noop", "linear_30": "LinearOp", "gelu_4": "GeluOp", "dropout_18": "DropoutOp", "_param_constant86": "const_noop", "_param_constant87": "const_noop", "linear_31": "LinearOp", "dropout_19": "DropoutOp", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "layer_norm_12": "LayerNormOp", "add_16": "AddOp", "_tensor_constant28": "const_noop", "_param_constant90": "const_noop", "_param_constant91": "const_noop", "linear_32": "LinearOp", "relu__5": "ReluOp", "_param_constant92": "const_noop", "linear_33": "LinearOp", "view_26": "ReshapeOp", "_tensor_constant29": "const_noop", "index_5": "unknown", "view_27": "ReshapeOp", "permute_23": "TransposeOp", "contiguous_8": "noop", "unsqueeze_13": "ReshapeOp", "sigmoid_5": "SigmoidOp", "mul_10": "MulOp", "pad_7": "PadOp", "roll_4": "unknown", "view_28": "ReshapeOp", "permute_24": "TransposeOp", "reshape_22": "ReshapeOp", "_param_constant93": "const_noop", "clone_5": "noop", "slice_82": "GatherOp", "zero__5": "unknown", "_param_constant94": "const_noop", "linear_34": "LinearOp", "reshape_23": "ReshapeOp", "permute_25": "TransposeOp", "select_15": "GatherOp", "select_16": "GatherOp", "select_17": "GatherOp", "linalg_vector_norm_10": "VectorNormOp", "clamp_min_10": "ClampOp", "expand_as_10": "ExpandAsOp", "div_10": "DivOp", "linalg_vector_norm_11": "VectorNormOp", "clamp_min_11": "ClampOp", "expand_as_11": "ExpandAsOp", "div_11": "DivOp", "transpose_10": "TransposeOp", "matmul_10": "MatMulOp", "_param_constant95": "const_noop", "clamp_5": "ClampOp", "exp_5": "ExpOp", "mul_11": "MulOp", "add_17": "AddOp", "new_zeros_2": "unknown", "_tensor_constant30": "const_noop", "lift_fresh_copy_18": "unknown", "slice_83": "GatherOp", "slice_84": "GatherOp", "fill__18": "unknown", "_tensor_constant31": "const_noop", "lift_fresh_copy_19": "unknown", "slice_85": "GatherOp", "slice_86": "GatherOp", "fill__19": "unknown", "_tensor_constant32": "const_noop", "lift_fresh_copy_20": "unknown", "slice_87": "GatherOp", "slice_88": "GatherOp", "fill__20": "unknown", "_tensor_constant33": "const_noop", "lift_fresh_copy_21": "unknown", "slice_89": "GatherOp", "slice_90": "GatherOp", "fill__21": "unknown", "_tensor_constant34": "const_noop", "lift_fresh_copy_22": "unknown", "slice_91": "GatherOp", "slice_92": "GatherOp", "fill__22": "unknown", "_tensor_constant35": "const_noop", "lift_fresh_copy_23": "unknown", "slice_93": "GatherOp", "slice_94": "GatherOp", "fill__23": "unknown", "_tensor_constant36": "const_noop", "lift_fresh_copy_24": "unknown", "slice_95": "GatherOp", "slice_96": "GatherOp", "fill__24": "unknown", "_tensor_constant37": "const_noop", "lift_fresh_copy_25": "unknown", "slice_97": "GatherOp", "slice_98": "GatherOp", "fill__25": "unknown", "_tensor_constant38": "const_noop", "lift_fresh_copy_26": "unknown", "slice_99": "GatherOp", "slice_100": "GatherOp", "fill__26": "unknown", "view_29": "ReshapeOp", "permute_26": "TransposeOp", "reshape_24": "ReshapeOp", "unsqueeze_14": "ReshapeOp", "unsqueeze_15": "ReshapeOp", "sub_2": "SubOp", "ne_2": "unknown", "masked_fill_4": "ScatterOp", "eq_2": "unknown", "masked_fill_5": "ScatterOp", "view_30": "ReshapeOp", "unsqueeze_16": "ReshapeOp", "unsqueeze_17": "ReshapeOp", "add_18": "AddOp", "view_31": "ReshapeOp", "softmax_5": "SoftmaxOp", "dropout_20": "DropoutOp", "matmul_11": "MatMulOp", "transpose_11": "TransposeOp", "reshape_25": "ReshapeOp", "_param_constant96": "const_noop", "_param_constant97": "const_noop", "linear_35": "LinearOp", "dropout_21": "DropoutOp", "view_32": "ReshapeOp", "permute_27": "TransposeOp", "reshape_26": "ReshapeOp", "roll_5": "unknown", "slice_101": "GatherOp", "slice_102": "GatherOp", "slice_103": "GatherOp", "slice_104": "GatherOp", "contiguous_9": "noop", "_param_constant98": "const_noop", "_param_constant99": "const_noop", "layer_norm_13": "LayerNormOp", "add_19": "AddOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "linear_36": "LinearOp", "gelu_5": "GeluOp", "dropout_22": "DropoutOp", "_param_constant102": "const_noop", "_param_constant103": "const_noop", "linear_37": "LinearOp", "dropout_23": "DropoutOp", "_param_constant104": "const_noop", "_param_constant105": "const_noop", "layer_norm_14": "LayerNormOp", "add_20": "AddOp", "_tensor_constant39": "const_noop", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "linear_38": "LinearOp", "relu__6": "ReluOp", "_param_constant108": "const_noop", "linear_39": "LinearOp", "view_33": "ReshapeOp", "_tensor_constant40": "const_noop", "index_6": "unknown", "view_34": "ReshapeOp", "permute_28": "TransposeOp", "contiguous_10": "noop", "unsqueeze_18": "ReshapeOp", "sigmoid_6": "SigmoidOp", "mul_12": "MulOp", "pad_8": "PadOp", "view_35": "ReshapeOp", "permute_29": "TransposeOp", "reshape_27": "ReshapeOp", "_param_constant109": "const_noop", "clone_6": "noop", "slice_105": "GatherOp", "zero__6": "unknown", "_param_constant110": "const_noop", "linear_40": "LinearOp", "reshape_28": "ReshapeOp", "permute_30": "TransposeOp", "select_18": "GatherOp", "select_19": "GatherOp", "select_20": "GatherOp", "linalg_vector_norm_12": "VectorNormOp", "clamp_min_12": "ClampOp", "expand_as_12": "ExpandAsOp", "div_12": "DivOp", "linalg_vector_norm_13": "VectorNormOp", "clamp_min_13": "ClampOp", "expand_as_13": "ExpandAsOp", "div_13": "DivOp", "transpose_12": "TransposeOp", "matmul_12": "MatMulOp", "_param_constant111": "const_noop", "clamp_6": "ClampOp", "exp_6": "ExpOp", "mul_13": "MulOp", "add_21": "AddOp", "softmax_6": "SoftmaxOp", "dropout_24": "DropoutOp", "matmul_13": "MatMulOp", "transpose_13": "TransposeOp", "reshape_29": "ReshapeOp", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "linear_41": "LinearOp", "dropout_25": "DropoutOp", "view_36": "ReshapeOp", "permute_31": "TransposeOp", "reshape_30": "ReshapeOp", "slice_106": "GatherOp", "slice_107": "GatherOp", "slice_108": "GatherOp", "slice_109": "GatherOp", "contiguous_11": "noop", "_param_constant114": "const_noop", "_param_constant115": "const_noop", "layer_norm_15": "LayerNormOp", "add_22": "AddOp", "_param_constant116": "const_noop", "_param_constant117": "const_noop", "linear_42": "LinearOp", "gelu_6": "GeluOp", "dropout_26": "DropoutOp", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "linear_43": "LinearOp", "dropout_27": "DropoutOp", "_param_constant120": "const_noop", "_param_constant121": "const_noop", "layer_norm_16": "LayerNormOp", "add_23": "AddOp", "_tensor_constant41": "const_noop", "_param_constant122": "const_noop", "_param_constant123": "const_noop", "linear_44": "LinearOp", "relu__7": "ReluOp", "_param_constant124": "const_noop", "linear_45": "LinearOp", "view_37": "ReshapeOp", "_tensor_constant42": "const_noop", "index_7": "unknown", "view_38": "ReshapeOp", "permute_32": "TransposeOp", "contiguous_12": "noop", "unsqueeze_19": "ReshapeOp", "sigmoid_7": "SigmoidOp", "mul_14": "MulOp", "pad_9": "PadOp", "roll_6": "unknown", "view_39": "ReshapeOp", "permute_33": "TransposeOp", "reshape_31": "ReshapeOp", "_param_constant125": "const_noop", "clone_7": "noop", "slice_110": "GatherOp", "zero__7": "unknown", "_param_constant126": "const_noop", "linear_46": "LinearOp", "reshape_32": "ReshapeOp", "permute_34": "TransposeOp", "select_21": "GatherOp", "select_22": "GatherOp", "select_23": "GatherOp", "linalg_vector_norm_14": "VectorNormOp", "clamp_min_14": "ClampOp", "expand_as_14": "ExpandAsOp", "div_14": "DivOp", "linalg_vector_norm_15": "VectorNormOp", "clamp_min_15": "ClampOp", "expand_as_15": "ExpandAsOp", "div_15": "DivOp", "transpose_14": "TransposeOp", "matmul_14": "MatMulOp", "_param_constant127": "const_noop", "clamp_7": "ClampOp", "exp_7": "ExpOp", "mul_15": "MulOp", "add_24": "AddOp", "new_zeros_3": "unknown", "_tensor_constant43": "const_noop", "lift_fresh_copy_27": "unknown", "slice_111": "GatherOp", "slice_112": "GatherOp", "fill__27": "unknown", "_tensor_constant44": "const_noop", "lift_fresh_copy_28": "unknown", "slice_113": "GatherOp", "slice_114": "GatherOp", "fill__28": "unknown", "_tensor_constant45": "const_noop", "lift_fresh_copy_29": "unknown", "slice_115": "GatherOp", "slice_116": "GatherOp", "fill__29": "unknown", "_tensor_constant46": "const_noop", "lift_fresh_copy_30": "unknown", "slice_117": "GatherOp", "slice_118": "GatherOp", "fill__30": "unknown", "_tensor_constant47": "const_noop", "lift_fresh_copy_31": "unknown", "slice_119": "GatherOp", "slice_120": "GatherOp", "fill__31": "unknown", "_tensor_constant48": "const_noop", "lift_fresh_copy_32": "unknown", "slice_121": "GatherOp", "slice_122": "GatherOp", "fill__32": "unknown", "_tensor_constant49": "const_noop", "lift_fresh_copy_33": "unknown", "slice_123": "GatherOp", "slice_124": "GatherOp", "fill__33": "unknown", "_tensor_constant50": "const_noop", "lift_fresh_copy_34": "unknown", "slice_125": "GatherOp", "slice_126": "GatherOp", "fill__34": "unknown", "_tensor_constant51": "const_noop", "lift_fresh_copy_35": "unknown", "slice_127": "GatherOp", "slice_128": "GatherOp", "fill__35": "unknown", "view_40": "ReshapeOp", "permute_35": "TransposeOp", "reshape_33": "ReshapeOp", "unsqueeze_20": "ReshapeOp", "unsqueeze_21": "ReshapeOp", "sub_3": "SubOp", "ne_3": "unknown", "masked_fill_6": "ScatterOp", "eq_3": "unknown", "masked_fill_7": "ScatterOp", "view_41": "ReshapeOp", "unsqueeze_22": "ReshapeOp", "unsqueeze_23": "ReshapeOp", "add_25": "AddOp", "view_42": "ReshapeOp", "softmax_7": "SoftmaxOp", "dropout_28": "DropoutOp", "matmul_15": "MatMulOp", "transpose_15": "TransposeOp", "reshape_34": "ReshapeOp", "_param_constant128": "const_noop", "_param_constant129": "const_noop", "linear_47": "LinearOp", "dropout_29": "DropoutOp", "view_43": "ReshapeOp", "permute_36": "TransposeOp", "reshape_35": "ReshapeOp", "roll_7": "unknown", "slice_129": "GatherOp", "slice_130": "GatherOp", "slice_131": "GatherOp", "slice_132": "GatherOp", "contiguous_13": "noop", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "layer_norm_17": "LayerNormOp", "add_26": "AddOp", "_param_constant132": "const_noop", "_param_constant133": "const_noop", "linear_48": "LinearOp", "gelu_7": "GeluOp", "dropout_30": "DropoutOp", "_param_constant134": "const_noop", "_param_constant135": "const_noop", "linear_49": "LinearOp", "dropout_31": "DropoutOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "layer_norm_18": "LayerNormOp", "add_27": "AddOp", "_tensor_constant52": "const_noop", "_param_constant138": "const_noop", "_param_constant139": "const_noop", "linear_50": "LinearOp", "relu__8": "ReluOp", "_param_constant140": "const_noop", "linear_51": "LinearOp", "view_44": "ReshapeOp", "_tensor_constant53": "const_noop", "index_8": "unknown", "view_45": "ReshapeOp", "permute_37": "TransposeOp", "contiguous_14": "noop", "unsqueeze_24": "ReshapeOp", "sigmoid_8": "SigmoidOp", "mul_16": "MulOp", "pad_10": "PadOp", "view_46": "ReshapeOp", "permute_38": "TransposeOp", "reshape_36": "ReshapeOp", "_param_constant141": "const_noop", "clone_8": "noop", "slice_133": "GatherOp", "zero__8": "unknown", "_param_constant142": "const_noop", "linear_52": "LinearOp", "reshape_37": "ReshapeOp", "permute_39": "TransposeOp", "select_24": "GatherOp", "select_25": "GatherOp", "select_26": "GatherOp", "linalg_vector_norm_16": "VectorNormOp", "clamp_min_16": "ClampOp", "expand_as_16": "ExpandAsOp", "div_16": "DivOp", "linalg_vector_norm_17": "VectorNormOp", "clamp_min_17": "ClampOp", "expand_as_17": "ExpandAsOp", "div_17": "DivOp", "transpose_16": "TransposeOp", "matmul_16": "MatMulOp", "_param_constant143": "const_noop", "clamp_8": "ClampOp", "exp_8": "ExpOp", "mul_17": "MulOp", "add_28": "AddOp", "softmax_8": "SoftmaxOp", "dropout_32": "DropoutOp", "matmul_17": "MatMulOp", "transpose_17": "TransposeOp", "reshape_38": "ReshapeOp", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "linear_53": "LinearOp", "dropout_33": "DropoutOp", "view_47": "ReshapeOp", "permute_40": "TransposeOp", "reshape_39": "ReshapeOp", "slice_134": "GatherOp", "slice_135": "GatherOp", "slice_136": "GatherOp", "slice_137": "GatherOp", "contiguous_15": "noop", "_param_constant146": "const_noop", "_param_constant147": "const_noop", "layer_norm_19": "LayerNormOp", "add_29": "AddOp", "_param_constant148": "const_noop", "_param_constant149": "const_noop", "linear_54": "LinearOp", "gelu_8": "GeluOp", "dropout_34": "DropoutOp", "_param_constant150": "const_noop", "_param_constant151": "const_noop", "linear_55": "LinearOp", "dropout_35": "DropoutOp", "_param_constant152": "const_noop", "_param_constant153": "const_noop", "layer_norm_20": "LayerNormOp", "add_30": "AddOp", "_tensor_constant54": "const_noop", "_param_constant154": "const_noop", "_param_constant155": "const_noop", "linear_56": "LinearOp", "relu__9": "ReluOp", "_param_constant156": "const_noop", "linear_57": "LinearOp", "view_48": "ReshapeOp", "_tensor_constant55": "const_noop", "index_9": "unknown", "view_49": "ReshapeOp", "permute_41": "TransposeOp", "contiguous_16": "noop", "unsqueeze_25": "ReshapeOp", "sigmoid_9": "SigmoidOp", "mul_18": "MulOp", "pad_11": "PadOp", "roll_8": "unknown", "view_50": "ReshapeOp", "permute_42": "TransposeOp", "reshape_40": "ReshapeOp", "_param_constant157": "const_noop", "clone_9": "noop", "slice_138": "GatherOp", "zero__9": "unknown", "_param_constant158": "const_noop", "linear_58": "LinearOp", "reshape_41": "ReshapeOp", "permute_43": "TransposeOp", "select_27": "GatherOp", "select_28": "GatherOp", "select_29": "GatherOp", "linalg_vector_norm_18": "VectorNormOp", "clamp_min_18": "ClampOp", "expand_as_18": "ExpandAsOp", "div_18": "DivOp", "linalg_vector_norm_19": "VectorNormOp", "clamp_min_19": "ClampOp", "expand_as_19": "ExpandAsOp", "div_19": "DivOp", "transpose_18": "TransposeOp", "matmul_18": "MatMulOp", "_param_constant159": "const_noop", "clamp_9": "ClampOp", "exp_9": "ExpOp", "mul_19": "MulOp", "add_31": "AddOp", "new_zeros_4": "unknown", "_tensor_constant56": "const_noop", "lift_fresh_copy_36": "unknown", "slice_139": "GatherOp", "slice_140": "GatherOp", "fill__36": "unknown", "_tensor_constant57": "const_noop", "lift_fresh_copy_37": "unknown", "slice_141": "GatherOp", "slice_142": "GatherOp", "fill__37": "unknown", "_tensor_constant58": "const_noop", "lift_fresh_copy_38": "unknown", "slice_143": "GatherOp", "slice_144": "GatherOp", "fill__38": "unknown", "_tensor_constant59": "const_noop", "lift_fresh_copy_39": "unknown", "slice_145": "GatherOp", "slice_146": "GatherOp", "fill__39": "unknown", "_tensor_constant60": "const_noop", "lift_fresh_copy_40": "unknown", "slice_147": "GatherOp", "slice_148": "GatherOp", "fill__40": "unknown", "_tensor_constant61": "const_noop", "lift_fresh_copy_41": "unknown", "slice_149": "GatherOp", "slice_150": "GatherOp", "fill__41": "unknown", "_tensor_constant62": "const_noop", "lift_fresh_copy_42": "unknown", "slice_151": "GatherOp", "slice_152": "GatherOp", "fill__42": "unknown", "_tensor_constant63": "const_noop", "lift_fresh_copy_43": "unknown", "slice_153": "GatherOp", "slice_154": "GatherOp", "fill__43": "unknown", "_tensor_constant64": "const_noop", "lift_fresh_copy_44": "unknown", "slice_155": "GatherOp", "slice_156": "GatherOp", "fill__44": "unknown", "view_51": "ReshapeOp", "permute_44": "TransposeOp", "reshape_42": "ReshapeOp", "unsqueeze_26": "ReshapeOp", "unsqueeze_27": "ReshapeOp", "sub_4": "SubOp", "ne_4": "unknown", "masked_fill_8": "ScatterOp", "eq_4": "unknown", "masked_fill_9": "ScatterOp", "view_52": "ReshapeOp", "unsqueeze_28": "ReshapeOp", "unsqueeze_29": "ReshapeOp", "add_32": "AddOp", "view_53": "ReshapeOp", "softmax_9": "SoftmaxOp", "dropout_36": "DropoutOp", "matmul_19": "MatMulOp", "transpose_19": "TransposeOp", "reshape_43": "ReshapeOp", "_param_constant160": "const_noop", "_param_constant161": "const_noop", "linear_59": "LinearOp", "dropout_37": "DropoutOp", "view_54": "ReshapeOp", "permute_45": "TransposeOp", "reshape_44": "ReshapeOp", "roll_9": "unknown", "slice_157": "GatherOp", "slice_158": "GatherOp", "slice_159": "GatherOp", "slice_160": "GatherOp", "contiguous_17": "noop", "_param_constant162": "const_noop", "_param_constant163": "const_noop", "layer_norm_21": "LayerNormOp", "add_33": "AddOp", "_param_constant164": "const_noop", "_param_constant165": "const_noop", "linear_60": "LinearOp", "gelu_9": "GeluOp", "dropout_38": "DropoutOp", "_param_constant166": "const_noop", "_param_constant167": "const_noop", "linear_61": "LinearOp", "dropout_39": "DropoutOp", "_param_constant168": "const_noop", "_param_constant169": "const_noop", "layer_norm_22": "LayerNormOp", "add_34": "AddOp", "_tensor_constant65": "const_noop", "_param_constant170": "const_noop", "_param_constant171": "const_noop", "linear_62": "LinearOp", "relu__10": "ReluOp", "_param_constant172": "const_noop", "linear_63": "LinearOp", "view_55": "ReshapeOp", "_tensor_constant66": "const_noop", "index_10": "unknown", "view_56": "ReshapeOp", "permute_46": "TransposeOp", "contiguous_18": "noop", "unsqueeze_30": "ReshapeOp", "sigmoid_10": "SigmoidOp", "mul_20": "MulOp", "pad_12": "PadOp", "view_57": "ReshapeOp", "permute_47": "TransposeOp", "reshape_45": "ReshapeOp", "_param_constant173": "const_noop", "clone_10": "noop", "slice_161": "GatherOp", "zero__10": "unknown", "_param_constant174": "const_noop", "linear_64": "LinearOp", "reshape_46": "ReshapeOp", "permute_48": "TransposeOp", "select_30": "GatherOp", "select_31": "GatherOp", "select_32": "GatherOp", "linalg_vector_norm_20": "VectorNormOp", "clamp_min_20": "ClampOp", "expand_as_20": "ExpandAsOp", "div_20": "DivOp", "linalg_vector_norm_21": "VectorNormOp", "clamp_min_21": "ClampOp", "expand_as_21": "ExpandAsOp", "div_21": "DivOp", "transpose_20": "TransposeOp", "matmul_20": "MatMulOp", "_param_constant175": "const_noop", "clamp_10": "ClampOp", "exp_10": "ExpOp", "mul_21": "MulOp", "add_35": "AddOp", "softmax_10": "SoftmaxOp", "dropout_40": "DropoutOp", "matmul_21": "MatMulOp", "transpose_21": "TransposeOp", "reshape_47": "ReshapeOp", "_param_constant176": "const_noop", "_param_constant177": "const_noop", "linear_65": "LinearOp", "dropout_41": "DropoutOp", "view_58": "ReshapeOp", "permute_49": "TransposeOp", "reshape_48": "ReshapeOp", "slice_162": "GatherOp", "slice_163": "GatherOp", "slice_164": "GatherOp", "slice_165": "GatherOp", "contiguous_19": "noop", "_param_constant178": "const_noop", "_param_constant179": "const_noop", "layer_norm_23": "LayerNormOp", "add_36": "AddOp", "_param_constant180": "const_noop", "_param_constant181": "const_noop", "linear_66": "LinearOp", "gelu_10": "GeluOp", "dropout_42": "DropoutOp", "_param_constant182": "const_noop", "_param_constant183": "const_noop", "linear_67": "LinearOp", "dropout_43": "DropoutOp", "_param_constant184": "const_noop", "_param_constant185": "const_noop", "layer_norm_24": "LayerNormOp", "add_37": "AddOp", "_tensor_constant67": "const_noop", "_param_constant186": "const_noop", "_param_constant187": "const_noop", "linear_68": "LinearOp", "relu__11": "ReluOp", "_param_constant188": "const_noop", "linear_69": "LinearOp", "view_59": "ReshapeOp", "_tensor_constant68": "const_noop", "index_11": "unknown", "view_60": "ReshapeOp", "permute_50": "TransposeOp", "contiguous_20": "noop", "unsqueeze_31": "ReshapeOp", "sigmoid_11": "SigmoidOp", "mul_22": "MulOp", "pad_13": "PadOp", "roll_10": "unknown", "view_61": "ReshapeOp", "permute_51": "TransposeOp", "reshape_49": "ReshapeOp", "_param_constant189": "const_noop", "clone_11": "noop", "slice_166": "GatherOp", "zero__11": "unknown", "_param_constant190": "const_noop", "linear_70": "LinearOp", "reshape_50": "ReshapeOp", "permute_52": "TransposeOp", "select_33": "GatherOp", "select_34": "GatherOp", "select_35": "GatherOp", "linalg_vector_norm_22": "VectorNormOp", "clamp_min_22": "ClampOp", "expand_as_22": "ExpandAsOp", "div_22": "DivOp", "linalg_vector_norm_23": "VectorNormOp", "clamp_min_23": "ClampOp", "expand_as_23": "ExpandAsOp", "div_23": "DivOp", "transpose_22": "TransposeOp", "matmul_22": "MatMulOp", "_param_constant191": "const_noop", "clamp_11": "ClampOp", "exp_11": "ExpOp", "mul_23": "MulOp", "add_38": "AddOp", "new_zeros_5": "unknown", "_tensor_constant69": "const_noop", "lift_fresh_copy_45": "unknown", "slice_167": "GatherOp", "slice_168": "GatherOp", "fill__45": "unknown", "_tensor_constant70": "const_noop", "lift_fresh_copy_46": "unknown", "slice_169": "GatherOp", "slice_170": "GatherOp", "fill__46": "unknown", "_tensor_constant71": "const_noop", "lift_fresh_copy_47": "unknown", "slice_171": "GatherOp", "slice_172": "GatherOp", "fill__47": "unknown", "_tensor_constant72": "const_noop", "lift_fresh_copy_48": "unknown", "slice_173": "GatherOp", "slice_174": "GatherOp", "fill__48": "unknown", "_tensor_constant73": "const_noop", "lift_fresh_copy_49": "unknown", "slice_175": "GatherOp", "slice_176": "GatherOp", "fill__49": "unknown", "_tensor_constant74": "const_noop", "lift_fresh_copy_50": "unknown", "slice_177": "GatherOp", "slice_178": "GatherOp", "fill__50": "unknown", "_tensor_constant75": "const_noop", "lift_fresh_copy_51": "unknown", "slice_179": "GatherOp", "slice_180": "GatherOp", "fill__51": "unknown", "_tensor_constant76": "const_noop", "lift_fresh_copy_52": "unknown", "slice_181": "GatherOp", "slice_182": "GatherOp", "fill__52": "unknown", "_tensor_constant77": "const_noop", "lift_fresh_copy_53": "unknown", "slice_183": "GatherOp", "slice_184": "GatherOp", "fill__53": "unknown", "view_62": "ReshapeOp", "permute_53": "TransposeOp", "reshape_51": "ReshapeOp", "unsqueeze_32": "ReshapeOp", "unsqueeze_33": "ReshapeOp", "sub_5": "SubOp", "ne_5": "unknown", "masked_fill_10": "ScatterOp", "eq_5": "unknown", "masked_fill_11": "ScatterOp", "view_63": "ReshapeOp", "unsqueeze_34": "ReshapeOp", "unsqueeze_35": "ReshapeOp", "add_39": "AddOp", "view_64": "ReshapeOp", "softmax_11": "SoftmaxOp", "dropout_44": "DropoutOp", "matmul_23": "MatMulOp", "transpose_23": "TransposeOp", "reshape_52": "ReshapeOp", "_param_constant192": "const_noop", "_param_constant193": "const_noop", "linear_71": "LinearOp", "dropout_45": "DropoutOp", "view_65": "ReshapeOp", "permute_54": "TransposeOp", "reshape_53": "ReshapeOp", "roll_11": "unknown", "slice_185": "GatherOp", "slice_186": "GatherOp", "slice_187": "GatherOp", "slice_188": "GatherOp", "contiguous_21": "noop", "_param_constant194": "const_noop", "_param_constant195": "const_noop", "layer_norm_25": "LayerNormOp", "add_40": "AddOp", "_param_constant196": "const_noop", "_param_constant197": "const_noop", "linear_72": "LinearOp", "gelu_11": "GeluOp", "dropout_46": "DropoutOp", "_param_constant198": "const_noop", "_param_constant199": "const_noop", "linear_73": "LinearOp", "dropout_47": "DropoutOp", "_param_constant200": "const_noop", "_param_constant201": "const_noop", "layer_norm_26": "LayerNormOp", "add_41": "AddOp", "_tensor_constant78": "const_noop", "_param_constant202": "const_noop", "_param_constant203": "const_noop", "linear_74": "LinearOp", "relu__12": "ReluOp", "_param_constant204": "const_noop", "linear_75": "LinearOp", "view_66": "ReshapeOp", "_tensor_constant79": "const_noop", "index_12": "unknown", "view_67": "ReshapeOp", "permute_55": "TransposeOp", "contiguous_22": "noop", "unsqueeze_36": "ReshapeOp", "sigmoid_12": "SigmoidOp", "mul_24": "MulOp", "pad_14": "PadOp", "view_68": "ReshapeOp", "permute_56": "TransposeOp", "reshape_54": "ReshapeOp", "_param_constant205": "const_noop", "clone_12": "noop", "slice_189": "GatherOp", "zero__12": "unknown", "_param_constant206": "const_noop", "linear_76": "LinearOp", "reshape_55": "ReshapeOp", "permute_57": "TransposeOp", "select_36": "GatherOp", "select_37": "GatherOp", "select_38": "GatherOp", "linalg_vector_norm_24": "VectorNormOp", "clamp_min_24": "ClampOp", "expand_as_24": "ExpandAsOp", "div_24": "DivOp", "linalg_vector_norm_25": "VectorNormOp", "clamp_min_25": "ClampOp", "expand_as_25": "ExpandAsOp", "div_25": "DivOp", "transpose_24": "TransposeOp", "matmul_24": "MatMulOp", "_param_constant207": "const_noop", "clamp_12": "ClampOp", "exp_12": "ExpOp", "mul_25": "MulOp", "add_42": "AddOp", "softmax_12": "SoftmaxOp", "dropout_48": "DropoutOp", "matmul_25": "MatMulOp", "transpose_25": "TransposeOp", "reshape_56": "ReshapeOp", "_param_constant208": "const_noop", "_param_constant209": "const_noop", "linear_77": "LinearOp", "dropout_49": "DropoutOp", "view_69": "ReshapeOp", "permute_58": "TransposeOp", "reshape_57": "ReshapeOp", "slice_190": "GatherOp", "slice_191": "GatherOp", "slice_192": "GatherOp", "slice_193": "GatherOp", "contiguous_23": "noop", "_param_constant210": "const_noop", "_param_constant211": "const_noop", "layer_norm_27": "LayerNormOp", "add_43": "AddOp", "_param_constant212": "const_noop", "_param_constant213": "const_noop", "linear_78": "LinearOp", "gelu_12": "GeluOp", "dropout_50": "DropoutOp", "_param_constant214": "const_noop", "_param_constant215": "const_noop", "linear_79": "LinearOp", "dropout_51": "DropoutOp", "_param_constant216": "const_noop", "_param_constant217": "const_noop", "layer_norm_28": "LayerNormOp", "add_44": "AddOp", "_tensor_constant80": "const_noop", "_param_constant218": "const_noop", "_param_constant219": "const_noop", "linear_80": "LinearOp", "relu__13": "ReluOp", "_param_constant220": "const_noop", "linear_81": "LinearOp", "view_70": "ReshapeOp", "_tensor_constant81": "const_noop", "index_13": "unknown", "view_71": "ReshapeOp", "permute_59": "TransposeOp", "contiguous_24": "noop", "unsqueeze_37": "ReshapeOp", "sigmoid_13": "SigmoidOp", "mul_26": "MulOp", "pad_15": "PadOp", "roll_12": "unknown", "view_72": "ReshapeOp", "permute_60": "TransposeOp", "reshape_58": "ReshapeOp", "_param_constant221": "const_noop", "clone_13": "noop", "slice_194": "GatherOp", "zero__13": "unknown", "_param_constant222": "const_noop", "linear_82": "LinearOp", "reshape_59": "ReshapeOp", "permute_61": "TransposeOp", "select_39": "GatherOp", "select_40": "GatherOp", "select_41": "GatherOp", "linalg_vector_norm_26": "VectorNormOp", "clamp_min_26": "ClampOp", "expand_as_26": "ExpandAsOp", "div_26": "DivOp", "linalg_vector_norm_27": "VectorNormOp", "clamp_min_27": "ClampOp", "expand_as_27": "ExpandAsOp", "div_27": "DivOp", "transpose_26": "TransposeOp", "matmul_26": "MatMulOp", "_param_constant223": "const_noop", "clamp_13": "ClampOp", "exp_13": "ExpOp", "mul_27": "MulOp", "add_45": "AddOp", "new_zeros_6": "unknown", "_tensor_constant82": "const_noop", "lift_fresh_copy_54": "unknown", "slice_195": "GatherOp", "slice_196": "GatherOp", "fill__54": "unknown", "_tensor_constant83": "const_noop", "lift_fresh_copy_55": "unknown", "slice_197": "GatherOp", "slice_198": "GatherOp", "fill__55": "unknown", "_tensor_constant84": "const_noop", "lift_fresh_copy_56": "unknown", "slice_199": "GatherOp", "slice_200": "GatherOp", "fill__56": "unknown", "_tensor_constant85": "const_noop", "lift_fresh_copy_57": "unknown", "slice_201": "GatherOp", "slice_202": "GatherOp", "fill__57": "unknown", "_tensor_constant86": "const_noop", "lift_fresh_copy_58": "unknown", "slice_203": "GatherOp", "slice_204": "GatherOp", "fill__58": "unknown", "_tensor_constant87": "const_noop", "lift_fresh_copy_59": "unknown", "slice_205": "GatherOp", "slice_206": "GatherOp", "fill__59": "unknown", "_tensor_constant88": "const_noop", "lift_fresh_copy_60": "unknown", "slice_207": "GatherOp", "slice_208": "GatherOp", "fill__60": "unknown", "_tensor_constant89": "const_noop", "lift_fresh_copy_61": "unknown", "slice_209": "GatherOp", "slice_210": "GatherOp", "fill__61": "unknown", "_tensor_constant90": "const_noop", "lift_fresh_copy_62": "unknown", "slice_211": "GatherOp", "slice_212": "GatherOp", "fill__62": "unknown", "view_73": "ReshapeOp", "permute_62": "TransposeOp", "reshape_60": "ReshapeOp", "unsqueeze_38": "ReshapeOp", "unsqueeze_39": "ReshapeOp", "sub_6": "SubOp", "ne_6": "unknown", "masked_fill_12": "ScatterOp", "eq_6": "unknown", "masked_fill_13": "ScatterOp", "view_74": "ReshapeOp", "unsqueeze_40": "ReshapeOp", "unsqueeze_41": "ReshapeOp", "add_46": "AddOp", "view_75": "ReshapeOp", "softmax_13": "SoftmaxOp", "dropout_52": "DropoutOp", "matmul_27": "MatMulOp", "transpose_27": "TransposeOp", "reshape_61": "ReshapeOp", "_param_constant224": "const_noop", "_param_constant225": "const_noop", "linear_83": "LinearOp", "dropout_53": "DropoutOp", "view_76": "ReshapeOp", "permute_63": "TransposeOp", "reshape_62": "ReshapeOp", "roll_13": "unknown", "slice_213": "GatherOp", "slice_214": "GatherOp", "slice_215": "GatherOp", "slice_216": "GatherOp", "contiguous_25": "noop", "_param_constant226": "const_noop", "_param_constant227": "const_noop", "layer_norm_29": "LayerNormOp", "add_47": "AddOp", "_param_constant228": "const_noop", "_param_constant229": "const_noop", "linear_84": "LinearOp", "gelu_13": "GeluOp", "dropout_54": "DropoutOp", "_param_constant230": "const_noop", "_param_constant231": "const_noop", "linear_85": "LinearOp", "dropout_55": "DropoutOp", "_param_constant232": "const_noop", "_param_constant233": "const_noop", "layer_norm_30": "LayerNormOp", "add_48": "AddOp", "_tensor_constant91": "const_noop", "_param_constant234": "const_noop", "_param_constant235": "const_noop", "linear_86": "LinearOp", "relu__14": "ReluOp", "_param_constant236": "const_noop", "linear_87": "LinearOp", "view_77": "ReshapeOp", "_tensor_constant92": "const_noop", "index_14": "unknown", "view_78": "ReshapeOp", "permute_64": "TransposeOp", "contiguous_26": "noop", "unsqueeze_42": "ReshapeOp", "sigmoid_14": "SigmoidOp", "mul_28": "MulOp", "pad_16": "PadOp", "view_79": "ReshapeOp", "permute_65": "TransposeOp", "reshape_63": "ReshapeOp", "_param_constant237": "const_noop", "clone_14": "noop", "slice_217": "GatherOp", "zero__14": "unknown", "_param_constant238": "const_noop", "linear_88": "LinearOp", "reshape_64": "ReshapeOp", "permute_66": "TransposeOp", "select_42": "GatherOp", "select_43": "GatherOp", "select_44": "GatherOp", "linalg_vector_norm_28": "VectorNormOp", "clamp_min_28": "ClampOp", "expand_as_28": "ExpandAsOp", "div_28": "DivOp", "linalg_vector_norm_29": "VectorNormOp", "clamp_min_29": "ClampOp", "expand_as_29": "ExpandAsOp", "div_29": "DivOp", "transpose_28": "TransposeOp", "matmul_28": "MatMulOp", "_param_constant239": "const_noop", "clamp_14": "ClampOp", "exp_14": "ExpOp", "mul_29": "MulOp", "add_49": "AddOp", "softmax_14": "SoftmaxOp", "dropout_56": "DropoutOp", "matmul_29": "MatMulOp", "transpose_29": "TransposeOp", "reshape_65": "ReshapeOp", "_param_constant240": "const_noop", "_param_constant241": "const_noop", "linear_89": "LinearOp", "dropout_57": "DropoutOp", "view_80": "ReshapeOp", "permute_67": "TransposeOp", "reshape_66": "ReshapeOp", "slice_218": "GatherOp", "slice_219": "GatherOp", "slice_220": "GatherOp", "slice_221": "GatherOp", "contiguous_27": "noop", "_param_constant242": "const_noop", "_param_constant243": "const_noop", "layer_norm_31": "LayerNormOp", "add_50": "AddOp", "_param_constant244": "const_noop", "_param_constant245": "const_noop", "linear_90": "LinearOp", "gelu_14": "GeluOp", "dropout_58": "DropoutOp", "_param_constant246": "const_noop", "_param_constant247": "const_noop", "linear_91": "LinearOp", "dropout_59": "DropoutOp", "_param_constant248": "const_noop", "_param_constant249": "const_noop", "layer_norm_32": "LayerNormOp", "add_51": "AddOp", "_tensor_constant93": "const_noop", "_param_constant250": "const_noop", "_param_constant251": "const_noop", "linear_92": "LinearOp", "relu__15": "ReluOp", "_param_constant252": "const_noop", "linear_93": "LinearOp", "view_81": "ReshapeOp", "_tensor_constant94": "const_noop", "index_15": "unknown", "view_82": "ReshapeOp", "permute_68": "TransposeOp", "contiguous_28": "noop", "unsqueeze_43": "ReshapeOp", "sigmoid_15": "SigmoidOp", "mul_30": "MulOp", "pad_17": "PadOp", "roll_14": "unknown", "view_83": "ReshapeOp", "permute_69": "TransposeOp", "reshape_67": "ReshapeOp", "_param_constant253": "const_noop", "clone_15": "noop", "slice_222": "GatherOp", "zero__15": "unknown", "_param_constant254": "const_noop", "linear_94": "LinearOp", "reshape_68": "ReshapeOp", "permute_70": "TransposeOp", "select_45": "GatherOp", "select_46": "GatherOp", "select_47": "GatherOp", "linalg_vector_norm_30": "VectorNormOp", "clamp_min_30": "ClampOp", "expand_as_30": "ExpandAsOp", "div_30": "DivOp", "linalg_vector_norm_31": "VectorNormOp", "clamp_min_31": "ClampOp", "expand_as_31": "ExpandAsOp", "div_31": "DivOp", "transpose_30": "TransposeOp", "matmul_30": "MatMulOp", "_param_constant255": "const_noop", "clamp_15": "ClampOp", "exp_15": "ExpOp", "mul_31": "MulOp", "add_52": "AddOp", "new_zeros_7": "unknown", "_tensor_constant95": "const_noop", "lift_fresh_copy_63": "unknown", "slice_223": "GatherOp", "slice_224": "GatherOp", "fill__63": "unknown", "_tensor_constant96": "const_noop", "lift_fresh_copy_64": "unknown", "slice_225": "GatherOp", "slice_226": "GatherOp", "fill__64": "unknown", "_tensor_constant97": "const_noop", "lift_fresh_copy_65": "unknown", "slice_227": "GatherOp", "slice_228": "GatherOp", "fill__65": "unknown", "_tensor_constant98": "const_noop", "lift_fresh_copy_66": "unknown", "slice_229": "GatherOp", "slice_230": "GatherOp", "fill__66": "unknown", "_tensor_constant99": "const_noop", "lift_fresh_copy_67": "unknown", "slice_231": "GatherOp", "slice_232": "GatherOp", "fill__67": "unknown", "_tensor_constant100": "const_noop", "lift_fresh_copy_68": "unknown", "slice_233": "GatherOp", "slice_234": "GatherOp", "fill__68": "unknown", "_tensor_constant101": "const_noop", "lift_fresh_copy_69": "unknown", "slice_235": "GatherOp", "slice_236": "GatherOp", "fill__69": "unknown", "_tensor_constant102": "const_noop", "lift_fresh_copy_70": "unknown", "slice_237": "GatherOp", "slice_238": "GatherOp", "fill__70": "unknown", "_tensor_constant103": "const_noop", "lift_fresh_copy_71": "unknown", "slice_239": "GatherOp", "slice_240": "GatherOp", "fill__71": "unknown", "view_84": "ReshapeOp", "permute_71": "TransposeOp", "reshape_69": "ReshapeOp", "unsqueeze_44": "ReshapeOp", "unsqueeze_45": "ReshapeOp", "sub_7": "SubOp", "ne_7": "unknown", "masked_fill_14": "ScatterOp", "eq_7": "unknown", "masked_fill_15": "ScatterOp", "view_85": "ReshapeOp", "unsqueeze_46": "ReshapeOp", "unsqueeze_47": "ReshapeOp", "add_53": "AddOp", "view_86": "ReshapeOp", "softmax_15": "SoftmaxOp", "dropout_60": "DropoutOp", "matmul_31": "MatMulOp", "transpose_31": "TransposeOp", "reshape_70": "ReshapeOp", "_param_constant256": "const_noop", "_param_constant257": "const_noop", "linear_95": "LinearOp", "dropout_61": "DropoutOp", "view_87": "ReshapeOp", "permute_72": "TransposeOp", "reshape_71": "ReshapeOp", "roll_15": "unknown", "slice_241": "GatherOp", "slice_242": "GatherOp", "slice_243": "GatherOp", "slice_244": "GatherOp", "contiguous_29": "noop", "_param_constant258": "const_noop", "_param_constant259": "const_noop", "layer_norm_33": "LayerNormOp", "add_54": "AddOp", "_param_constant260": "const_noop", "_param_constant261": "const_noop", "linear_96": "LinearOp", "gelu_15": "GeluOp", "dropout_62": "DropoutOp", "_param_constant262": "const_noop", "_param_constant263": "const_noop", "linear_97": "LinearOp", "dropout_63": "DropoutOp", "_param_constant264": "const_noop", "_param_constant265": "const_noop", "layer_norm_34": "LayerNormOp", "add_55": "AddOp", "_tensor_constant104": "const_noop", "_param_constant266": "const_noop", "_param_constant267": "const_noop", "linear_98": "LinearOp", "relu__16": "ReluOp", "_param_constant268": "const_noop", "linear_99": "LinearOp", "view_88": "ReshapeOp", "_tensor_constant105": "const_noop", "index_16": "unknown", "view_89": "ReshapeOp", "permute_73": "TransposeOp", "contiguous_30": "noop", "unsqueeze_48": "ReshapeOp", "sigmoid_16": "SigmoidOp", "mul_32": "MulOp", "pad_18": "PadOp", "view_90": "ReshapeOp", "permute_74": "TransposeOp", "reshape_72": "ReshapeOp", "_param_constant269": "const_noop", "clone_16": "noop", "slice_245": "GatherOp", "zero__16": "unknown", "_param_constant270": "const_noop", "linear_100": "LinearOp", "reshape_73": "ReshapeOp", "permute_75": "TransposeOp", "select_48": "GatherOp", "select_49": "GatherOp", "select_50": "GatherOp", "linalg_vector_norm_32": "VectorNormOp", "clamp_min_32": "ClampOp", "expand_as_32": "ExpandAsOp", "div_32": "DivOp", "linalg_vector_norm_33": "VectorNormOp", "clamp_min_33": "ClampOp", "expand_as_33": "ExpandAsOp", "div_33": "DivOp", "transpose_32": "TransposeOp", "matmul_32": "MatMulOp", "_param_constant271": "const_noop", "clamp_16": "ClampOp", "exp_16": "ExpOp", "mul_33": "MulOp", "add_56": "AddOp", "softmax_16": "SoftmaxOp", "dropout_64": "DropoutOp", "matmul_33": "MatMulOp", "transpose_33": "TransposeOp", "reshape_74": "ReshapeOp", "_param_constant272": "const_noop", "_param_constant273": "const_noop", "linear_101": "LinearOp", "dropout_65": "DropoutOp", "view_91": "ReshapeOp", "permute_76": "TransposeOp", "reshape_75": "ReshapeOp", "slice_246": "GatherOp", "slice_247": "GatherOp", "slice_248": "GatherOp", "slice_249": "GatherOp", "contiguous_31": "noop", "_param_constant274": "const_noop", "_param_constant275": "const_noop", "layer_norm_35": "LayerNormOp", "add_57": "AddOp", "_param_constant276": "const_noop", "_param_constant277": "const_noop", "linear_102": "LinearOp", "gelu_16": "GeluOp", "dropout_66": "DropoutOp", "_param_constant278": "const_noop", "_param_constant279": "const_noop", "linear_103": "LinearOp", "dropout_67": "DropoutOp", "_param_constant280": "const_noop", "_param_constant281": "const_noop", "layer_norm_36": "LayerNormOp", "add_58": "AddOp", "_tensor_constant106": "const_noop", "_param_constant282": "const_noop", "_param_constant283": "const_noop", "linear_104": "LinearOp", "relu__17": "ReluOp", "_param_constant284": "const_noop", "linear_105": "LinearOp", "view_92": "ReshapeOp", "_tensor_constant107": "const_noop", "index_17": "unknown", "view_93": "ReshapeOp", "permute_77": "TransposeOp", "contiguous_32": "noop", "unsqueeze_49": "ReshapeOp", "sigmoid_17": "SigmoidOp", "mul_34": "MulOp", "pad_19": "PadOp", "roll_16": "unknown", "view_94": "ReshapeOp", "permute_78": "TransposeOp", "reshape_76": "ReshapeOp", "_param_constant285": "const_noop", "clone_17": "noop", "slice_250": "GatherOp", "zero__17": "unknown", "_param_constant286": "const_noop", "linear_106": "LinearOp", "reshape_77": "ReshapeOp", "permute_79": "TransposeOp", "select_51": "GatherOp", "select_52": "GatherOp", "select_53": "GatherOp", "linalg_vector_norm_34": "VectorNormOp", "clamp_min_34": "ClampOp", "expand_as_34": "ExpandAsOp", "div_34": "DivOp", "linalg_vector_norm_35": "VectorNormOp", "clamp_min_35": "ClampOp", "expand_as_35": "ExpandAsOp", "div_35": "DivOp", "transpose_34": "TransposeOp", "matmul_34": "MatMulOp", "_param_constant287": "const_noop", "clamp_17": "ClampOp", "exp_17": "ExpOp", "mul_35": "MulOp", "add_59": "AddOp", "new_zeros_8": "unknown", "_tensor_constant108": "const_noop", "lift_fresh_copy_72": "unknown", "slice_251": "GatherOp", "slice_252": "GatherOp", "fill__72": "unknown", "_tensor_constant109": "const_noop", "lift_fresh_copy_73": "unknown", "slice_253": "GatherOp", "slice_254": "GatherOp", "fill__73": "unknown", "_tensor_constant110": "const_noop", "lift_fresh_copy_74": "unknown", "slice_255": "GatherOp", "slice_256": "GatherOp", "fill__74": "unknown", "_tensor_constant111": "const_noop", "lift_fresh_copy_75": "unknown", "slice_257": "GatherOp", "slice_258": "GatherOp", "fill__75": "unknown", "_tensor_constant112": "const_noop", "lift_fresh_copy_76": "unknown", "slice_259": "GatherOp", "slice_260": "GatherOp", "fill__76": "unknown", "_tensor_constant113": "const_noop", "lift_fresh_copy_77": "unknown", "slice_261": "GatherOp", "slice_262": "GatherOp", "fill__77": "unknown", "_tensor_constant114": "const_noop", "lift_fresh_copy_78": "unknown", "slice_263": "GatherOp", "slice_264": "GatherOp", "fill__78": "unknown", "_tensor_constant115": "const_noop", "lift_fresh_copy_79": "unknown", "slice_265": "GatherOp", "slice_266": "GatherOp", "fill__79": "unknown", "_tensor_constant116": "const_noop", "lift_fresh_copy_80": "unknown", "slice_267": "GatherOp", "slice_268": "GatherOp", "fill__80": "unknown", "view_95": "ReshapeOp", "permute_80": "TransposeOp", "reshape_78": "ReshapeOp", "unsqueeze_50": "ReshapeOp", "unsqueeze_51": "ReshapeOp", "sub_8": "SubOp", "ne_8": "unknown", "masked_fill_16": "ScatterOp", "eq_8": "unknown", "masked_fill_17": "ScatterOp", "view_96": "ReshapeOp", "unsqueeze_52": "ReshapeOp", "unsqueeze_53": "ReshapeOp", "add_60": "AddOp", "view_97": "ReshapeOp", "softmax_17": "SoftmaxOp", "dropout_68": "DropoutOp", "matmul_35": "MatMulOp", "transpose_35": "TransposeOp", "reshape_79": "ReshapeOp", "_param_constant288": "const_noop", "_param_constant289": "const_noop", "linear_107": "LinearOp", "dropout_69": "DropoutOp", "view_98": "ReshapeOp", "permute_81": "TransposeOp", "reshape_80": "ReshapeOp", "roll_17": "unknown", "slice_269": "GatherOp", "slice_270": "GatherOp", "slice_271": "GatherOp", "slice_272": "GatherOp", "contiguous_33": "noop", "_param_constant290": "const_noop", "_param_constant291": "const_noop", "layer_norm_37": "LayerNormOp", "add_61": "AddOp", "_param_constant292": "const_noop", "_param_constant293": "const_noop", "linear_108": "LinearOp", "gelu_17": "GeluOp", "dropout_70": "DropoutOp", "_param_constant294": "const_noop", "_param_constant295": "const_noop", "linear_109": "LinearOp", "dropout_71": "DropoutOp", "_param_constant296": "const_noop", "_param_constant297": "const_noop", "layer_norm_38": "LayerNormOp", "add_62": "AddOp", "_tensor_constant117": "const_noop", "_param_constant298": "const_noop", "_param_constant299": "const_noop", "linear_110": "LinearOp", "relu__18": "ReluOp", "_param_constant300": "const_noop", "linear_111": "LinearOp", "view_99": "ReshapeOp", "_tensor_constant118": "const_noop", "index_18": "unknown", "view_100": "ReshapeOp", "permute_82": "TransposeOp", "contiguous_34": "noop", "unsqueeze_54": "ReshapeOp", "sigmoid_18": "SigmoidOp", "mul_36": "MulOp", "pad_20": "PadOp", "view_101": "ReshapeOp", "permute_83": "TransposeOp", "reshape_81": "ReshapeOp", "_param_constant301": "const_noop", "clone_18": "noop", "slice_273": "GatherOp", "zero__18": "unknown", "_param_constant302": "const_noop", "linear_112": "LinearOp", "reshape_82": "ReshapeOp", "permute_84": "TransposeOp", "select_54": "GatherOp", "select_55": "GatherOp", "select_56": "GatherOp", "linalg_vector_norm_36": "VectorNormOp", "clamp_min_36": "ClampOp", "expand_as_36": "ExpandAsOp", "div_36": "DivOp", "linalg_vector_norm_37": "VectorNormOp", "clamp_min_37": "ClampOp", "expand_as_37": "ExpandAsOp", "div_37": "DivOp", "transpose_36": "TransposeOp", "matmul_36": "MatMulOp", "_param_constant303": "const_noop", "clamp_18": "ClampOp", "exp_18": "ExpOp", "mul_37": "MulOp", "add_63": "AddOp", "softmax_18": "SoftmaxOp", "dropout_72": "DropoutOp", "matmul_37": "MatMulOp", "transpose_37": "TransposeOp", "reshape_83": "ReshapeOp", "_param_constant304": "const_noop", "_param_constant305": "const_noop", "linear_113": "LinearOp", "dropout_73": "DropoutOp", "view_102": "ReshapeOp", "permute_85": "TransposeOp", "reshape_84": "ReshapeOp", "slice_274": "GatherOp", "slice_275": "GatherOp", "slice_276": "GatherOp", "slice_277": "GatherOp", "contiguous_35": "noop", "_param_constant306": "const_noop", "_param_constant307": "const_noop", "layer_norm_39": "LayerNormOp", "add_64": "AddOp", "_param_constant308": "const_noop", "_param_constant309": "const_noop", "linear_114": "LinearOp", "gelu_18": "GeluOp", "dropout_74": "DropoutOp", "_param_constant310": "const_noop", "_param_constant311": "const_noop", "linear_115": "LinearOp", "dropout_75": "DropoutOp", "_param_constant312": "const_noop", "_param_constant313": "const_noop", "layer_norm_40": "LayerNormOp", "add_65": "AddOp", "_tensor_constant119": "const_noop", "_param_constant314": "const_noop", "_param_constant315": "const_noop", "linear_116": "LinearOp", "relu__19": "ReluOp", "_param_constant316": "const_noop", "linear_117": "LinearOp", "view_103": "ReshapeOp", "_tensor_constant120": "const_noop", "index_19": "unknown", "view_104": "ReshapeOp", "permute_86": "TransposeOp", "contiguous_36": "noop", "unsqueeze_55": "ReshapeOp", "sigmoid_19": "SigmoidOp", "mul_38": "MulOp", "pad_21": "PadOp", "roll_18": "unknown", "view_105": "ReshapeOp", "permute_87": "TransposeOp", "reshape_85": "ReshapeOp", "_param_constant317": "const_noop", "clone_19": "noop", "slice_278": "GatherOp", "zero__19": "unknown", "_param_constant318": "const_noop", "linear_118": "LinearOp", "reshape_86": "ReshapeOp", "permute_88": "TransposeOp", "select_57": "GatherOp", "select_58": "GatherOp", "select_59": "GatherOp", "linalg_vector_norm_38": "VectorNormOp", "clamp_min_38": "ClampOp", "expand_as_38": "ExpandAsOp", "div_38": "DivOp", "linalg_vector_norm_39": "VectorNormOp", "clamp_min_39": "ClampOp", "expand_as_39": "ExpandAsOp", "div_39": "DivOp", "transpose_38": "TransposeOp", "matmul_38": "MatMulOp", "_param_constant319": "const_noop", "clamp_19": "ClampOp", "exp_19": "ExpOp", "mul_39": "MulOp", "add_66": "AddOp", "new_zeros_9": "unknown", "_tensor_constant121": "const_noop", "lift_fresh_copy_81": "unknown", "slice_279": "GatherOp", "slice_280": "GatherOp", "fill__81": "unknown", "_tensor_constant122": "const_noop", "lift_fresh_copy_82": "unknown", "slice_281": "GatherOp", "slice_282": "GatherOp", "fill__82": "unknown", "_tensor_constant123": "const_noop", "lift_fresh_copy_83": "unknown", "slice_283": "GatherOp", "slice_284": "GatherOp", "fill__83": "unknown", "_tensor_constant124": "const_noop", "lift_fresh_copy_84": "unknown", "slice_285": "GatherOp", "slice_286": "GatherOp", "fill__84": "unknown", "_tensor_constant125": "const_noop", "lift_fresh_copy_85": "unknown", "slice_287": "GatherOp", "slice_288": "GatherOp", "fill__85": "unknown", "_tensor_constant126": "const_noop", "lift_fresh_copy_86": "unknown", "slice_289": "GatherOp", "slice_290": "GatherOp", "fill__86": "unknown", "_tensor_constant127": "const_noop", "lift_fresh_copy_87": "unknown", "slice_291": "GatherOp", "slice_292": "GatherOp", "fill__87": "unknown", "_tensor_constant128": "const_noop", "lift_fresh_copy_88": "unknown", "slice_293": "GatherOp", "slice_294": "GatherOp", "fill__88": "unknown", "_tensor_constant129": "const_noop", "lift_fresh_copy_89": "unknown", "slice_295": "GatherOp", "slice_296": "GatherOp", "fill__89": "unknown", "view_106": "ReshapeOp", "permute_89": "TransposeOp", "reshape_87": "ReshapeOp", "unsqueeze_56": "ReshapeOp", "unsqueeze_57": "ReshapeOp", "sub_9": "SubOp", "ne_9": "unknown", "masked_fill_18": "ScatterOp", "eq_9": "unknown", "masked_fill_19": "ScatterOp", "view_107": "ReshapeOp", "unsqueeze_58": "ReshapeOp", "unsqueeze_59": "ReshapeOp", "add_67": "AddOp", "view_108": "ReshapeOp", "softmax_19": "SoftmaxOp", "dropout_76": "DropoutOp", "matmul_39": "MatMulOp", "transpose_39": "TransposeOp", "reshape_88": "ReshapeOp", "_param_constant320": "const_noop", "_param_constant321": "const_noop", "linear_119": "LinearOp", "dropout_77": "DropoutOp", "view_109": "ReshapeOp", "permute_90": "TransposeOp", "reshape_89": "ReshapeOp", "roll_19": "unknown", "slice_297": "GatherOp", "slice_298": "GatherOp", "slice_299": "GatherOp", "slice_300": "GatherOp", "contiguous_37": "noop", "_param_constant322": "const_noop", "_param_constant323": "const_noop", "layer_norm_41": "LayerNormOp", "add_68": "AddOp", "_param_constant324": "const_noop", "_param_constant325": "const_noop", "linear_120": "LinearOp", "gelu_19": "GeluOp", "dropout_78": "DropoutOp", "_param_constant326": "const_noop", "_param_constant327": "const_noop", "linear_121": "LinearOp", "dropout_79": "DropoutOp", "_param_constant328": "const_noop", "_param_constant329": "const_noop", "layer_norm_42": "LayerNormOp", "add_69": "AddOp", "_tensor_constant130": "const_noop", "_param_constant330": "const_noop", "_param_constant331": "const_noop", "linear_122": "LinearOp", "relu__20": "ReluOp", "_param_constant332": "const_noop", "linear_123": "LinearOp", "view_110": "ReshapeOp", "_tensor_constant131": "const_noop", "index_20": "unknown", "view_111": "ReshapeOp", "permute_91": "TransposeOp", "contiguous_38": "noop", "unsqueeze_60": "ReshapeOp", "sigmoid_20": "SigmoidOp", "mul_40": "MulOp", "pad_22": "PadOp", "view_112": "ReshapeOp", "permute_92": "TransposeOp", "reshape_90": "ReshapeOp", "_param_constant333": "const_noop", "clone_20": "noop", "slice_301": "GatherOp", "zero__20": "unknown", "_param_constant334": "const_noop", "linear_124": "LinearOp", "reshape_91": "ReshapeOp", "permute_93": "TransposeOp", "select_60": "GatherOp", "select_61": "GatherOp", "select_62": "GatherOp", "linalg_vector_norm_40": "VectorNormOp", "clamp_min_40": "ClampOp", "expand_as_40": "ExpandAsOp", "div_40": "DivOp", "linalg_vector_norm_41": "VectorNormOp", "clamp_min_41": "ClampOp", "expand_as_41": "ExpandAsOp", "div_41": "DivOp", "transpose_40": "TransposeOp", "matmul_40": "MatMulOp", "_param_constant335": "const_noop", "clamp_20": "ClampOp", "exp_20": "ExpOp", "mul_41": "MulOp", "add_70": "AddOp", "softmax_20": "SoftmaxOp", "dropout_80": "DropoutOp", "matmul_41": "MatMulOp", "transpose_41": "TransposeOp", "reshape_92": "ReshapeOp", "_param_constant336": "const_noop", "_param_constant337": "const_noop", "linear_125": "LinearOp", "dropout_81": "DropoutOp", "view_113": "ReshapeOp", "permute_94": "TransposeOp", "reshape_93": "ReshapeOp", "slice_302": "GatherOp", "slice_303": "GatherOp", "slice_304": "GatherOp", "slice_305": "GatherOp", "contiguous_39": "noop", "_param_constant338": "const_noop", "_param_constant339": "const_noop", "layer_norm_43": "LayerNormOp", "add_71": "AddOp", "_param_constant340": "const_noop", "_param_constant341": "const_noop", "linear_126": "LinearOp", "gelu_20": "GeluOp", "dropout_82": "DropoutOp", "_param_constant342": "const_noop", "_param_constant343": "const_noop", "linear_127": "LinearOp", "dropout_83": "DropoutOp", "_param_constant344": "const_noop", "_param_constant345": "const_noop", "layer_norm_44": "LayerNormOp", "add_72": "AddOp", "_tensor_constant132": "const_noop", "_param_constant346": "const_noop", "_param_constant347": "const_noop", "linear_128": "LinearOp", "relu__21": "ReluOp", "_param_constant348": "const_noop", "linear_129": "LinearOp", "view_114": "ReshapeOp", "_tensor_constant133": "const_noop", "index_21": "unknown", "view_115": "ReshapeOp", "permute_95": "TransposeOp", "contiguous_40": "noop", "unsqueeze_61": "ReshapeOp", "sigmoid_21": "SigmoidOp", "mul_42": "MulOp", "pad_23": "PadOp", "roll_20": "unknown", "view_116": "ReshapeOp", "permute_96": "TransposeOp", "reshape_94": "ReshapeOp", "_param_constant349": "const_noop", "clone_21": "noop", "slice_306": "GatherOp", "zero__21": "unknown", "_param_constant350": "const_noop", "linear_130": "LinearOp", "reshape_95": "ReshapeOp", "permute_97": "TransposeOp", "select_63": "GatherOp", "select_64": "GatherOp", "select_65": "GatherOp", "linalg_vector_norm_42": "VectorNormOp", "clamp_min_42": "ClampOp", "expand_as_42": "ExpandAsOp", "div_42": "DivOp", "linalg_vector_norm_43": "VectorNormOp", "clamp_min_43": "ClampOp", "expand_as_43": "ExpandAsOp", "div_43": "DivOp", "transpose_42": "TransposeOp", "matmul_42": "MatMulOp", "_param_constant351": "const_noop", "clamp_21": "ClampOp", "exp_21": "ExpOp", "mul_43": "MulOp", "add_73": "AddOp", "new_zeros_10": "unknown", "_tensor_constant134": "const_noop", "lift_fresh_copy_90": "unknown", "slice_307": "GatherOp", "slice_308": "GatherOp", "fill__90": "unknown", "_tensor_constant135": "const_noop", "lift_fresh_copy_91": "unknown", "slice_309": "GatherOp", "slice_310": "GatherOp", "fill__91": "unknown", "_tensor_constant136": "const_noop", "lift_fresh_copy_92": "unknown", "slice_311": "GatherOp", "slice_312": "GatherOp", "fill__92": "unknown", "_tensor_constant137": "const_noop", "lift_fresh_copy_93": "unknown", "slice_313": "GatherOp", "slice_314": "GatherOp", "fill__93": "unknown", "_tensor_constant138": "const_noop", "lift_fresh_copy_94": "unknown", "slice_315": "GatherOp", "slice_316": "GatherOp", "fill__94": "unknown", "_tensor_constant139": "const_noop", "lift_fresh_copy_95": "unknown", "slice_317": "GatherOp", "slice_318": "GatherOp", "fill__95": "unknown", "_tensor_constant140": "const_noop", "lift_fresh_copy_96": "unknown", "slice_319": "GatherOp", "slice_320": "GatherOp", "fill__96": "unknown", "_tensor_constant141": "const_noop", "lift_fresh_copy_97": "unknown", "slice_321": "GatherOp", "slice_322": "GatherOp", "fill__97": "unknown", "_tensor_constant142": "const_noop", "lift_fresh_copy_98": "unknown", "slice_323": "GatherOp", "slice_324": "GatherOp", "fill__98": "unknown", "view_117": "ReshapeOp", "permute_98": "TransposeOp", "reshape_96": "ReshapeOp", "unsqueeze_62": "ReshapeOp", "unsqueeze_63": "ReshapeOp", "sub_10": "SubOp", "ne_10": "unknown", "masked_fill_20": "ScatterOp", "eq_10": "unknown", "masked_fill_21": "ScatterOp", "view_118": "ReshapeOp", "unsqueeze_64": "ReshapeOp", "unsqueeze_65": "ReshapeOp", "add_74": "AddOp", "view_119": "ReshapeOp", "softmax_21": "SoftmaxOp", "dropout_84": "DropoutOp", "matmul_43": "MatMulOp", "transpose_43": "TransposeOp", "reshape_97": "ReshapeOp", "_param_constant352": "const_noop", "_param_constant353": "const_noop", "linear_131": "LinearOp", "dropout_85": "DropoutOp", "view_120": "ReshapeOp", "permute_99": "TransposeOp", "reshape_98": "ReshapeOp", "roll_21": "unknown", "slice_325": "GatherOp", "slice_326": "GatherOp", "slice_327": "GatherOp", "slice_328": "GatherOp", "contiguous_41": "noop", "_param_constant354": "const_noop", "_param_constant355": "const_noop", "layer_norm_45": "LayerNormOp", "add_75": "AddOp", "_param_constant356": "const_noop", "_param_constant357": "const_noop", "linear_132": "LinearOp", "gelu_21": "GeluOp", "dropout_86": "DropoutOp", "_param_constant358": "const_noop", "_param_constant359": "const_noop", "linear_133": "LinearOp", "dropout_87": "DropoutOp", "_param_constant360": "const_noop", "_param_constant361": "const_noop", "layer_norm_46": "LayerNormOp", "add_76": "AddOp", "pad_24": "PadOp", "slice_329": "GatherOp", "slice_330": "GatherOp", "slice_331": "GatherOp", "slice_332": "GatherOp", "slice_333": "GatherOp", "slice_334": "GatherOp", "slice_335": "GatherOp", "slice_336": "GatherOp", "slice_337": "GatherOp", "slice_338": "GatherOp", "slice_339": "GatherOp", "slice_340": "GatherOp", "cat_2": "CatOp", "_param_constant362": "const_noop", "linear_134": "LinearOp", "_param_constant363": "const_noop", "_param_constant364": "const_noop", "layer_norm_47": "LayerNormOp", "_tensor_constant143": "const_noop", "_param_constant365": "const_noop", "_param_constant366": "const_noop", "linear_135": "LinearOp", "relu__22": "ReluOp", "_param_constant367": "const_noop", "linear_136": "LinearOp", "view_121": "ReshapeOp", "_tensor_constant144": "const_noop", "index_22": "unknown", "view_122": "ReshapeOp", "permute_100": "TransposeOp", "contiguous_42": "noop", "unsqueeze_66": "ReshapeOp", "sigmoid_22": "SigmoidOp", "mul_44": "MulOp", "pad_25": "PadOp", "view_123": "ReshapeOp", "permute_101": "TransposeOp", "reshape_99": "ReshapeOp", "_param_constant368": "const_noop", "clone_22": "noop", "slice_341": "GatherOp", "zero__22": "unknown", "_param_constant369": "const_noop", "linear_137": "LinearOp", "reshape_100": "ReshapeOp", "permute_102": "TransposeOp", "select_66": "GatherOp", "select_67": "GatherOp", "select_68": "GatherOp", "linalg_vector_norm_44": "VectorNormOp", "clamp_min_44": "ClampOp", "expand_as_44": "ExpandAsOp", "div_44": "DivOp", "linalg_vector_norm_45": "VectorNormOp", "clamp_min_45": "ClampOp", "expand_as_45": "ExpandAsOp", "div_45": "DivOp", "transpose_44": "TransposeOp", "matmul_44": "MatMulOp", "_param_constant370": "const_noop", "clamp_22": "ClampOp", "exp_22": "ExpOp", "mul_45": "MulOp", "add_77": "AddOp", "softmax_22": "SoftmaxOp", "dropout_88": "DropoutOp", "matmul_45": "MatMulOp", "transpose_45": "TransposeOp", "reshape_101": "ReshapeOp", "_param_constant371": "const_noop", "_param_constant372": "const_noop", "linear_138": "LinearOp", "dropout_89": "DropoutOp", "view_124": "ReshapeOp", "permute_103": "TransposeOp", "reshape_102": "ReshapeOp", "slice_342": "GatherOp", "slice_343": "GatherOp", "slice_344": "GatherOp", "slice_345": "GatherOp", "contiguous_43": "noop", "_param_constant373": "const_noop", "_param_constant374": "const_noop", "layer_norm_48": "LayerNormOp", "add_78": "AddOp", "_param_constant375": "const_noop", "_param_constant376": "const_noop", "linear_139": "LinearOp", "gelu_22": "GeluOp", "dropout_90": "DropoutOp", "_param_constant377": "const_noop", "_param_constant378": "const_noop", "linear_140": "LinearOp", "dropout_91": "DropoutOp", "_param_constant379": "const_noop", "_param_constant380": "const_noop", "layer_norm_49": "LayerNormOp", "add_79": "AddOp", "_tensor_constant145": "const_noop", "_param_constant381": "const_noop", "_param_constant382": "const_noop", "linear_141": "LinearOp", "relu__23": "ReluOp", "_param_constant383": "const_noop", "linear_142": "LinearOp", "view_125": "ReshapeOp", "_tensor_constant146": "const_noop", "index_23": "unknown", "view_126": "ReshapeOp", "permute_104": "TransposeOp", "contiguous_44": "noop", "unsqueeze_67": "ReshapeOp", "sigmoid_23": "SigmoidOp", "mul_46": "MulOp", "pad_26": "PadOp", "view_127": "ReshapeOp", "permute_105": "TransposeOp", "reshape_103": "ReshapeOp", "_param_constant384": "const_noop", "clone_23": "noop", "slice_346": "GatherOp", "zero__23": "unknown", "_param_constant385": "const_noop", "linear_143": "LinearOp", "reshape_104": "ReshapeOp", "permute_106": "TransposeOp", "select_69": "GatherOp", "select_70": "GatherOp", "select_71": "GatherOp", "linalg_vector_norm_46": "VectorNormOp", "clamp_min_46": "ClampOp", "expand_as_46": "ExpandAsOp", "div_46": "DivOp", "linalg_vector_norm_47": "VectorNormOp", "clamp_min_47": "ClampOp", "expand_as_47": "ExpandAsOp", "div_47": "DivOp", "transpose_46": "TransposeOp", "matmul_46": "MatMulOp", "_param_constant386": "const_noop", "clamp_23": "ClampOp", "exp_23": "ExpOp", "mul_47": "MulOp", "add_80": "AddOp", "softmax_23": "SoftmaxOp", "dropout_92": "DropoutOp", "matmul_47": "MatMulOp", "transpose_47": "TransposeOp", "reshape_105": "ReshapeOp", "_param_constant387": "const_noop", "_param_constant388": "const_noop", "linear_144": "LinearOp", "dropout_93": "DropoutOp", "view_128": "ReshapeOp", "permute_107": "TransposeOp", "reshape_106": "ReshapeOp", "slice_347": "GatherOp", "slice_348": "GatherOp", "slice_349": "GatherOp", "slice_350": "GatherOp", "contiguous_45": "noop", "_param_constant389": "const_noop", "_param_constant390": "const_noop", "layer_norm_50": "LayerNormOp", "add_81": "AddOp", "_param_constant391": "const_noop", "_param_constant392": "const_noop", "linear_145": "LinearOp", "gelu_23": "GeluOp", "dropout_94": "DropoutOp", "_param_constant393": "const_noop", "_param_constant394": "const_noop", "linear_146": "LinearOp", "dropout_95": "DropoutOp", "_param_constant395": "const_noop", "_param_constant396": "const_noop", "layer_norm_51": "LayerNormOp", "add_82": "AddOp", "_param_constant397": "const_noop", "_param_constant398": "const_noop", "layer_norm_52": "LayerNormOp", "permute_108": "TransposeOp", "adaptive_avg_pool2d": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant399": "const_noop", "_param_constant400": "const_noop", "linear_147": "LinearOp", "output": "output_noop"} \ No newline at end of file +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "_param_constant1": "const_noop", "conv2d": "Conv2DOp", "permute": "TransposeOp", "_param_constant2": "const_noop", "_param_constant3": "const_noop", "layer_norm": "LayerNormOp", "_tensor_constant0": "const_noop", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "linear": "LinearOp", "relu_": "ReluOp", "_param_constant6": "const_noop", "linear_1": "LinearOp", "view": "ReshapeOp", "_tensor_constant1": "const_noop", "index": "unknown", "view_1": "ReshapeOp", "permute_1": "TransposeOp", "contiguous": "noop", "unsqueeze": "ReshapeOp", "sigmoid": "SigmoidOp", "mul": "MulOp", "pad": "PadOp", "view_2": "ReshapeOp", "permute_2": "TransposeOp", "reshape": "ReshapeOp", "_param_constant7": "const_noop", "clone": "noop", "slice_1": "GatherOp", "zero_": "unknown", "_param_constant8": "const_noop", "linear_2": "LinearOp", "reshape_1": "ReshapeOp", "permute_3": "TransposeOp", "select": "GatherOp", "select_1": "GatherOp", "select_2": "GatherOp", "linalg_vector_norm": "unknown", "clamp_min": "unknown", "expand_as": "ExpandAsOp", "div": "DivOp", "linalg_vector_norm_1": "unknown", "clamp_min_1": "unknown", "expand_as_1": "ExpandAsOp", "div_1": "DivOp", "transpose": "TransposeOp", "matmul": "MatMulOp", "_param_constant9": "const_noop", "clamp": "unknown", "exp": "ExpOp", "mul_1": "MulOp", "add": "AddOp", "softmax": "SoftmaxOp", "dropout": "DropoutOp", "matmul_1": "MatMulOp", "transpose_1": "TransposeOp", "reshape_2": "ReshapeOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "linear_3": "LinearOp", "dropout_1": "DropoutOp", "view_3": "ReshapeOp", "permute_4": "TransposeOp", "reshape_3": "ReshapeOp", "slice_2": "GatherOp", "slice_3": "GatherOp", "_param_constant12": "const_noop", "_param_constant13": "const_noop", "layer_norm_1": "LayerNormOp", "add_1": "AddOp", "_param_constant14": "const_noop", "_param_constant15": "const_noop", "linear_4": "LinearOp", "gelu": "GeluOp", "dropout_2": "DropoutOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "linear_5": "LinearOp", "dropout_3": "DropoutOp", "_param_constant18": "const_noop", "_param_constant19": "const_noop", "layer_norm_2": "LayerNormOp", "add_2": "AddOp", "_tensor_constant2": "const_noop", "_param_constant20": "const_noop", "_param_constant21": "const_noop", "linear_6": "LinearOp", "relu__1": "ReluOp", "_param_constant22": "const_noop", "linear_7": "LinearOp", "view_4": "ReshapeOp", "_tensor_constant3": "const_noop", "index_1": "unknown", "view_5": "ReshapeOp", "permute_5": "TransposeOp", "contiguous_1": "noop", "unsqueeze_1": "ReshapeOp", "sigmoid_1": "SigmoidOp", "mul_2": "MulOp", "pad_1": "PadOp", "roll": "unknown", "view_6": "ReshapeOp", "permute_6": "TransposeOp", "reshape_4": "ReshapeOp", "_param_constant23": "const_noop", "clone_1": "noop", "slice_4": "GatherOp", "zero__1": "unknown", "_param_constant24": "const_noop", "linear_8": "LinearOp", "reshape_5": "ReshapeOp", "permute_7": "TransposeOp", "select_3": "GatherOp", "select_4": "GatherOp", "select_5": "GatherOp", "linalg_vector_norm_2": "unknown", "clamp_min_2": "unknown", "expand_as_2": "ExpandAsOp", "div_2": "DivOp", "linalg_vector_norm_3": "unknown", "clamp_min_3": "unknown", "expand_as_3": "ExpandAsOp", "div_3": "DivOp", "transpose_2": "TransposeOp", "matmul_2": "MatMulOp", "_param_constant25": "const_noop", "clamp_1": "unknown", "exp_1": "ExpOp", "mul_3": "MulOp", "add_3": "AddOp", "new_zeros": "unknown", "_tensor_constant4": "const_noop", "lift_fresh_copy": "unknown", "slice_5": "GatherOp", "slice_6": "GatherOp", "fill_": "unknown", "_tensor_constant5": "const_noop", "lift_fresh_copy_1": "unknown", "slice_7": "GatherOp", "slice_8": "GatherOp", "fill__1": "unknown", "_tensor_constant6": "const_noop", "lift_fresh_copy_2": "unknown", "slice_9": "GatherOp", "slice_10": "GatherOp", "fill__2": "unknown", "_tensor_constant7": "const_noop", "lift_fresh_copy_3": "unknown", "slice_11": "GatherOp", "slice_12": "GatherOp", "fill__3": "unknown", "_tensor_constant8": "const_noop", "lift_fresh_copy_4": "unknown", "slice_13": "GatherOp", "slice_14": "GatherOp", "fill__4": "unknown", "_tensor_constant9": "const_noop", "lift_fresh_copy_5": "unknown", "slice_15": "GatherOp", "slice_16": "GatherOp", "fill__5": "unknown", "_tensor_constant10": "const_noop", "lift_fresh_copy_6": "unknown", "slice_17": "GatherOp", "slice_18": "GatherOp", "fill__6": "unknown", "_tensor_constant11": "const_noop", "lift_fresh_copy_7": "unknown", "slice_19": "GatherOp", "slice_20": "GatherOp", "fill__7": "unknown", "_tensor_constant12": "const_noop", "lift_fresh_copy_8": "unknown", "slice_21": "GatherOp", "slice_22": "GatherOp", "fill__8": "unknown", "view_7": "ReshapeOp", "permute_8": "TransposeOp", "reshape_6": "ReshapeOp", "unsqueeze_2": "ReshapeOp", "unsqueeze_3": "ReshapeOp", "sub": "SubOp", "ne": "unknown", "masked_fill": "ScatterOp", "eq": "unknown", "masked_fill_1": "ScatterOp", "view_8": "ReshapeOp", "unsqueeze_4": "ReshapeOp", "unsqueeze_5": "ReshapeOp", "add_4": "AddOp", "view_9": "ReshapeOp", "softmax_1": "SoftmaxOp", "dropout_4": "DropoutOp", "matmul_3": "MatMulOp", "transpose_3": "TransposeOp", "reshape_7": "ReshapeOp", "_param_constant26": "const_noop", "_param_constant27": "const_noop", "linear_9": "LinearOp", "dropout_5": "DropoutOp", "view_10": "ReshapeOp", "permute_9": "TransposeOp", "reshape_8": "ReshapeOp", "roll_1": "unknown", "slice_23": "GatherOp", "slice_24": "GatherOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "layer_norm_3": "LayerNormOp", "add_5": "AddOp", "_param_constant30": "const_noop", "_param_constant31": "const_noop", "linear_10": "LinearOp", "gelu_1": "GeluOp", "dropout_6": "DropoutOp", "_param_constant32": "const_noop", "_param_constant33": "const_noop", "linear_11": "LinearOp", "dropout_7": "DropoutOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "layer_norm_4": "LayerNormOp", "add_6": "AddOp", "pad_2": "PadOp", "slice_25": "GatherOp", "slice_26": "GatherOp", "slice_27": "GatherOp", "slice_28": "GatherOp", "slice_29": "GatherOp", "slice_30": "GatherOp", "slice_31": "GatherOp", "slice_32": "GatherOp", "slice_33": "GatherOp", "slice_34": "GatherOp", "slice_35": "GatherOp", "slice_36": "GatherOp", "cat": "CatOp", "_param_constant36": "const_noop", "linear_12": "LinearOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "layer_norm_5": "LayerNormOp", "_tensor_constant13": "const_noop", "_param_constant39": "const_noop", "_param_constant40": "const_noop", "linear_13": "LinearOp", "relu__2": "ReluOp", "_param_constant41": "const_noop", "linear_14": "LinearOp", "view_11": "ReshapeOp", "_tensor_constant14": "const_noop", "index_2": "unknown", "view_12": "ReshapeOp", "permute_10": "TransposeOp", "contiguous_2": "noop", "unsqueeze_6": "ReshapeOp", "sigmoid_2": "SigmoidOp", "mul_4": "MulOp", "pad_3": "PadOp", "view_13": "ReshapeOp", "permute_11": "TransposeOp", "reshape_9": "ReshapeOp", "_param_constant42": "const_noop", "clone_2": "noop", "slice_37": "GatherOp", "zero__2": "unknown", "_param_constant43": "const_noop", "linear_15": "LinearOp", "reshape_10": "ReshapeOp", "permute_12": "TransposeOp", "select_6": "GatherOp", "select_7": "GatherOp", "select_8": "GatherOp", "linalg_vector_norm_4": "unknown", "clamp_min_4": "unknown", "expand_as_4": "ExpandAsOp", "div_4": "DivOp", "linalg_vector_norm_5": "unknown", "clamp_min_5": "unknown", "expand_as_5": "ExpandAsOp", "div_5": "DivOp", "transpose_4": "TransposeOp", "matmul_4": "MatMulOp", "_param_constant44": "const_noop", "clamp_2": "unknown", "exp_2": "ExpOp", "mul_5": "MulOp", "add_7": "AddOp", "softmax_2": "SoftmaxOp", "dropout_8": "DropoutOp", "matmul_5": "MatMulOp", "transpose_5": "TransposeOp", "reshape_11": "ReshapeOp", "_param_constant45": "const_noop", "_param_constant46": "const_noop", "linear_16": "LinearOp", "dropout_9": "DropoutOp", "view_14": "ReshapeOp", "permute_13": "TransposeOp", "reshape_12": "ReshapeOp", "slice_38": "GatherOp", "slice_39": "GatherOp", "slice_40": "GatherOp", "slice_41": "GatherOp", "contiguous_3": "noop", "_param_constant47": "const_noop", "_param_constant48": "const_noop", "layer_norm_6": "LayerNormOp", "add_8": "AddOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "linear_17": "LinearOp", "gelu_2": "GeluOp", "dropout_10": "DropoutOp", "_param_constant51": "const_noop", "_param_constant52": "const_noop", "linear_18": "LinearOp", "dropout_11": "DropoutOp", "_param_constant53": "const_noop", "_param_constant54": "const_noop", "layer_norm_7": "LayerNormOp", "add_9": "AddOp", "_tensor_constant15": "const_noop", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "linear_19": "LinearOp", "relu__3": "ReluOp", "_param_constant57": "const_noop", "linear_20": "LinearOp", "view_15": "ReshapeOp", "_tensor_constant16": "const_noop", "index_3": "unknown", "view_16": "ReshapeOp", "permute_14": "TransposeOp", "contiguous_4": "noop", "unsqueeze_7": "ReshapeOp", "sigmoid_3": "SigmoidOp", "mul_6": "MulOp", "pad_4": "PadOp", "roll_2": "unknown", "view_17": "ReshapeOp", "permute_15": "TransposeOp", "reshape_13": "ReshapeOp", "_param_constant58": "const_noop", "clone_3": "noop", "slice_42": "GatherOp", "zero__3": "unknown", "_param_constant59": "const_noop", "linear_21": "LinearOp", "reshape_14": "ReshapeOp", "permute_16": "TransposeOp", "select_9": "GatherOp", "select_10": "GatherOp", "select_11": "GatherOp", "linalg_vector_norm_6": "unknown", "clamp_min_6": "unknown", "expand_as_6": "ExpandAsOp", "div_6": "DivOp", "linalg_vector_norm_7": "unknown", "clamp_min_7": "unknown", "expand_as_7": "ExpandAsOp", "div_7": "DivOp", "transpose_6": "TransposeOp", "matmul_6": "MatMulOp", "_param_constant60": "const_noop", "clamp_3": "unknown", "exp_3": "ExpOp", "mul_7": "MulOp", "add_10": "AddOp", "new_zeros_1": "unknown", "_tensor_constant17": "const_noop", "lift_fresh_copy_9": "unknown", "slice_43": "GatherOp", "slice_44": "GatherOp", "fill__9": "unknown", "_tensor_constant18": "const_noop", "lift_fresh_copy_10": "unknown", "slice_45": "GatherOp", "slice_46": "GatherOp", "fill__10": "unknown", "_tensor_constant19": "const_noop", "lift_fresh_copy_11": "unknown", "slice_47": "GatherOp", "slice_48": "GatherOp", "fill__11": "unknown", "_tensor_constant20": "const_noop", "lift_fresh_copy_12": "unknown", "slice_49": "GatherOp", "slice_50": "GatherOp", "fill__12": "unknown", "_tensor_constant21": "const_noop", "lift_fresh_copy_13": "unknown", "slice_51": "GatherOp", "slice_52": "GatherOp", "fill__13": "unknown", "_tensor_constant22": "const_noop", "lift_fresh_copy_14": "unknown", "slice_53": "GatherOp", "slice_54": "GatherOp", "fill__14": "unknown", "_tensor_constant23": "const_noop", "lift_fresh_copy_15": "unknown", "slice_55": "GatherOp", "slice_56": "GatherOp", "fill__15": "unknown", "_tensor_constant24": "const_noop", "lift_fresh_copy_16": "unknown", "slice_57": "GatherOp", "slice_58": "GatherOp", "fill__16": "unknown", "_tensor_constant25": "const_noop", "lift_fresh_copy_17": "unknown", "slice_59": "GatherOp", "slice_60": "GatherOp", "fill__17": "unknown", "view_18": "ReshapeOp", "permute_17": "TransposeOp", "reshape_15": "ReshapeOp", "unsqueeze_8": "ReshapeOp", "unsqueeze_9": "ReshapeOp", "sub_1": "SubOp", "ne_1": "unknown", "masked_fill_2": "ScatterOp", "eq_1": "unknown", "masked_fill_3": "ScatterOp", "view_19": "ReshapeOp", "unsqueeze_10": "ReshapeOp", "unsqueeze_11": "ReshapeOp", "add_11": "AddOp", "view_20": "ReshapeOp", "softmax_3": "SoftmaxOp", "dropout_12": "DropoutOp", "matmul_7": "MatMulOp", "transpose_7": "TransposeOp", "reshape_16": "ReshapeOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "linear_22": "LinearOp", "dropout_13": "DropoutOp", "view_21": "ReshapeOp", "permute_18": "TransposeOp", "reshape_17": "ReshapeOp", "roll_3": "unknown", "slice_61": "GatherOp", "slice_62": "GatherOp", "slice_63": "GatherOp", "slice_64": "GatherOp", "contiguous_5": "noop", "_param_constant63": "const_noop", "_param_constant64": "const_noop", "layer_norm_8": "LayerNormOp", "add_12": "AddOp", "_param_constant65": "const_noop", "_param_constant66": "const_noop", "linear_23": "LinearOp", "gelu_3": "GeluOp", "dropout_14": "DropoutOp", "_param_constant67": "const_noop", "_param_constant68": "const_noop", "linear_24": "LinearOp", "dropout_15": "DropoutOp", "_param_constant69": "const_noop", "_param_constant70": "const_noop", "layer_norm_9": "LayerNormOp", "add_13": "AddOp", "pad_5": "PadOp", "slice_65": "GatherOp", "slice_66": "GatherOp", "slice_67": "GatherOp", "slice_68": "GatherOp", "slice_69": "GatherOp", "slice_70": "GatherOp", "slice_71": "GatherOp", "slice_72": "GatherOp", "slice_73": "GatherOp", "slice_74": "GatherOp", "slice_75": "GatherOp", "slice_76": "GatherOp", "cat_1": "CatOp", "_param_constant71": "const_noop", "linear_25": "LinearOp", "_param_constant72": "const_noop", "_param_constant73": "const_noop", "layer_norm_10": "LayerNormOp", "_tensor_constant26": "const_noop", "_param_constant74": "const_noop", "_param_constant75": "const_noop", "linear_26": "LinearOp", "relu__4": "ReluOp", "_param_constant76": "const_noop", "linear_27": "LinearOp", "view_22": "ReshapeOp", "_tensor_constant27": "const_noop", "index_4": "unknown", "view_23": "ReshapeOp", "permute_19": "TransposeOp", "contiguous_6": "noop", "unsqueeze_12": "ReshapeOp", "sigmoid_4": "SigmoidOp", "mul_8": "MulOp", "pad_6": "PadOp", "view_24": "ReshapeOp", "permute_20": "TransposeOp", "reshape_18": "ReshapeOp", "_param_constant77": "const_noop", "clone_4": "noop", "slice_77": "GatherOp", "zero__4": "unknown", "_param_constant78": "const_noop", "linear_28": "LinearOp", "reshape_19": "ReshapeOp", "permute_21": "TransposeOp", "select_12": "GatherOp", "select_13": "GatherOp", "select_14": "GatherOp", "linalg_vector_norm_8": "unknown", "clamp_min_8": "unknown", "expand_as_8": "ExpandAsOp", "div_8": "DivOp", "linalg_vector_norm_9": "unknown", "clamp_min_9": "unknown", "expand_as_9": "ExpandAsOp", "div_9": "DivOp", "transpose_8": "TransposeOp", "matmul_8": "MatMulOp", "_param_constant79": "const_noop", "clamp_4": "unknown", "exp_4": "ExpOp", "mul_9": "MulOp", "add_14": "AddOp", "softmax_4": "SoftmaxOp", "dropout_16": "DropoutOp", "matmul_9": "MatMulOp", "transpose_9": "TransposeOp", "reshape_20": "ReshapeOp", "_param_constant80": "const_noop", "_param_constant81": "const_noop", "linear_29": "LinearOp", "dropout_17": "DropoutOp", "view_25": "ReshapeOp", "permute_22": "TransposeOp", "reshape_21": "ReshapeOp", "slice_78": "GatherOp", "slice_79": "GatherOp", "slice_80": "GatherOp", "slice_81": "GatherOp", "contiguous_7": "noop", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "layer_norm_11": "LayerNormOp", "add_15": "AddOp", "_param_constant84": "const_noop", "_param_constant85": "const_noop", "linear_30": "LinearOp", "gelu_4": "GeluOp", "dropout_18": "DropoutOp", "_param_constant86": "const_noop", "_param_constant87": "const_noop", "linear_31": "LinearOp", "dropout_19": "DropoutOp", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "layer_norm_12": "LayerNormOp", "add_16": "AddOp", "_tensor_constant28": "const_noop", "_param_constant90": "const_noop", "_param_constant91": "const_noop", "linear_32": "LinearOp", "relu__5": "ReluOp", "_param_constant92": "const_noop", "linear_33": "LinearOp", "view_26": "ReshapeOp", "_tensor_constant29": "const_noop", "index_5": "unknown", "view_27": "ReshapeOp", "permute_23": "TransposeOp", "contiguous_8": "noop", "unsqueeze_13": "ReshapeOp", "sigmoid_5": "SigmoidOp", "mul_10": "MulOp", "pad_7": "PadOp", "roll_4": "unknown", "view_28": "ReshapeOp", "permute_24": "TransposeOp", "reshape_22": "ReshapeOp", "_param_constant93": "const_noop", "clone_5": "noop", "slice_82": "GatherOp", "zero__5": "unknown", "_param_constant94": "const_noop", "linear_34": "LinearOp", "reshape_23": "ReshapeOp", "permute_25": "TransposeOp", "select_15": "GatherOp", "select_16": "GatherOp", "select_17": "GatherOp", "linalg_vector_norm_10": "unknown", "clamp_min_10": "unknown", "expand_as_10": "ExpandAsOp", "div_10": "DivOp", "linalg_vector_norm_11": "unknown", "clamp_min_11": "unknown", "expand_as_11": "ExpandAsOp", "div_11": "DivOp", "transpose_10": "TransposeOp", "matmul_10": "MatMulOp", "_param_constant95": "const_noop", "clamp_5": "unknown", "exp_5": "ExpOp", "mul_11": "MulOp", "add_17": "AddOp", "new_zeros_2": "unknown", "_tensor_constant30": "const_noop", "lift_fresh_copy_18": "unknown", "slice_83": "GatherOp", "slice_84": "GatherOp", "fill__18": "unknown", "_tensor_constant31": "const_noop", "lift_fresh_copy_19": "unknown", "slice_85": "GatherOp", "slice_86": "GatherOp", "fill__19": "unknown", "_tensor_constant32": "const_noop", "lift_fresh_copy_20": "unknown", "slice_87": "GatherOp", "slice_88": "GatherOp", "fill__20": "unknown", "_tensor_constant33": "const_noop", "lift_fresh_copy_21": "unknown", "slice_89": "GatherOp", "slice_90": "GatherOp", "fill__21": "unknown", "_tensor_constant34": "const_noop", "lift_fresh_copy_22": "unknown", "slice_91": "GatherOp", "slice_92": "GatherOp", "fill__22": "unknown", "_tensor_constant35": "const_noop", "lift_fresh_copy_23": "unknown", "slice_93": "GatherOp", "slice_94": "GatherOp", "fill__23": "unknown", "_tensor_constant36": "const_noop", "lift_fresh_copy_24": "unknown", "slice_95": "GatherOp", "slice_96": "GatherOp", "fill__24": "unknown", "_tensor_constant37": "const_noop", "lift_fresh_copy_25": "unknown", "slice_97": "GatherOp", "slice_98": "GatherOp", "fill__25": "unknown", "_tensor_constant38": "const_noop", "lift_fresh_copy_26": "unknown", "slice_99": "GatherOp", "slice_100": "GatherOp", "fill__26": "unknown", "view_29": "ReshapeOp", "permute_26": "TransposeOp", "reshape_24": "ReshapeOp", "unsqueeze_14": "ReshapeOp", "unsqueeze_15": "ReshapeOp", "sub_2": "SubOp", "ne_2": "unknown", "masked_fill_4": "ScatterOp", "eq_2": "unknown", "masked_fill_5": "ScatterOp", "view_30": "ReshapeOp", "unsqueeze_16": "ReshapeOp", "unsqueeze_17": "ReshapeOp", "add_18": "AddOp", "view_31": "ReshapeOp", "softmax_5": "SoftmaxOp", "dropout_20": "DropoutOp", "matmul_11": "MatMulOp", "transpose_11": "TransposeOp", "reshape_25": "ReshapeOp", "_param_constant96": "const_noop", "_param_constant97": "const_noop", "linear_35": "LinearOp", "dropout_21": "DropoutOp", "view_32": "ReshapeOp", "permute_27": "TransposeOp", "reshape_26": "ReshapeOp", "roll_5": "unknown", "slice_101": "GatherOp", "slice_102": "GatherOp", "slice_103": "GatherOp", "slice_104": "GatherOp", "contiguous_9": "noop", "_param_constant98": "const_noop", "_param_constant99": "const_noop", "layer_norm_13": "LayerNormOp", "add_19": "AddOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "linear_36": "LinearOp", "gelu_5": "GeluOp", "dropout_22": "DropoutOp", "_param_constant102": "const_noop", "_param_constant103": "const_noop", "linear_37": "LinearOp", "dropout_23": "DropoutOp", "_param_constant104": "const_noop", "_param_constant105": "const_noop", "layer_norm_14": "LayerNormOp", "add_20": "AddOp", "_tensor_constant39": "const_noop", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "linear_38": "LinearOp", "relu__6": "ReluOp", "_param_constant108": "const_noop", "linear_39": "LinearOp", "view_33": "ReshapeOp", "_tensor_constant40": "const_noop", "index_6": "unknown", "view_34": "ReshapeOp", "permute_28": "TransposeOp", "contiguous_10": "noop", "unsqueeze_18": "ReshapeOp", "sigmoid_6": "SigmoidOp", "mul_12": "MulOp", "pad_8": "PadOp", "view_35": "ReshapeOp", "permute_29": "TransposeOp", "reshape_27": "ReshapeOp", "_param_constant109": "const_noop", "clone_6": "noop", "slice_105": "GatherOp", "zero__6": "unknown", "_param_constant110": "const_noop", "linear_40": "LinearOp", "reshape_28": "ReshapeOp", "permute_30": "TransposeOp", "select_18": "GatherOp", "select_19": "GatherOp", "select_20": "GatherOp", "linalg_vector_norm_12": "unknown", "clamp_min_12": "unknown", "expand_as_12": "ExpandAsOp", "div_12": "DivOp", "linalg_vector_norm_13": "unknown", "clamp_min_13": "unknown", "expand_as_13": "ExpandAsOp", "div_13": "DivOp", "transpose_12": "TransposeOp", "matmul_12": "MatMulOp", "_param_constant111": "const_noop", "clamp_6": "unknown", "exp_6": "ExpOp", "mul_13": "MulOp", "add_21": "AddOp", "softmax_6": "SoftmaxOp", "dropout_24": "DropoutOp", "matmul_13": "MatMulOp", "transpose_13": "TransposeOp", "reshape_29": "ReshapeOp", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "linear_41": "LinearOp", "dropout_25": "DropoutOp", "view_36": "ReshapeOp", "permute_31": "TransposeOp", "reshape_30": "ReshapeOp", "slice_106": "GatherOp", "slice_107": "GatherOp", "slice_108": "GatherOp", "slice_109": "GatherOp", "contiguous_11": "noop", "_param_constant114": "const_noop", "_param_constant115": "const_noop", "layer_norm_15": "LayerNormOp", "add_22": "AddOp", "_param_constant116": "const_noop", "_param_constant117": "const_noop", "linear_42": "LinearOp", "gelu_6": "GeluOp", "dropout_26": "DropoutOp", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "linear_43": "LinearOp", "dropout_27": "DropoutOp", "_param_constant120": "const_noop", "_param_constant121": "const_noop", "layer_norm_16": "LayerNormOp", "add_23": "AddOp", "_tensor_constant41": "const_noop", "_param_constant122": "const_noop", "_param_constant123": "const_noop", "linear_44": "LinearOp", "relu__7": "ReluOp", "_param_constant124": "const_noop", "linear_45": "LinearOp", "view_37": "ReshapeOp", "_tensor_constant42": "const_noop", "index_7": "unknown", "view_38": "ReshapeOp", "permute_32": "TransposeOp", "contiguous_12": "noop", "unsqueeze_19": "ReshapeOp", "sigmoid_7": "SigmoidOp", "mul_14": "MulOp", "pad_9": "PadOp", "roll_6": "unknown", "view_39": "ReshapeOp", "permute_33": "TransposeOp", "reshape_31": "ReshapeOp", "_param_constant125": "const_noop", "clone_7": "noop", "slice_110": "GatherOp", "zero__7": "unknown", "_param_constant126": "const_noop", "linear_46": "LinearOp", "reshape_32": "ReshapeOp", "permute_34": "TransposeOp", "select_21": "GatherOp", "select_22": "GatherOp", "select_23": "GatherOp", "linalg_vector_norm_14": "unknown", "clamp_min_14": "unknown", "expand_as_14": "ExpandAsOp", "div_14": "DivOp", "linalg_vector_norm_15": "unknown", "clamp_min_15": "unknown", "expand_as_15": "ExpandAsOp", "div_15": "DivOp", "transpose_14": "TransposeOp", "matmul_14": "MatMulOp", "_param_constant127": "const_noop", "clamp_7": "unknown", "exp_7": "ExpOp", "mul_15": "MulOp", "add_24": "AddOp", "new_zeros_3": "unknown", "_tensor_constant43": "const_noop", "lift_fresh_copy_27": "unknown", "slice_111": "GatherOp", "slice_112": "GatherOp", "fill__27": "unknown", "_tensor_constant44": "const_noop", "lift_fresh_copy_28": "unknown", "slice_113": "GatherOp", "slice_114": "GatherOp", "fill__28": "unknown", "_tensor_constant45": "const_noop", "lift_fresh_copy_29": "unknown", "slice_115": "GatherOp", "slice_116": "GatherOp", "fill__29": "unknown", "_tensor_constant46": "const_noop", "lift_fresh_copy_30": "unknown", "slice_117": "GatherOp", "slice_118": "GatherOp", "fill__30": "unknown", "_tensor_constant47": "const_noop", "lift_fresh_copy_31": "unknown", "slice_119": "GatherOp", "slice_120": "GatherOp", "fill__31": "unknown", "_tensor_constant48": "const_noop", "lift_fresh_copy_32": "unknown", "slice_121": "GatherOp", "slice_122": "GatherOp", "fill__32": "unknown", "_tensor_constant49": "const_noop", "lift_fresh_copy_33": "unknown", "slice_123": "GatherOp", "slice_124": "GatherOp", "fill__33": "unknown", "_tensor_constant50": "const_noop", "lift_fresh_copy_34": "unknown", "slice_125": "GatherOp", "slice_126": "GatherOp", "fill__34": "unknown", "_tensor_constant51": "const_noop", "lift_fresh_copy_35": "unknown", "slice_127": "GatherOp", "slice_128": "GatherOp", "fill__35": "unknown", "view_40": "ReshapeOp", "permute_35": "TransposeOp", "reshape_33": "ReshapeOp", "unsqueeze_20": "ReshapeOp", "unsqueeze_21": "ReshapeOp", "sub_3": "SubOp", "ne_3": "unknown", "masked_fill_6": "ScatterOp", "eq_3": "unknown", "masked_fill_7": "ScatterOp", "view_41": "ReshapeOp", "unsqueeze_22": "ReshapeOp", "unsqueeze_23": "ReshapeOp", "add_25": "AddOp", "view_42": "ReshapeOp", "softmax_7": "SoftmaxOp", "dropout_28": "DropoutOp", "matmul_15": "MatMulOp", "transpose_15": "TransposeOp", "reshape_34": "ReshapeOp", "_param_constant128": "const_noop", "_param_constant129": "const_noop", "linear_47": "LinearOp", "dropout_29": "DropoutOp", "view_43": "ReshapeOp", "permute_36": "TransposeOp", "reshape_35": "ReshapeOp", "roll_7": "unknown", "slice_129": "GatherOp", "slice_130": "GatherOp", "slice_131": "GatherOp", "slice_132": "GatherOp", "contiguous_13": "noop", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "layer_norm_17": "LayerNormOp", "add_26": "AddOp", "_param_constant132": "const_noop", "_param_constant133": "const_noop", "linear_48": "LinearOp", "gelu_7": "GeluOp", "dropout_30": "DropoutOp", "_param_constant134": "const_noop", "_param_constant135": "const_noop", "linear_49": "LinearOp", "dropout_31": "DropoutOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "layer_norm_18": "LayerNormOp", "add_27": "AddOp", "_tensor_constant52": "const_noop", "_param_constant138": "const_noop", "_param_constant139": "const_noop", "linear_50": "LinearOp", "relu__8": "ReluOp", "_param_constant140": "const_noop", "linear_51": "LinearOp", "view_44": "ReshapeOp", "_tensor_constant53": "const_noop", "index_8": "unknown", "view_45": "ReshapeOp", "permute_37": "TransposeOp", "contiguous_14": "noop", "unsqueeze_24": "ReshapeOp", "sigmoid_8": "SigmoidOp", "mul_16": "MulOp", "pad_10": "PadOp", "view_46": "ReshapeOp", "permute_38": "TransposeOp", "reshape_36": "ReshapeOp", "_param_constant141": "const_noop", "clone_8": "noop", "slice_133": "GatherOp", "zero__8": "unknown", "_param_constant142": "const_noop", "linear_52": "LinearOp", "reshape_37": "ReshapeOp", "permute_39": "TransposeOp", "select_24": "GatherOp", "select_25": "GatherOp", "select_26": "GatherOp", "linalg_vector_norm_16": "unknown", "clamp_min_16": "unknown", "expand_as_16": "ExpandAsOp", "div_16": "DivOp", "linalg_vector_norm_17": "unknown", "clamp_min_17": "unknown", "expand_as_17": "ExpandAsOp", "div_17": "DivOp", "transpose_16": "TransposeOp", "matmul_16": "MatMulOp", "_param_constant143": "const_noop", "clamp_8": "unknown", "exp_8": "ExpOp", "mul_17": "MulOp", "add_28": "AddOp", "softmax_8": "SoftmaxOp", "dropout_32": "DropoutOp", "matmul_17": "MatMulOp", "transpose_17": "TransposeOp", "reshape_38": "ReshapeOp", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "linear_53": "LinearOp", "dropout_33": "DropoutOp", "view_47": "ReshapeOp", "permute_40": "TransposeOp", "reshape_39": "ReshapeOp", "slice_134": "GatherOp", "slice_135": "GatherOp", "slice_136": "GatherOp", "slice_137": "GatherOp", "contiguous_15": "noop", "_param_constant146": "const_noop", "_param_constant147": "const_noop", "layer_norm_19": "LayerNormOp", "add_29": "AddOp", "_param_constant148": "const_noop", "_param_constant149": "const_noop", "linear_54": "LinearOp", "gelu_8": "GeluOp", "dropout_34": "DropoutOp", "_param_constant150": "const_noop", "_param_constant151": "const_noop", "linear_55": "LinearOp", "dropout_35": "DropoutOp", "_param_constant152": "const_noop", "_param_constant153": "const_noop", "layer_norm_20": "LayerNormOp", "add_30": "AddOp", "_tensor_constant54": "const_noop", "_param_constant154": "const_noop", "_param_constant155": "const_noop", "linear_56": "LinearOp", "relu__9": "ReluOp", "_param_constant156": "const_noop", "linear_57": "LinearOp", "view_48": "ReshapeOp", "_tensor_constant55": "const_noop", "index_9": "unknown", "view_49": "ReshapeOp", "permute_41": "TransposeOp", "contiguous_16": "noop", "unsqueeze_25": "ReshapeOp", "sigmoid_9": "SigmoidOp", "mul_18": "MulOp", "pad_11": "PadOp", "roll_8": "unknown", "view_50": "ReshapeOp", "permute_42": "TransposeOp", "reshape_40": "ReshapeOp", "_param_constant157": "const_noop", "clone_9": "noop", "slice_138": "GatherOp", "zero__9": "unknown", "_param_constant158": "const_noop", "linear_58": "LinearOp", "reshape_41": "ReshapeOp", "permute_43": "TransposeOp", "select_27": "GatherOp", "select_28": "GatherOp", "select_29": "GatherOp", "linalg_vector_norm_18": "unknown", "clamp_min_18": "unknown", "expand_as_18": "ExpandAsOp", "div_18": "DivOp", "linalg_vector_norm_19": "unknown", "clamp_min_19": "unknown", "expand_as_19": "ExpandAsOp", "div_19": "DivOp", "transpose_18": "TransposeOp", "matmul_18": "MatMulOp", "_param_constant159": "const_noop", "clamp_9": "unknown", "exp_9": "ExpOp", "mul_19": "MulOp", "add_31": "AddOp", "new_zeros_4": "unknown", "_tensor_constant56": "const_noop", "lift_fresh_copy_36": "unknown", "slice_139": "GatherOp", "slice_140": "GatherOp", "fill__36": "unknown", "_tensor_constant57": "const_noop", "lift_fresh_copy_37": "unknown", "slice_141": "GatherOp", "slice_142": "GatherOp", "fill__37": "unknown", "_tensor_constant58": "const_noop", "lift_fresh_copy_38": "unknown", "slice_143": "GatherOp", "slice_144": "GatherOp", "fill__38": "unknown", "_tensor_constant59": "const_noop", "lift_fresh_copy_39": "unknown", "slice_145": "GatherOp", "slice_146": "GatherOp", "fill__39": "unknown", "_tensor_constant60": "const_noop", "lift_fresh_copy_40": "unknown", "slice_147": "GatherOp", "slice_148": "GatherOp", "fill__40": "unknown", "_tensor_constant61": "const_noop", "lift_fresh_copy_41": "unknown", "slice_149": "GatherOp", "slice_150": "GatherOp", "fill__41": "unknown", "_tensor_constant62": "const_noop", "lift_fresh_copy_42": "unknown", "slice_151": "GatherOp", "slice_152": "GatherOp", "fill__42": "unknown", "_tensor_constant63": "const_noop", "lift_fresh_copy_43": "unknown", "slice_153": "GatherOp", "slice_154": "GatherOp", "fill__43": "unknown", "_tensor_constant64": "const_noop", "lift_fresh_copy_44": "unknown", "slice_155": "GatherOp", "slice_156": "GatherOp", "fill__44": "unknown", "view_51": "ReshapeOp", "permute_44": "TransposeOp", "reshape_42": "ReshapeOp", "unsqueeze_26": "ReshapeOp", "unsqueeze_27": "ReshapeOp", "sub_4": "SubOp", "ne_4": "unknown", "masked_fill_8": "ScatterOp", "eq_4": "unknown", "masked_fill_9": "ScatterOp", "view_52": "ReshapeOp", "unsqueeze_28": "ReshapeOp", "unsqueeze_29": "ReshapeOp", "add_32": "AddOp", "view_53": "ReshapeOp", "softmax_9": "SoftmaxOp", "dropout_36": "DropoutOp", "matmul_19": "MatMulOp", "transpose_19": "TransposeOp", "reshape_43": "ReshapeOp", "_param_constant160": "const_noop", "_param_constant161": "const_noop", "linear_59": "LinearOp", "dropout_37": "DropoutOp", "view_54": "ReshapeOp", "permute_45": "TransposeOp", "reshape_44": "ReshapeOp", "roll_9": "unknown", "slice_157": "GatherOp", "slice_158": "GatherOp", "slice_159": "GatherOp", "slice_160": "GatherOp", "contiguous_17": "noop", "_param_constant162": "const_noop", "_param_constant163": "const_noop", "layer_norm_21": "LayerNormOp", "add_33": "AddOp", "_param_constant164": "const_noop", "_param_constant165": "const_noop", "linear_60": "LinearOp", "gelu_9": "GeluOp", "dropout_38": "DropoutOp", "_param_constant166": "const_noop", "_param_constant167": "const_noop", "linear_61": "LinearOp", "dropout_39": "DropoutOp", "_param_constant168": "const_noop", "_param_constant169": "const_noop", "layer_norm_22": "LayerNormOp", "add_34": "AddOp", "_tensor_constant65": "const_noop", "_param_constant170": "const_noop", "_param_constant171": "const_noop", "linear_62": "LinearOp", "relu__10": "ReluOp", "_param_constant172": "const_noop", "linear_63": "LinearOp", "view_55": "ReshapeOp", "_tensor_constant66": "const_noop", "index_10": "unknown", "view_56": "ReshapeOp", "permute_46": "TransposeOp", "contiguous_18": "noop", "unsqueeze_30": "ReshapeOp", "sigmoid_10": "SigmoidOp", "mul_20": "MulOp", "pad_12": "PadOp", "view_57": "ReshapeOp", "permute_47": "TransposeOp", "reshape_45": "ReshapeOp", "_param_constant173": "const_noop", "clone_10": "noop", "slice_161": "GatherOp", "zero__10": "unknown", "_param_constant174": "const_noop", "linear_64": "LinearOp", "reshape_46": "ReshapeOp", "permute_48": "TransposeOp", "select_30": "GatherOp", "select_31": "GatherOp", "select_32": "GatherOp", "linalg_vector_norm_20": "unknown", "clamp_min_20": "unknown", "expand_as_20": "ExpandAsOp", "div_20": "DivOp", "linalg_vector_norm_21": "unknown", "clamp_min_21": "unknown", "expand_as_21": "ExpandAsOp", "div_21": "DivOp", "transpose_20": "TransposeOp", "matmul_20": "MatMulOp", "_param_constant175": "const_noop", "clamp_10": "unknown", "exp_10": "ExpOp", "mul_21": "MulOp", "add_35": "AddOp", "softmax_10": "SoftmaxOp", "dropout_40": "DropoutOp", "matmul_21": "MatMulOp", "transpose_21": "TransposeOp", "reshape_47": "ReshapeOp", "_param_constant176": "const_noop", "_param_constant177": "const_noop", "linear_65": "LinearOp", "dropout_41": "DropoutOp", "view_58": "ReshapeOp", "permute_49": "TransposeOp", "reshape_48": "ReshapeOp", "slice_162": "GatherOp", "slice_163": "GatherOp", "slice_164": "GatherOp", "slice_165": "GatherOp", "contiguous_19": "noop", "_param_constant178": "const_noop", "_param_constant179": "const_noop", "layer_norm_23": "LayerNormOp", "add_36": "AddOp", "_param_constant180": "const_noop", "_param_constant181": "const_noop", "linear_66": "LinearOp", "gelu_10": "GeluOp", "dropout_42": "DropoutOp", "_param_constant182": "const_noop", "_param_constant183": "const_noop", "linear_67": "LinearOp", "dropout_43": "DropoutOp", "_param_constant184": "const_noop", "_param_constant185": "const_noop", "layer_norm_24": "LayerNormOp", "add_37": "AddOp", "_tensor_constant67": "const_noop", "_param_constant186": "const_noop", "_param_constant187": "const_noop", "linear_68": "LinearOp", "relu__11": "ReluOp", "_param_constant188": "const_noop", "linear_69": "LinearOp", "view_59": "ReshapeOp", "_tensor_constant68": "const_noop", "index_11": "unknown", "view_60": "ReshapeOp", "permute_50": "TransposeOp", "contiguous_20": "noop", "unsqueeze_31": "ReshapeOp", "sigmoid_11": "SigmoidOp", "mul_22": "MulOp", "pad_13": "PadOp", "roll_10": "unknown", "view_61": "ReshapeOp", "permute_51": "TransposeOp", "reshape_49": "ReshapeOp", "_param_constant189": "const_noop", "clone_11": "noop", "slice_166": "GatherOp", "zero__11": "unknown", "_param_constant190": "const_noop", "linear_70": "LinearOp", "reshape_50": "ReshapeOp", "permute_52": "TransposeOp", "select_33": "GatherOp", "select_34": "GatherOp", "select_35": "GatherOp", "linalg_vector_norm_22": "unknown", "clamp_min_22": "unknown", "expand_as_22": "ExpandAsOp", "div_22": "DivOp", "linalg_vector_norm_23": "unknown", "clamp_min_23": "unknown", "expand_as_23": "ExpandAsOp", "div_23": "DivOp", "transpose_22": "TransposeOp", "matmul_22": "MatMulOp", "_param_constant191": "const_noop", "clamp_11": "unknown", "exp_11": "ExpOp", "mul_23": "MulOp", "add_38": "AddOp", "new_zeros_5": "unknown", "_tensor_constant69": "const_noop", "lift_fresh_copy_45": "unknown", "slice_167": "GatherOp", "slice_168": "GatherOp", "fill__45": "unknown", "_tensor_constant70": "const_noop", "lift_fresh_copy_46": "unknown", "slice_169": "GatherOp", "slice_170": "GatherOp", "fill__46": "unknown", "_tensor_constant71": "const_noop", "lift_fresh_copy_47": "unknown", "slice_171": "GatherOp", "slice_172": "GatherOp", "fill__47": "unknown", "_tensor_constant72": "const_noop", "lift_fresh_copy_48": "unknown", "slice_173": "GatherOp", "slice_174": "GatherOp", "fill__48": "unknown", "_tensor_constant73": "const_noop", "lift_fresh_copy_49": "unknown", "slice_175": "GatherOp", "slice_176": "GatherOp", "fill__49": "unknown", "_tensor_constant74": "const_noop", "lift_fresh_copy_50": "unknown", "slice_177": "GatherOp", "slice_178": "GatherOp", "fill__50": "unknown", "_tensor_constant75": "const_noop", "lift_fresh_copy_51": "unknown", "slice_179": "GatherOp", "slice_180": "GatherOp", "fill__51": "unknown", "_tensor_constant76": "const_noop", "lift_fresh_copy_52": "unknown", "slice_181": "GatherOp", "slice_182": "GatherOp", "fill__52": "unknown", "_tensor_constant77": "const_noop", "lift_fresh_copy_53": "unknown", "slice_183": "GatherOp", "slice_184": "GatherOp", "fill__53": "unknown", "view_62": "ReshapeOp", "permute_53": "TransposeOp", "reshape_51": "ReshapeOp", "unsqueeze_32": "ReshapeOp", "unsqueeze_33": "ReshapeOp", "sub_5": "SubOp", "ne_5": "unknown", "masked_fill_10": "ScatterOp", "eq_5": "unknown", "masked_fill_11": "ScatterOp", "view_63": "ReshapeOp", "unsqueeze_34": "ReshapeOp", "unsqueeze_35": "ReshapeOp", "add_39": "AddOp", "view_64": "ReshapeOp", "softmax_11": "SoftmaxOp", "dropout_44": "DropoutOp", "matmul_23": "MatMulOp", "transpose_23": "TransposeOp", "reshape_52": "ReshapeOp", "_param_constant192": "const_noop", "_param_constant193": "const_noop", "linear_71": "LinearOp", "dropout_45": "DropoutOp", "view_65": "ReshapeOp", "permute_54": "TransposeOp", "reshape_53": "ReshapeOp", "roll_11": "unknown", "slice_185": "GatherOp", "slice_186": "GatherOp", "slice_187": "GatherOp", "slice_188": "GatherOp", "contiguous_21": "noop", "_param_constant194": "const_noop", "_param_constant195": "const_noop", "layer_norm_25": "LayerNormOp", "add_40": "AddOp", "_param_constant196": "const_noop", "_param_constant197": "const_noop", "linear_72": "LinearOp", "gelu_11": "GeluOp", "dropout_46": "DropoutOp", "_param_constant198": "const_noop", "_param_constant199": "const_noop", "linear_73": "LinearOp", "dropout_47": "DropoutOp", "_param_constant200": "const_noop", "_param_constant201": "const_noop", "layer_norm_26": "LayerNormOp", "add_41": "AddOp", "_tensor_constant78": "const_noop", "_param_constant202": "const_noop", "_param_constant203": "const_noop", "linear_74": "LinearOp", "relu__12": "ReluOp", "_param_constant204": "const_noop", "linear_75": "LinearOp", "view_66": "ReshapeOp", "_tensor_constant79": "const_noop", "index_12": "unknown", "view_67": "ReshapeOp", "permute_55": "TransposeOp", "contiguous_22": "noop", "unsqueeze_36": "ReshapeOp", "sigmoid_12": "SigmoidOp", "mul_24": "MulOp", "pad_14": "PadOp", "view_68": "ReshapeOp", "permute_56": "TransposeOp", "reshape_54": "ReshapeOp", "_param_constant205": "const_noop", "clone_12": "noop", "slice_189": "GatherOp", "zero__12": "unknown", "_param_constant206": "const_noop", "linear_76": "LinearOp", "reshape_55": "ReshapeOp", "permute_57": "TransposeOp", "select_36": "GatherOp", "select_37": "GatherOp", "select_38": "GatherOp", "linalg_vector_norm_24": "unknown", "clamp_min_24": "unknown", "expand_as_24": "ExpandAsOp", "div_24": "DivOp", "linalg_vector_norm_25": "unknown", "clamp_min_25": "unknown", "expand_as_25": "ExpandAsOp", "div_25": "DivOp", "transpose_24": "TransposeOp", "matmul_24": "MatMulOp", "_param_constant207": "const_noop", "clamp_12": "unknown", "exp_12": "ExpOp", "mul_25": "MulOp", "add_42": "AddOp", "softmax_12": "SoftmaxOp", "dropout_48": "DropoutOp", "matmul_25": "MatMulOp", "transpose_25": "TransposeOp", "reshape_56": "ReshapeOp", "_param_constant208": "const_noop", "_param_constant209": "const_noop", "linear_77": "LinearOp", "dropout_49": "DropoutOp", "view_69": "ReshapeOp", "permute_58": "TransposeOp", "reshape_57": "ReshapeOp", "slice_190": "GatherOp", "slice_191": "GatherOp", "slice_192": "GatherOp", "slice_193": "GatherOp", "contiguous_23": "noop", "_param_constant210": "const_noop", "_param_constant211": "const_noop", "layer_norm_27": "LayerNormOp", "add_43": "AddOp", "_param_constant212": "const_noop", "_param_constant213": "const_noop", "linear_78": "LinearOp", "gelu_12": "GeluOp", "dropout_50": "DropoutOp", "_param_constant214": "const_noop", "_param_constant215": "const_noop", "linear_79": "LinearOp", "dropout_51": "DropoutOp", "_param_constant216": "const_noop", "_param_constant217": "const_noop", "layer_norm_28": "LayerNormOp", "add_44": "AddOp", "_tensor_constant80": "const_noop", "_param_constant218": "const_noop", "_param_constant219": "const_noop", "linear_80": "LinearOp", "relu__13": "ReluOp", "_param_constant220": "const_noop", "linear_81": "LinearOp", "view_70": "ReshapeOp", "_tensor_constant81": "const_noop", "index_13": "unknown", "view_71": "ReshapeOp", "permute_59": "TransposeOp", "contiguous_24": "noop", "unsqueeze_37": "ReshapeOp", "sigmoid_13": "SigmoidOp", "mul_26": "MulOp", "pad_15": "PadOp", "roll_12": "unknown", "view_72": "ReshapeOp", "permute_60": "TransposeOp", "reshape_58": "ReshapeOp", "_param_constant221": "const_noop", "clone_13": "noop", "slice_194": "GatherOp", "zero__13": "unknown", "_param_constant222": "const_noop", "linear_82": "LinearOp", "reshape_59": "ReshapeOp", "permute_61": "TransposeOp", "select_39": "GatherOp", "select_40": "GatherOp", "select_41": "GatherOp", "linalg_vector_norm_26": "unknown", "clamp_min_26": "unknown", "expand_as_26": "ExpandAsOp", "div_26": "DivOp", "linalg_vector_norm_27": "unknown", "clamp_min_27": "unknown", "expand_as_27": "ExpandAsOp", "div_27": "DivOp", "transpose_26": "TransposeOp", "matmul_26": "MatMulOp", "_param_constant223": "const_noop", "clamp_13": "unknown", "exp_13": "ExpOp", "mul_27": "MulOp", "add_45": "AddOp", "new_zeros_6": "unknown", "_tensor_constant82": "const_noop", "lift_fresh_copy_54": "unknown", "slice_195": "GatherOp", "slice_196": "GatherOp", "fill__54": "unknown", "_tensor_constant83": "const_noop", "lift_fresh_copy_55": "unknown", "slice_197": "GatherOp", "slice_198": "GatherOp", "fill__55": "unknown", "_tensor_constant84": "const_noop", "lift_fresh_copy_56": "unknown", "slice_199": "GatherOp", "slice_200": "GatherOp", "fill__56": "unknown", "_tensor_constant85": "const_noop", "lift_fresh_copy_57": "unknown", "slice_201": "GatherOp", "slice_202": "GatherOp", "fill__57": "unknown", "_tensor_constant86": "const_noop", "lift_fresh_copy_58": "unknown", "slice_203": "GatherOp", "slice_204": "GatherOp", "fill__58": "unknown", "_tensor_constant87": "const_noop", "lift_fresh_copy_59": "unknown", "slice_205": "GatherOp", "slice_206": "GatherOp", "fill__59": "unknown", "_tensor_constant88": "const_noop", "lift_fresh_copy_60": "unknown", "slice_207": "GatherOp", "slice_208": "GatherOp", "fill__60": "unknown", "_tensor_constant89": "const_noop", "lift_fresh_copy_61": "unknown", "slice_209": "GatherOp", "slice_210": "GatherOp", "fill__61": "unknown", "_tensor_constant90": "const_noop", "lift_fresh_copy_62": "unknown", "slice_211": "GatherOp", "slice_212": "GatherOp", "fill__62": "unknown", "view_73": "ReshapeOp", "permute_62": "TransposeOp", "reshape_60": "ReshapeOp", "unsqueeze_38": "ReshapeOp", "unsqueeze_39": "ReshapeOp", "sub_6": "SubOp", "ne_6": "unknown", "masked_fill_12": "ScatterOp", "eq_6": "unknown", "masked_fill_13": "ScatterOp", "view_74": "ReshapeOp", "unsqueeze_40": "ReshapeOp", "unsqueeze_41": "ReshapeOp", "add_46": "AddOp", "view_75": "ReshapeOp", "softmax_13": "SoftmaxOp", "dropout_52": "DropoutOp", "matmul_27": "MatMulOp", "transpose_27": "TransposeOp", "reshape_61": "ReshapeOp", "_param_constant224": "const_noop", "_param_constant225": "const_noop", "linear_83": "LinearOp", "dropout_53": "DropoutOp", "view_76": "ReshapeOp", "permute_63": "TransposeOp", "reshape_62": "ReshapeOp", "roll_13": "unknown", "slice_213": "GatherOp", "slice_214": "GatherOp", "slice_215": "GatherOp", "slice_216": "GatherOp", "contiguous_25": "noop", "_param_constant226": "const_noop", "_param_constant227": "const_noop", "layer_norm_29": "LayerNormOp", "add_47": "AddOp", "_param_constant228": "const_noop", "_param_constant229": "const_noop", "linear_84": "LinearOp", "gelu_13": "GeluOp", "dropout_54": "DropoutOp", "_param_constant230": "const_noop", "_param_constant231": "const_noop", "linear_85": "LinearOp", "dropout_55": "DropoutOp", "_param_constant232": "const_noop", "_param_constant233": "const_noop", "layer_norm_30": "LayerNormOp", "add_48": "AddOp", "_tensor_constant91": "const_noop", "_param_constant234": "const_noop", "_param_constant235": "const_noop", "linear_86": "LinearOp", "relu__14": "ReluOp", "_param_constant236": "const_noop", "linear_87": "LinearOp", "view_77": "ReshapeOp", "_tensor_constant92": "const_noop", "index_14": "unknown", "view_78": "ReshapeOp", "permute_64": "TransposeOp", "contiguous_26": "noop", "unsqueeze_42": "ReshapeOp", "sigmoid_14": "SigmoidOp", "mul_28": "MulOp", "pad_16": "PadOp", "view_79": "ReshapeOp", "permute_65": "TransposeOp", "reshape_63": "ReshapeOp", "_param_constant237": "const_noop", "clone_14": "noop", "slice_217": "GatherOp", "zero__14": "unknown", "_param_constant238": "const_noop", "linear_88": "LinearOp", "reshape_64": "ReshapeOp", "permute_66": "TransposeOp", "select_42": "GatherOp", "select_43": "GatherOp", "select_44": "GatherOp", "linalg_vector_norm_28": "unknown", "clamp_min_28": "unknown", "expand_as_28": "ExpandAsOp", "div_28": "DivOp", "linalg_vector_norm_29": "unknown", "clamp_min_29": "unknown", "expand_as_29": "ExpandAsOp", "div_29": "DivOp", "transpose_28": "TransposeOp", "matmul_28": "MatMulOp", "_param_constant239": "const_noop", "clamp_14": "unknown", "exp_14": "ExpOp", "mul_29": "MulOp", "add_49": "AddOp", "softmax_14": "SoftmaxOp", "dropout_56": "DropoutOp", "matmul_29": "MatMulOp", "transpose_29": "TransposeOp", "reshape_65": "ReshapeOp", "_param_constant240": "const_noop", "_param_constant241": "const_noop", "linear_89": "LinearOp", "dropout_57": "DropoutOp", "view_80": "ReshapeOp", "permute_67": "TransposeOp", "reshape_66": "ReshapeOp", "slice_218": "GatherOp", "slice_219": "GatherOp", "slice_220": "GatherOp", "slice_221": "GatherOp", "contiguous_27": "noop", "_param_constant242": "const_noop", "_param_constant243": "const_noop", "layer_norm_31": "LayerNormOp", "add_50": "AddOp", "_param_constant244": "const_noop", "_param_constant245": "const_noop", "linear_90": "LinearOp", "gelu_14": "GeluOp", "dropout_58": "DropoutOp", "_param_constant246": "const_noop", "_param_constant247": "const_noop", "linear_91": "LinearOp", "dropout_59": "DropoutOp", "_param_constant248": "const_noop", "_param_constant249": "const_noop", "layer_norm_32": "LayerNormOp", "add_51": "AddOp", "_tensor_constant93": "const_noop", "_param_constant250": "const_noop", "_param_constant251": "const_noop", "linear_92": "LinearOp", "relu__15": "ReluOp", "_param_constant252": "const_noop", "linear_93": "LinearOp", "view_81": "ReshapeOp", "_tensor_constant94": "const_noop", "index_15": "unknown", "view_82": "ReshapeOp", "permute_68": "TransposeOp", "contiguous_28": "noop", "unsqueeze_43": "ReshapeOp", "sigmoid_15": "SigmoidOp", "mul_30": "MulOp", "pad_17": "PadOp", "roll_14": "unknown", "view_83": "ReshapeOp", "permute_69": "TransposeOp", "reshape_67": "ReshapeOp", "_param_constant253": "const_noop", "clone_15": "noop", "slice_222": "GatherOp", "zero__15": "unknown", "_param_constant254": "const_noop", "linear_94": "LinearOp", "reshape_68": "ReshapeOp", "permute_70": "TransposeOp", "select_45": "GatherOp", "select_46": "GatherOp", "select_47": "GatherOp", "linalg_vector_norm_30": "unknown", "clamp_min_30": "unknown", "expand_as_30": "ExpandAsOp", "div_30": "DivOp", "linalg_vector_norm_31": "unknown", "clamp_min_31": "unknown", "expand_as_31": "ExpandAsOp", "div_31": "DivOp", "transpose_30": "TransposeOp", "matmul_30": "MatMulOp", "_param_constant255": "const_noop", "clamp_15": "unknown", "exp_15": "ExpOp", "mul_31": "MulOp", "add_52": "AddOp", "new_zeros_7": "unknown", "_tensor_constant95": "const_noop", "lift_fresh_copy_63": "unknown", "slice_223": "GatherOp", "slice_224": "GatherOp", "fill__63": "unknown", "_tensor_constant96": "const_noop", "lift_fresh_copy_64": "unknown", "slice_225": "GatherOp", "slice_226": "GatherOp", "fill__64": "unknown", "_tensor_constant97": "const_noop", "lift_fresh_copy_65": "unknown", "slice_227": "GatherOp", "slice_228": "GatherOp", "fill__65": "unknown", "_tensor_constant98": "const_noop", "lift_fresh_copy_66": "unknown", "slice_229": "GatherOp", "slice_230": "GatherOp", "fill__66": "unknown", "_tensor_constant99": "const_noop", "lift_fresh_copy_67": "unknown", "slice_231": "GatherOp", "slice_232": "GatherOp", "fill__67": "unknown", "_tensor_constant100": "const_noop", "lift_fresh_copy_68": "unknown", "slice_233": "GatherOp", "slice_234": "GatherOp", "fill__68": "unknown", "_tensor_constant101": "const_noop", "lift_fresh_copy_69": "unknown", "slice_235": "GatherOp", "slice_236": "GatherOp", "fill__69": "unknown", "_tensor_constant102": "const_noop", "lift_fresh_copy_70": "unknown", "slice_237": "GatherOp", "slice_238": "GatherOp", "fill__70": "unknown", "_tensor_constant103": "const_noop", "lift_fresh_copy_71": "unknown", "slice_239": "GatherOp", "slice_240": "GatherOp", "fill__71": "unknown", "view_84": "ReshapeOp", "permute_71": "TransposeOp", "reshape_69": "ReshapeOp", "unsqueeze_44": "ReshapeOp", "unsqueeze_45": "ReshapeOp", "sub_7": "SubOp", "ne_7": "unknown", "masked_fill_14": "ScatterOp", "eq_7": "unknown", "masked_fill_15": "ScatterOp", "view_85": "ReshapeOp", "unsqueeze_46": "ReshapeOp", "unsqueeze_47": "ReshapeOp", "add_53": "AddOp", "view_86": "ReshapeOp", "softmax_15": "SoftmaxOp", "dropout_60": "DropoutOp", "matmul_31": "MatMulOp", "transpose_31": "TransposeOp", "reshape_70": "ReshapeOp", "_param_constant256": "const_noop", "_param_constant257": "const_noop", "linear_95": "LinearOp", "dropout_61": "DropoutOp", "view_87": "ReshapeOp", "permute_72": "TransposeOp", "reshape_71": "ReshapeOp", "roll_15": "unknown", "slice_241": "GatherOp", "slice_242": "GatherOp", "slice_243": "GatherOp", "slice_244": "GatherOp", "contiguous_29": "noop", "_param_constant258": "const_noop", "_param_constant259": "const_noop", "layer_norm_33": "LayerNormOp", "add_54": "AddOp", "_param_constant260": "const_noop", "_param_constant261": "const_noop", "linear_96": "LinearOp", "gelu_15": "GeluOp", "dropout_62": "DropoutOp", "_param_constant262": "const_noop", "_param_constant263": "const_noop", "linear_97": "LinearOp", "dropout_63": "DropoutOp", "_param_constant264": "const_noop", "_param_constant265": "const_noop", "layer_norm_34": "LayerNormOp", "add_55": "AddOp", "_tensor_constant104": "const_noop", "_param_constant266": "const_noop", "_param_constant267": "const_noop", "linear_98": "LinearOp", "relu__16": "ReluOp", "_param_constant268": "const_noop", "linear_99": "LinearOp", "view_88": "ReshapeOp", "_tensor_constant105": "const_noop", "index_16": "unknown", "view_89": "ReshapeOp", "permute_73": "TransposeOp", "contiguous_30": "noop", "unsqueeze_48": "ReshapeOp", "sigmoid_16": "SigmoidOp", "mul_32": "MulOp", "pad_18": "PadOp", "view_90": "ReshapeOp", "permute_74": "TransposeOp", "reshape_72": "ReshapeOp", "_param_constant269": "const_noop", "clone_16": "noop", "slice_245": "GatherOp", "zero__16": "unknown", "_param_constant270": "const_noop", "linear_100": "LinearOp", "reshape_73": "ReshapeOp", "permute_75": "TransposeOp", "select_48": "GatherOp", "select_49": "GatherOp", "select_50": "GatherOp", "linalg_vector_norm_32": "unknown", "clamp_min_32": "unknown", "expand_as_32": "ExpandAsOp", "div_32": "DivOp", "linalg_vector_norm_33": "unknown", "clamp_min_33": "unknown", "expand_as_33": "ExpandAsOp", "div_33": "DivOp", "transpose_32": "TransposeOp", "matmul_32": "MatMulOp", "_param_constant271": "const_noop", "clamp_16": "unknown", "exp_16": "ExpOp", "mul_33": "MulOp", "add_56": "AddOp", "softmax_16": "SoftmaxOp", "dropout_64": "DropoutOp", "matmul_33": "MatMulOp", "transpose_33": "TransposeOp", "reshape_74": "ReshapeOp", "_param_constant272": "const_noop", "_param_constant273": "const_noop", "linear_101": "LinearOp", "dropout_65": "DropoutOp", "view_91": "ReshapeOp", "permute_76": "TransposeOp", "reshape_75": "ReshapeOp", "slice_246": "GatherOp", "slice_247": "GatherOp", "slice_248": "GatherOp", "slice_249": "GatherOp", "contiguous_31": "noop", "_param_constant274": "const_noop", "_param_constant275": "const_noop", "layer_norm_35": "LayerNormOp", "add_57": "AddOp", "_param_constant276": "const_noop", "_param_constant277": "const_noop", "linear_102": "LinearOp", "gelu_16": "GeluOp", "dropout_66": "DropoutOp", "_param_constant278": "const_noop", "_param_constant279": "const_noop", "linear_103": "LinearOp", "dropout_67": "DropoutOp", "_param_constant280": "const_noop", "_param_constant281": "const_noop", "layer_norm_36": "LayerNormOp", "add_58": "AddOp", "_tensor_constant106": "const_noop", "_param_constant282": "const_noop", "_param_constant283": "const_noop", "linear_104": "LinearOp", "relu__17": "ReluOp", "_param_constant284": "const_noop", "linear_105": "LinearOp", "view_92": "ReshapeOp", "_tensor_constant107": "const_noop", "index_17": "unknown", "view_93": "ReshapeOp", "permute_77": "TransposeOp", "contiguous_32": "noop", "unsqueeze_49": "ReshapeOp", "sigmoid_17": "SigmoidOp", "mul_34": "MulOp", "pad_19": "PadOp", "roll_16": "unknown", "view_94": "ReshapeOp", "permute_78": "TransposeOp", "reshape_76": "ReshapeOp", "_param_constant285": "const_noop", "clone_17": "noop", "slice_250": "GatherOp", "zero__17": "unknown", "_param_constant286": "const_noop", "linear_106": "LinearOp", "reshape_77": "ReshapeOp", "permute_79": "TransposeOp", "select_51": "GatherOp", "select_52": "GatherOp", "select_53": "GatherOp", "linalg_vector_norm_34": "unknown", "clamp_min_34": "unknown", "expand_as_34": "ExpandAsOp", "div_34": "DivOp", "linalg_vector_norm_35": "unknown", "clamp_min_35": "unknown", "expand_as_35": "ExpandAsOp", "div_35": "DivOp", "transpose_34": "TransposeOp", "matmul_34": "MatMulOp", "_param_constant287": "const_noop", "clamp_17": "unknown", "exp_17": "ExpOp", "mul_35": "MulOp", "add_59": "AddOp", "new_zeros_8": "unknown", "_tensor_constant108": "const_noop", "lift_fresh_copy_72": "unknown", "slice_251": "GatherOp", "slice_252": "GatherOp", "fill__72": "unknown", "_tensor_constant109": "const_noop", "lift_fresh_copy_73": "unknown", "slice_253": "GatherOp", "slice_254": "GatherOp", "fill__73": "unknown", "_tensor_constant110": "const_noop", "lift_fresh_copy_74": "unknown", "slice_255": "GatherOp", "slice_256": "GatherOp", "fill__74": "unknown", "_tensor_constant111": "const_noop", "lift_fresh_copy_75": "unknown", "slice_257": "GatherOp", "slice_258": "GatherOp", "fill__75": "unknown", "_tensor_constant112": "const_noop", "lift_fresh_copy_76": "unknown", "slice_259": "GatherOp", "slice_260": "GatherOp", "fill__76": "unknown", "_tensor_constant113": "const_noop", "lift_fresh_copy_77": "unknown", "slice_261": "GatherOp", "slice_262": "GatherOp", "fill__77": "unknown", "_tensor_constant114": "const_noop", "lift_fresh_copy_78": "unknown", "slice_263": "GatherOp", "slice_264": "GatherOp", "fill__78": "unknown", "_tensor_constant115": "const_noop", "lift_fresh_copy_79": "unknown", "slice_265": "GatherOp", "slice_266": "GatherOp", "fill__79": "unknown", "_tensor_constant116": "const_noop", "lift_fresh_copy_80": "unknown", "slice_267": "GatherOp", "slice_268": "GatherOp", "fill__80": "unknown", "view_95": "ReshapeOp", "permute_80": "TransposeOp", "reshape_78": "ReshapeOp", "unsqueeze_50": "ReshapeOp", "unsqueeze_51": "ReshapeOp", "sub_8": "SubOp", "ne_8": "unknown", "masked_fill_16": "ScatterOp", "eq_8": "unknown", "masked_fill_17": "ScatterOp", "view_96": "ReshapeOp", "unsqueeze_52": "ReshapeOp", "unsqueeze_53": "ReshapeOp", "add_60": "AddOp", "view_97": "ReshapeOp", "softmax_17": "SoftmaxOp", "dropout_68": "DropoutOp", "matmul_35": "MatMulOp", "transpose_35": "TransposeOp", "reshape_79": "ReshapeOp", "_param_constant288": "const_noop", "_param_constant289": "const_noop", "linear_107": "LinearOp", "dropout_69": "DropoutOp", "view_98": "ReshapeOp", "permute_81": "TransposeOp", "reshape_80": "ReshapeOp", "roll_17": "unknown", "slice_269": "GatherOp", "slice_270": "GatherOp", "slice_271": "GatherOp", "slice_272": "GatherOp", "contiguous_33": "noop", "_param_constant290": "const_noop", "_param_constant291": "const_noop", "layer_norm_37": "LayerNormOp", "add_61": "AddOp", "_param_constant292": "const_noop", "_param_constant293": "const_noop", "linear_108": "LinearOp", "gelu_17": "GeluOp", "dropout_70": "DropoutOp", "_param_constant294": "const_noop", "_param_constant295": "const_noop", "linear_109": "LinearOp", "dropout_71": "DropoutOp", "_param_constant296": "const_noop", "_param_constant297": "const_noop", "layer_norm_38": "LayerNormOp", "add_62": "AddOp", "_tensor_constant117": "const_noop", "_param_constant298": "const_noop", "_param_constant299": "const_noop", "linear_110": "LinearOp", "relu__18": "ReluOp", "_param_constant300": "const_noop", "linear_111": "LinearOp", "view_99": "ReshapeOp", "_tensor_constant118": "const_noop", "index_18": "unknown", "view_100": "ReshapeOp", "permute_82": "TransposeOp", "contiguous_34": "noop", "unsqueeze_54": "ReshapeOp", "sigmoid_18": "SigmoidOp", "mul_36": "MulOp", "pad_20": "PadOp", "view_101": "ReshapeOp", "permute_83": "TransposeOp", "reshape_81": "ReshapeOp", "_param_constant301": "const_noop", "clone_18": "noop", "slice_273": "GatherOp", "zero__18": "unknown", "_param_constant302": "const_noop", "linear_112": "LinearOp", "reshape_82": "ReshapeOp", "permute_84": "TransposeOp", "select_54": "GatherOp", "select_55": "GatherOp", "select_56": "GatherOp", "linalg_vector_norm_36": "unknown", "clamp_min_36": "unknown", "expand_as_36": "ExpandAsOp", "div_36": "DivOp", "linalg_vector_norm_37": "unknown", "clamp_min_37": "unknown", "expand_as_37": "ExpandAsOp", "div_37": "DivOp", "transpose_36": "TransposeOp", "matmul_36": "MatMulOp", "_param_constant303": "const_noop", "clamp_18": "unknown", "exp_18": "ExpOp", "mul_37": "MulOp", "add_63": "AddOp", "softmax_18": "SoftmaxOp", "dropout_72": "DropoutOp", "matmul_37": "MatMulOp", "transpose_37": "TransposeOp", "reshape_83": "ReshapeOp", "_param_constant304": "const_noop", "_param_constant305": "const_noop", "linear_113": "LinearOp", "dropout_73": "DropoutOp", "view_102": "ReshapeOp", "permute_85": "TransposeOp", "reshape_84": "ReshapeOp", "slice_274": "GatherOp", "slice_275": "GatherOp", "slice_276": "GatherOp", "slice_277": "GatherOp", "contiguous_35": "noop", "_param_constant306": "const_noop", "_param_constant307": "const_noop", "layer_norm_39": "LayerNormOp", "add_64": "AddOp", "_param_constant308": "const_noop", "_param_constant309": "const_noop", "linear_114": "LinearOp", "gelu_18": "GeluOp", "dropout_74": "DropoutOp", "_param_constant310": "const_noop", "_param_constant311": "const_noop", "linear_115": "LinearOp", "dropout_75": "DropoutOp", "_param_constant312": "const_noop", "_param_constant313": "const_noop", "layer_norm_40": "LayerNormOp", "add_65": "AddOp", "_tensor_constant119": "const_noop", "_param_constant314": "const_noop", "_param_constant315": "const_noop", "linear_116": "LinearOp", "relu__19": "ReluOp", "_param_constant316": "const_noop", "linear_117": "LinearOp", "view_103": "ReshapeOp", "_tensor_constant120": "const_noop", "index_19": "unknown", "view_104": "ReshapeOp", "permute_86": "TransposeOp", "contiguous_36": "noop", "unsqueeze_55": "ReshapeOp", "sigmoid_19": "SigmoidOp", "mul_38": "MulOp", "pad_21": "PadOp", "roll_18": "unknown", "view_105": "ReshapeOp", "permute_87": "TransposeOp", "reshape_85": "ReshapeOp", "_param_constant317": "const_noop", "clone_19": "noop", "slice_278": "GatherOp", "zero__19": "unknown", "_param_constant318": "const_noop", "linear_118": "LinearOp", "reshape_86": "ReshapeOp", "permute_88": "TransposeOp", "select_57": "GatherOp", "select_58": "GatherOp", "select_59": "GatherOp", "linalg_vector_norm_38": "unknown", "clamp_min_38": "unknown", "expand_as_38": "ExpandAsOp", "div_38": "DivOp", "linalg_vector_norm_39": "unknown", "clamp_min_39": "unknown", "expand_as_39": "ExpandAsOp", "div_39": "DivOp", "transpose_38": "TransposeOp", "matmul_38": "MatMulOp", "_param_constant319": "const_noop", "clamp_19": "unknown", "exp_19": "ExpOp", "mul_39": "MulOp", "add_66": "AddOp", "new_zeros_9": "unknown", "_tensor_constant121": "const_noop", "lift_fresh_copy_81": "unknown", "slice_279": "GatherOp", "slice_280": "GatherOp", "fill__81": "unknown", "_tensor_constant122": "const_noop", "lift_fresh_copy_82": "unknown", "slice_281": "GatherOp", "slice_282": "GatherOp", "fill__82": "unknown", "_tensor_constant123": "const_noop", "lift_fresh_copy_83": "unknown", "slice_283": "GatherOp", "slice_284": "GatherOp", "fill__83": "unknown", "_tensor_constant124": "const_noop", "lift_fresh_copy_84": "unknown", "slice_285": "GatherOp", "slice_286": "GatherOp", "fill__84": "unknown", "_tensor_constant125": "const_noop", "lift_fresh_copy_85": "unknown", "slice_287": "GatherOp", "slice_288": "GatherOp", "fill__85": "unknown", "_tensor_constant126": "const_noop", "lift_fresh_copy_86": "unknown", "slice_289": "GatherOp", "slice_290": "GatherOp", "fill__86": "unknown", "_tensor_constant127": "const_noop", "lift_fresh_copy_87": "unknown", "slice_291": "GatherOp", "slice_292": "GatherOp", "fill__87": "unknown", "_tensor_constant128": "const_noop", "lift_fresh_copy_88": "unknown", "slice_293": "GatherOp", "slice_294": "GatherOp", "fill__88": "unknown", "_tensor_constant129": "const_noop", "lift_fresh_copy_89": "unknown", "slice_295": "GatherOp", "slice_296": "GatherOp", "fill__89": "unknown", "view_106": "ReshapeOp", "permute_89": "TransposeOp", "reshape_87": "ReshapeOp", "unsqueeze_56": "ReshapeOp", "unsqueeze_57": "ReshapeOp", "sub_9": "SubOp", "ne_9": "unknown", "masked_fill_18": "ScatterOp", "eq_9": "unknown", "masked_fill_19": "ScatterOp", "view_107": "ReshapeOp", "unsqueeze_58": "ReshapeOp", "unsqueeze_59": "ReshapeOp", "add_67": "AddOp", "view_108": "ReshapeOp", "softmax_19": "SoftmaxOp", "dropout_76": "DropoutOp", "matmul_39": "MatMulOp", "transpose_39": "TransposeOp", "reshape_88": "ReshapeOp", "_param_constant320": "const_noop", "_param_constant321": "const_noop", "linear_119": "LinearOp", "dropout_77": "DropoutOp", "view_109": "ReshapeOp", "permute_90": "TransposeOp", "reshape_89": "ReshapeOp", "roll_19": "unknown", "slice_297": "GatherOp", "slice_298": "GatherOp", "slice_299": "GatherOp", "slice_300": "GatherOp", "contiguous_37": "noop", "_param_constant322": "const_noop", "_param_constant323": "const_noop", "layer_norm_41": "LayerNormOp", "add_68": "AddOp", "_param_constant324": "const_noop", "_param_constant325": "const_noop", "linear_120": "LinearOp", "gelu_19": "GeluOp", "dropout_78": "DropoutOp", "_param_constant326": "const_noop", "_param_constant327": "const_noop", "linear_121": "LinearOp", "dropout_79": "DropoutOp", "_param_constant328": "const_noop", "_param_constant329": "const_noop", "layer_norm_42": "LayerNormOp", "add_69": "AddOp", "_tensor_constant130": "const_noop", "_param_constant330": "const_noop", "_param_constant331": "const_noop", "linear_122": "LinearOp", "relu__20": "ReluOp", "_param_constant332": "const_noop", "linear_123": "LinearOp", "view_110": "ReshapeOp", "_tensor_constant131": "const_noop", "index_20": "unknown", "view_111": "ReshapeOp", "permute_91": "TransposeOp", "contiguous_38": "noop", "unsqueeze_60": "ReshapeOp", "sigmoid_20": "SigmoidOp", "mul_40": "MulOp", "pad_22": "PadOp", "view_112": "ReshapeOp", "permute_92": "TransposeOp", "reshape_90": "ReshapeOp", "_param_constant333": "const_noop", "clone_20": "noop", "slice_301": "GatherOp", "zero__20": "unknown", "_param_constant334": "const_noop", "linear_124": "LinearOp", "reshape_91": "ReshapeOp", "permute_93": "TransposeOp", "select_60": "GatherOp", "select_61": "GatherOp", "select_62": "GatherOp", "linalg_vector_norm_40": "unknown", "clamp_min_40": "unknown", "expand_as_40": "ExpandAsOp", "div_40": "DivOp", "linalg_vector_norm_41": "unknown", "clamp_min_41": "unknown", "expand_as_41": "ExpandAsOp", "div_41": "DivOp", "transpose_40": "TransposeOp", "matmul_40": "MatMulOp", "_param_constant335": "const_noop", "clamp_20": "unknown", "exp_20": "ExpOp", "mul_41": "MulOp", "add_70": "AddOp", "softmax_20": "SoftmaxOp", "dropout_80": "DropoutOp", "matmul_41": "MatMulOp", "transpose_41": "TransposeOp", "reshape_92": "ReshapeOp", "_param_constant336": "const_noop", "_param_constant337": "const_noop", "linear_125": "LinearOp", "dropout_81": "DropoutOp", "view_113": "ReshapeOp", "permute_94": "TransposeOp", "reshape_93": "ReshapeOp", "slice_302": "GatherOp", "slice_303": "GatherOp", "slice_304": "GatherOp", "slice_305": "GatherOp", "contiguous_39": "noop", "_param_constant338": "const_noop", "_param_constant339": "const_noop", "layer_norm_43": "LayerNormOp", "add_71": "AddOp", "_param_constant340": "const_noop", "_param_constant341": "const_noop", "linear_126": "LinearOp", "gelu_20": "GeluOp", "dropout_82": "DropoutOp", "_param_constant342": "const_noop", "_param_constant343": "const_noop", "linear_127": "LinearOp", "dropout_83": "DropoutOp", "_param_constant344": "const_noop", "_param_constant345": "const_noop", "layer_norm_44": "LayerNormOp", "add_72": "AddOp", "_tensor_constant132": "const_noop", "_param_constant346": "const_noop", "_param_constant347": "const_noop", "linear_128": "LinearOp", "relu__21": "ReluOp", "_param_constant348": "const_noop", "linear_129": "LinearOp", "view_114": "ReshapeOp", "_tensor_constant133": "const_noop", "index_21": "unknown", "view_115": "ReshapeOp", "permute_95": "TransposeOp", "contiguous_40": "noop", "unsqueeze_61": "ReshapeOp", "sigmoid_21": "SigmoidOp", "mul_42": "MulOp", "pad_23": "PadOp", "roll_20": "unknown", "view_116": "ReshapeOp", "permute_96": "TransposeOp", "reshape_94": "ReshapeOp", "_param_constant349": "const_noop", "clone_21": "noop", "slice_306": "GatherOp", "zero__21": "unknown", "_param_constant350": "const_noop", "linear_130": "LinearOp", "reshape_95": "ReshapeOp", "permute_97": "TransposeOp", "select_63": "GatherOp", "select_64": "GatherOp", "select_65": "GatherOp", "linalg_vector_norm_42": "unknown", "clamp_min_42": "unknown", "expand_as_42": "ExpandAsOp", "div_42": "DivOp", "linalg_vector_norm_43": "unknown", "clamp_min_43": "unknown", "expand_as_43": "ExpandAsOp", "div_43": "DivOp", "transpose_42": "TransposeOp", "matmul_42": "MatMulOp", "_param_constant351": "const_noop", "clamp_21": "unknown", "exp_21": "ExpOp", "mul_43": "MulOp", "add_73": "AddOp", "new_zeros_10": "unknown", "_tensor_constant134": "const_noop", "lift_fresh_copy_90": "unknown", "slice_307": "GatherOp", "slice_308": "GatherOp", "fill__90": "unknown", "_tensor_constant135": "const_noop", "lift_fresh_copy_91": "unknown", "slice_309": "GatherOp", "slice_310": "GatherOp", "fill__91": "unknown", "_tensor_constant136": "const_noop", "lift_fresh_copy_92": "unknown", "slice_311": "GatherOp", "slice_312": "GatherOp", "fill__92": "unknown", "_tensor_constant137": "const_noop", "lift_fresh_copy_93": "unknown", "slice_313": "GatherOp", "slice_314": "GatherOp", "fill__93": "unknown", "_tensor_constant138": "const_noop", "lift_fresh_copy_94": "unknown", "slice_315": "GatherOp", "slice_316": "GatherOp", "fill__94": "unknown", "_tensor_constant139": "const_noop", "lift_fresh_copy_95": "unknown", "slice_317": "GatherOp", "slice_318": "GatherOp", "fill__95": "unknown", "_tensor_constant140": "const_noop", "lift_fresh_copy_96": "unknown", "slice_319": "GatherOp", "slice_320": "GatherOp", "fill__96": "unknown", "_tensor_constant141": "const_noop", "lift_fresh_copy_97": "unknown", "slice_321": "GatherOp", "slice_322": "GatherOp", "fill__97": "unknown", "_tensor_constant142": "const_noop", "lift_fresh_copy_98": "unknown", "slice_323": "GatherOp", "slice_324": "GatherOp", "fill__98": "unknown", "view_117": "ReshapeOp", "permute_98": "TransposeOp", "reshape_96": "ReshapeOp", "unsqueeze_62": "ReshapeOp", "unsqueeze_63": "ReshapeOp", "sub_10": "SubOp", "ne_10": "unknown", "masked_fill_20": "ScatterOp", "eq_10": "unknown", "masked_fill_21": "ScatterOp", "view_118": "ReshapeOp", "unsqueeze_64": "ReshapeOp", "unsqueeze_65": "ReshapeOp", "add_74": "AddOp", "view_119": "ReshapeOp", "softmax_21": "SoftmaxOp", "dropout_84": "DropoutOp", "matmul_43": "MatMulOp", "transpose_43": "TransposeOp", "reshape_97": "ReshapeOp", "_param_constant352": "const_noop", "_param_constant353": "const_noop", "linear_131": "LinearOp", "dropout_85": "DropoutOp", "view_120": "ReshapeOp", "permute_99": "TransposeOp", "reshape_98": "ReshapeOp", "roll_21": "unknown", "slice_325": "GatherOp", "slice_326": "GatherOp", "slice_327": "GatherOp", "slice_328": "GatherOp", "contiguous_41": "noop", "_param_constant354": "const_noop", "_param_constant355": "const_noop", "layer_norm_45": "LayerNormOp", "add_75": "AddOp", "_param_constant356": "const_noop", "_param_constant357": "const_noop", "linear_132": "LinearOp", "gelu_21": "GeluOp", "dropout_86": "DropoutOp", "_param_constant358": "const_noop", "_param_constant359": "const_noop", "linear_133": "LinearOp", "dropout_87": "DropoutOp", "_param_constant360": "const_noop", "_param_constant361": "const_noop", "layer_norm_46": "LayerNormOp", "add_76": "AddOp", "pad_24": "PadOp", "slice_329": "GatherOp", "slice_330": "GatherOp", "slice_331": "GatherOp", "slice_332": "GatherOp", "slice_333": "GatherOp", "slice_334": "GatherOp", "slice_335": "GatherOp", "slice_336": "GatherOp", "slice_337": "GatherOp", "slice_338": "GatherOp", "slice_339": "GatherOp", "slice_340": "GatherOp", "cat_2": "CatOp", "_param_constant362": "const_noop", "linear_134": "LinearOp", "_param_constant363": "const_noop", "_param_constant364": "const_noop", "layer_norm_47": "LayerNormOp", "_tensor_constant143": "const_noop", "_param_constant365": "const_noop", "_param_constant366": "const_noop", "linear_135": "LinearOp", "relu__22": "ReluOp", "_param_constant367": "const_noop", "linear_136": "LinearOp", "view_121": "ReshapeOp", "_tensor_constant144": "const_noop", "index_22": "unknown", "view_122": "ReshapeOp", "permute_100": "TransposeOp", "contiguous_42": "noop", "unsqueeze_66": "ReshapeOp", "sigmoid_22": "SigmoidOp", "mul_44": "MulOp", "pad_25": "PadOp", "view_123": "ReshapeOp", "permute_101": "TransposeOp", "reshape_99": "ReshapeOp", "_param_constant368": "const_noop", "clone_22": "noop", "slice_341": "GatherOp", "zero__22": "unknown", "_param_constant369": "const_noop", "linear_137": "LinearOp", "reshape_100": "ReshapeOp", "permute_102": "TransposeOp", "select_66": "GatherOp", "select_67": "GatherOp", "select_68": "GatherOp", "linalg_vector_norm_44": "unknown", "clamp_min_44": "unknown", "expand_as_44": "ExpandAsOp", "div_44": "DivOp", "linalg_vector_norm_45": "unknown", "clamp_min_45": "unknown", "expand_as_45": "ExpandAsOp", "div_45": "DivOp", "transpose_44": "TransposeOp", "matmul_44": "MatMulOp", "_param_constant370": "const_noop", "clamp_22": "unknown", "exp_22": "ExpOp", "mul_45": "MulOp", "add_77": "AddOp", "softmax_22": "SoftmaxOp", "dropout_88": "DropoutOp", "matmul_45": "MatMulOp", "transpose_45": "TransposeOp", "reshape_101": "ReshapeOp", "_param_constant371": "const_noop", "_param_constant372": "const_noop", "linear_138": "LinearOp", "dropout_89": "DropoutOp", "view_124": "ReshapeOp", "permute_103": "TransposeOp", "reshape_102": "ReshapeOp", "slice_342": "GatherOp", "slice_343": "GatherOp", "slice_344": "GatherOp", "slice_345": "GatherOp", "contiguous_43": "noop", "_param_constant373": "const_noop", "_param_constant374": "const_noop", "layer_norm_48": "LayerNormOp", "add_78": "AddOp", "_param_constant375": "const_noop", "_param_constant376": "const_noop", "linear_139": "LinearOp", "gelu_22": "GeluOp", "dropout_90": "DropoutOp", "_param_constant377": "const_noop", "_param_constant378": "const_noop", "linear_140": "LinearOp", "dropout_91": "DropoutOp", "_param_constant379": "const_noop", "_param_constant380": "const_noop", "layer_norm_49": "LayerNormOp", "add_79": "AddOp", "_tensor_constant145": "const_noop", "_param_constant381": "const_noop", "_param_constant382": "const_noop", "linear_141": "LinearOp", "relu__23": "ReluOp", "_param_constant383": "const_noop", "linear_142": "LinearOp", "view_125": "ReshapeOp", "_tensor_constant146": "const_noop", "index_23": "unknown", "view_126": "ReshapeOp", "permute_104": "TransposeOp", "contiguous_44": "noop", "unsqueeze_67": "ReshapeOp", "sigmoid_23": "SigmoidOp", "mul_46": "MulOp", "pad_26": "PadOp", "view_127": "ReshapeOp", "permute_105": "TransposeOp", "reshape_103": "ReshapeOp", "_param_constant384": "const_noop", "clone_23": "noop", "slice_346": "GatherOp", "zero__23": "unknown", "_param_constant385": "const_noop", "linear_143": "LinearOp", "reshape_104": "ReshapeOp", "permute_106": "TransposeOp", "select_69": "GatherOp", "select_70": "GatherOp", "select_71": "GatherOp", "linalg_vector_norm_46": "unknown", "clamp_min_46": "unknown", "expand_as_46": "ExpandAsOp", "div_46": "DivOp", "linalg_vector_norm_47": "unknown", "clamp_min_47": "unknown", "expand_as_47": "ExpandAsOp", "div_47": "DivOp", "transpose_46": "TransposeOp", "matmul_46": "MatMulOp", "_param_constant386": "const_noop", "clamp_23": "unknown", "exp_23": "ExpOp", "mul_47": "MulOp", "add_80": "AddOp", "softmax_23": "SoftmaxOp", "dropout_92": "DropoutOp", "matmul_47": "MatMulOp", "transpose_47": "TransposeOp", "reshape_105": "ReshapeOp", "_param_constant387": "const_noop", "_param_constant388": "const_noop", "linear_144": "LinearOp", "dropout_93": "DropoutOp", "view_128": "ReshapeOp", "permute_107": "TransposeOp", "reshape_106": "ReshapeOp", "slice_347": "GatherOp", "slice_348": "GatherOp", "slice_349": "GatherOp", "slice_350": "GatherOp", "contiguous_45": "noop", "_param_constant389": "const_noop", "_param_constant390": "const_noop", "layer_norm_50": "LayerNormOp", "add_81": "AddOp", "_param_constant391": "const_noop", "_param_constant392": "const_noop", "linear_145": "LinearOp", "gelu_23": "GeluOp", "dropout_94": "DropoutOp", "_param_constant393": "const_noop", "_param_constant394": "const_noop", "linear_146": "LinearOp", "dropout_95": "DropoutOp", "_param_constant395": "const_noop", "_param_constant396": "const_noop", "layer_norm_51": "LayerNormOp", "add_82": "AddOp", "_param_constant397": "const_noop", "_param_constant398": "const_noop", "layer_norm_52": "LayerNormOp", "permute_108": "TransposeOp", "adaptive_avg_pool2d": "AvgPool2DOp", "flatten": "ReshapeOp", "_param_constant399": "const_noop", "_param_constant400": "const_noop", "linear_147": "LinearOp", "output": "output_noop"} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json index d1eae46d9eb..5704dd05bdf 100644 --- a/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/yolov8n.json @@ -1 +1 @@ -{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "EmptyOp", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "silu": "SiluOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "EmptyOp", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "silu_1": "SiluOp", "_param_constant6": "const_noop", "conv2d_2": "Conv2DOp", "empty_2": "EmptyOp", "_param_constant7": "const_noop", "_param_constant8": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "silu_2": "SiluOp", "chunk": "SplitOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "empty_3": "EmptyOp", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_11": "GatherOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "silu_3": "SiluOp", "_param_constant12": "const_noop", "conv2d_4": "Conv2DOp", "empty_4": "EmptyOp", "_param_constant13": "const_noop", "_param_constant14": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_14": "GatherOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "silu_4": "SiluOp", "add": "AddOp", "cat": "CatOp", "_param_constant15": "const_noop", "conv2d_5": "Conv2DOp", "empty_5": "EmptyOp", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_17": "GatherOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "silu_5": "SiluOp", "_param_constant18": "const_noop", "conv2d_6": "Conv2DOp", "empty_6": "EmptyOp", "_param_constant19": "const_noop", "_param_constant20": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_20": "GatherOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "silu_6": "SiluOp", "_param_constant21": "const_noop", "conv2d_7": "Conv2DOp", "empty_7": "EmptyOp", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_23": "GatherOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "silu_7": "SiluOp", "chunk_1": "SplitOp", "getitem_26": "GatherOp", "getitem_27": "GatherOp", "_param_constant24": "const_noop", "conv2d_8": "Conv2DOp", "empty_8": "EmptyOp", "_param_constant25": "const_noop", "_param_constant26": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "getitem_30": "GatherOp", "silu_8": "SiluOp", "_param_constant27": "const_noop", "conv2d_9": "Conv2DOp", "empty_9": "EmptyOp", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "getitem_33": "GatherOp", "silu_9": "SiluOp", "add_1": "AddOp", "_param_constant30": "const_noop", "conv2d_10": "Conv2DOp", "empty_10": "EmptyOp", "_param_constant31": "const_noop", "_param_constant32": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "getitem_36": "GatherOp", "silu_10": "SiluOp", "_param_constant33": "const_noop", "conv2d_11": "Conv2DOp", "empty_11": "EmptyOp", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "getitem_39": "GatherOp", "silu_11": "SiluOp", "add_2": "AddOp", "cat_1": "CatOp", "_param_constant36": "const_noop", "conv2d_12": "Conv2DOp", "empty_12": "EmptyOp", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "getitem_42": "GatherOp", "silu_12": "SiluOp", "_param_constant39": "const_noop", "conv2d_13": "Conv2DOp", "empty_13": "EmptyOp", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "getitem_45": "GatherOp", "silu_13": "SiluOp", "_param_constant42": "const_noop", "conv2d_14": "Conv2DOp", "empty_14": "EmptyOp", "_param_constant43": "const_noop", "_param_constant44": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "getitem_48": "GatherOp", "silu_14": "SiluOp", "chunk_2": "SplitOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "_param_constant45": "const_noop", "conv2d_15": "Conv2DOp", "empty_15": "EmptyOp", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "silu_15": "SiluOp", "_param_constant48": "const_noop", "conv2d_16": "Conv2DOp", "empty_16": "EmptyOp", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "silu_16": "SiluOp", "add_3": "AddOp", "_param_constant51": "const_noop", "conv2d_17": "Conv2DOp", "empty_17": "EmptyOp", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "silu_17": "SiluOp", "_param_constant54": "const_noop", "conv2d_18": "Conv2DOp", "empty_18": "EmptyOp", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_60": "GatherOp", "getitem_61": "GatherOp", "getitem_62": "GatherOp", "silu_18": "SiluOp", "add_4": "AddOp", "cat_2": "CatOp", "_param_constant57": "const_noop", "conv2d_19": "Conv2DOp", "empty_19": "EmptyOp", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_63": "GatherOp", "getitem_64": "GatherOp", "getitem_65": "GatherOp", "silu_19": "SiluOp", "_param_constant60": "const_noop", "conv2d_20": "Conv2DOp", "empty_20": "EmptyOp", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "_tensor_constant40": "const_noop", "_tensor_constant41": "const_noop", "_native_batch_norm_legit_no_training_20": "BatchNormOp", "getitem_66": "GatherOp", "getitem_67": "GatherOp", "getitem_68": "GatherOp", "silu_20": "SiluOp", "_param_constant63": "const_noop", "conv2d_21": "Conv2DOp", "empty_21": "EmptyOp", "_param_constant64": "const_noop", "_param_constant65": "const_noop", "_tensor_constant42": "const_noop", "_tensor_constant43": "const_noop", "_native_batch_norm_legit_no_training_21": "BatchNormOp", "getitem_69": "GatherOp", "getitem_70": "GatherOp", "getitem_71": "GatherOp", "silu_21": "SiluOp", "chunk_3": "SplitOp", "getitem_72": "GatherOp", "getitem_73": "GatherOp", "_param_constant66": "const_noop", "conv2d_22": "Conv2DOp", "empty_22": "EmptyOp", "_param_constant67": "const_noop", "_param_constant68": "const_noop", "_tensor_constant44": "const_noop", "_tensor_constant45": "const_noop", "_native_batch_norm_legit_no_training_22": "BatchNormOp", "getitem_74": "GatherOp", "getitem_75": "GatherOp", "getitem_76": "GatherOp", "silu_22": "SiluOp", "_param_constant69": "const_noop", "conv2d_23": "Conv2DOp", "empty_23": "EmptyOp", "_param_constant70": "const_noop", "_param_constant71": "const_noop", "_tensor_constant46": "const_noop", "_tensor_constant47": "const_noop", "_native_batch_norm_legit_no_training_23": "BatchNormOp", "getitem_77": "GatherOp", "getitem_78": "GatherOp", "getitem_79": "GatherOp", "silu_23": "SiluOp", "add_5": "AddOp", "cat_3": "CatOp", "_param_constant72": "const_noop", "conv2d_24": "Conv2DOp", "empty_24": "EmptyOp", "_param_constant73": "const_noop", "_param_constant74": "const_noop", "_tensor_constant48": "const_noop", "_tensor_constant49": "const_noop", "_native_batch_norm_legit_no_training_24": "BatchNormOp", "getitem_80": "GatherOp", "getitem_81": "GatherOp", "getitem_82": "GatherOp", "silu_24": "SiluOp", "_param_constant75": "const_noop", "conv2d_25": "Conv2DOp", "empty_25": "EmptyOp", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "_tensor_constant50": "const_noop", "_tensor_constant51": "const_noop", "_native_batch_norm_legit_no_training_25": "BatchNormOp", "getitem_83": "GatherOp", "getitem_84": "GatherOp", "getitem_85": "GatherOp", "silu_25": "SiluOp", "max_pool2d": "MaxPool2DOp", "max_pool2d_1": "MaxPool2DOp", "max_pool2d_2": "MaxPool2DOp", "cat_4": "CatOp", "_param_constant78": "const_noop", "conv2d_26": "Conv2DOp", "empty_26": "EmptyOp", "_param_constant79": "const_noop", "_param_constant80": "const_noop", "_tensor_constant52": "const_noop", "_tensor_constant53": "const_noop", "_native_batch_norm_legit_no_training_26": "BatchNormOp", "getitem_86": "GatherOp", "getitem_87": "GatherOp", "getitem_88": "GatherOp", "silu_26": "SiluOp", "upsample_nearest2d": "InterpolateOp", "cat_5": "CatOp", "_param_constant81": "const_noop", "conv2d_27": "Conv2DOp", "empty_27": "EmptyOp", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "_tensor_constant54": "const_noop", "_tensor_constant55": "const_noop", "_native_batch_norm_legit_no_training_27": "BatchNormOp", "getitem_89": "GatherOp", "getitem_90": "GatherOp", "getitem_91": "GatherOp", "silu_27": "SiluOp", "chunk_4": "SplitOp", "getitem_92": "GatherOp", "getitem_93": "GatherOp", "_param_constant84": "const_noop", "conv2d_28": "Conv2DOp", "empty_28": "EmptyOp", "_param_constant85": "const_noop", "_param_constant86": "const_noop", "_tensor_constant56": "const_noop", "_tensor_constant57": "const_noop", "_native_batch_norm_legit_no_training_28": "BatchNormOp", "getitem_94": "GatherOp", "getitem_95": "GatherOp", "getitem_96": "GatherOp", "silu_28": "SiluOp", "_param_constant87": "const_noop", "conv2d_29": "Conv2DOp", "empty_29": "EmptyOp", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "_tensor_constant58": "const_noop", "_tensor_constant59": "const_noop", "_native_batch_norm_legit_no_training_29": "BatchNormOp", "getitem_97": "GatherOp", "getitem_98": "GatherOp", "getitem_99": "GatherOp", "silu_29": "SiluOp", "cat_6": "CatOp", "_param_constant90": "const_noop", "conv2d_30": "Conv2DOp", "empty_30": "EmptyOp", "_param_constant91": "const_noop", "_param_constant92": "const_noop", "_tensor_constant60": "const_noop", "_tensor_constant61": "const_noop", "_native_batch_norm_legit_no_training_30": "BatchNormOp", "getitem_100": "GatherOp", "getitem_101": "GatherOp", "getitem_102": "GatherOp", "silu_30": "SiluOp", "upsample_nearest2d_1": "InterpolateOp", "cat_7": "CatOp", "_param_constant93": "const_noop", "conv2d_31": "Conv2DOp", "empty_31": "EmptyOp", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "_tensor_constant62": "const_noop", "_tensor_constant63": "const_noop", "_native_batch_norm_legit_no_training_31": "BatchNormOp", "getitem_103": "GatherOp", "getitem_104": "GatherOp", "getitem_105": "GatherOp", "silu_31": "SiluOp", "chunk_5": "SplitOp", "getitem_106": "GatherOp", "getitem_107": "GatherOp", "_param_constant96": "const_noop", "conv2d_32": "Conv2DOp", "empty_32": "EmptyOp", "_param_constant97": "const_noop", "_param_constant98": "const_noop", "_tensor_constant64": "const_noop", "_tensor_constant65": "const_noop", "_native_batch_norm_legit_no_training_32": "BatchNormOp", "getitem_108": "GatherOp", "getitem_109": "GatherOp", "getitem_110": "GatherOp", "silu_32": "SiluOp", "_param_constant99": "const_noop", "conv2d_33": "Conv2DOp", "empty_33": "EmptyOp", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "_tensor_constant66": "const_noop", "_tensor_constant67": "const_noop", "_native_batch_norm_legit_no_training_33": "BatchNormOp", "getitem_111": "GatherOp", "getitem_112": "GatherOp", "getitem_113": "GatherOp", "silu_33": "SiluOp", "cat_8": "CatOp", "_param_constant102": "const_noop", "conv2d_34": "Conv2DOp", "empty_34": "EmptyOp", "_param_constant103": "const_noop", "_param_constant104": "const_noop", "_tensor_constant68": "const_noop", "_tensor_constant69": "const_noop", "_native_batch_norm_legit_no_training_34": "BatchNormOp", "getitem_114": "GatherOp", "getitem_115": "GatherOp", "getitem_116": "GatherOp", "silu_34": "SiluOp", "_param_constant105": "const_noop", "conv2d_35": "Conv2DOp", "empty_35": "EmptyOp", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "_tensor_constant70": "const_noop", "_tensor_constant71": "const_noop", "_native_batch_norm_legit_no_training_35": "BatchNormOp", "getitem_117": "GatherOp", "getitem_118": "GatherOp", "getitem_119": "GatherOp", "silu_35": "SiluOp", "cat_9": "CatOp", "_param_constant108": "const_noop", "conv2d_36": "Conv2DOp", "empty_36": "EmptyOp", "_param_constant109": "const_noop", "_param_constant110": "const_noop", "_tensor_constant72": "const_noop", "_tensor_constant73": "const_noop", "_native_batch_norm_legit_no_training_36": "BatchNormOp", "getitem_120": "GatherOp", "getitem_121": "GatherOp", "getitem_122": "GatherOp", "silu_36": "SiluOp", "chunk_6": "SplitOp", "getitem_123": "GatherOp", "getitem_124": "GatherOp", "_param_constant111": "const_noop", "conv2d_37": "Conv2DOp", "empty_37": "EmptyOp", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "_tensor_constant74": "const_noop", "_tensor_constant75": "const_noop", "_native_batch_norm_legit_no_training_37": "BatchNormOp", "getitem_125": "GatherOp", "getitem_126": "GatherOp", "getitem_127": "GatherOp", "silu_37": "SiluOp", "_param_constant114": "const_noop", "conv2d_38": "Conv2DOp", "empty_38": "EmptyOp", "_param_constant115": "const_noop", "_param_constant116": "const_noop", "_tensor_constant76": "const_noop", "_tensor_constant77": "const_noop", "_native_batch_norm_legit_no_training_38": "BatchNormOp", "getitem_128": "GatherOp", "getitem_129": "GatherOp", "getitem_130": "GatherOp", "silu_38": "SiluOp", "cat_10": "CatOp", "_param_constant117": "const_noop", "conv2d_39": "Conv2DOp", "empty_39": "EmptyOp", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "_tensor_constant78": "const_noop", "_tensor_constant79": "const_noop", "_native_batch_norm_legit_no_training_39": "BatchNormOp", "getitem_131": "GatherOp", "getitem_132": "GatherOp", "getitem_133": "GatherOp", "silu_39": "SiluOp", "_param_constant120": "const_noop", "conv2d_40": "Conv2DOp", "empty_40": "EmptyOp", "_param_constant121": "const_noop", "_param_constant122": "const_noop", "_tensor_constant80": "const_noop", "_tensor_constant81": "const_noop", "_native_batch_norm_legit_no_training_40": "BatchNormOp", "getitem_134": "GatherOp", "getitem_135": "GatherOp", "getitem_136": "GatherOp", "silu_40": "SiluOp", "cat_11": "CatOp", "_param_constant123": "const_noop", "conv2d_41": "Conv2DOp", "empty_41": "EmptyOp", "_param_constant124": "const_noop", "_param_constant125": "const_noop", "_tensor_constant82": "const_noop", "_tensor_constant83": "const_noop", "_native_batch_norm_legit_no_training_41": "BatchNormOp", "getitem_137": "GatherOp", "getitem_138": "GatherOp", "getitem_139": "GatherOp", "silu_41": "SiluOp", "chunk_7": "SplitOp", "getitem_140": "GatherOp", "getitem_141": "GatherOp", "_param_constant126": "const_noop", "conv2d_42": "Conv2DOp", "empty_42": "EmptyOp", "_param_constant127": "const_noop", "_param_constant128": "const_noop", "_tensor_constant84": "const_noop", "_tensor_constant85": "const_noop", "_native_batch_norm_legit_no_training_42": "BatchNormOp", "getitem_142": "GatherOp", "getitem_143": "GatherOp", "getitem_144": "GatherOp", "silu_42": "SiluOp", "_param_constant129": "const_noop", "conv2d_43": "Conv2DOp", "empty_43": "EmptyOp", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "_tensor_constant86": "const_noop", "_tensor_constant87": "const_noop", "_native_batch_norm_legit_no_training_43": "BatchNormOp", "getitem_145": "GatherOp", "getitem_146": "GatherOp", "getitem_147": "GatherOp", "silu_43": "SiluOp", "cat_12": "CatOp", "_param_constant132": "const_noop", "conv2d_44": "Conv2DOp", "empty_44": "EmptyOp", "_param_constant133": "const_noop", "_param_constant134": "const_noop", "_tensor_constant88": "const_noop", "_tensor_constant89": "const_noop", "_native_batch_norm_legit_no_training_44": "BatchNormOp", "getitem_148": "GatherOp", "getitem_149": "GatherOp", "getitem_150": "GatherOp", "silu_44": "SiluOp", "_param_constant135": "const_noop", "conv2d_45": "Conv2DOp", "empty_45": "EmptyOp", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "_tensor_constant90": "const_noop", "_tensor_constant91": "const_noop", "_native_batch_norm_legit_no_training_45": "BatchNormOp", "getitem_151": "GatherOp", "getitem_152": "GatherOp", "getitem_153": "GatherOp", "silu_45": "SiluOp", "_param_constant138": "const_noop", "conv2d_46": "Conv2DOp", "empty_46": "EmptyOp", "_param_constant139": "const_noop", "_param_constant140": "const_noop", "_tensor_constant92": "const_noop", "_tensor_constant93": "const_noop", "_native_batch_norm_legit_no_training_46": "BatchNormOp", "getitem_154": "GatherOp", "getitem_155": "GatherOp", "getitem_156": "GatherOp", "silu_46": "SiluOp", "_param_constant141": "const_noop", "_param_constant142": "const_noop", "conv2d_47": "Conv2DOp", "_param_constant143": "const_noop", "conv2d_48": "Conv2DOp", "empty_47": "EmptyOp", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "_tensor_constant94": "const_noop", "_tensor_constant95": "const_noop", "_native_batch_norm_legit_no_training_47": "BatchNormOp", "getitem_157": "GatherOp", "getitem_158": "GatherOp", "getitem_159": "GatherOp", "silu_47": "SiluOp", "_param_constant146": "const_noop", "conv2d_49": "Conv2DOp", "empty_48": "EmptyOp", "_param_constant147": "const_noop", "_param_constant148": "const_noop", "_tensor_constant96": "const_noop", "_tensor_constant97": "const_noop", "_native_batch_norm_legit_no_training_48": "BatchNormOp", "getitem_160": "GatherOp", "getitem_161": "GatherOp", "getitem_162": "GatherOp", "silu_48": "SiluOp", "_param_constant149": "const_noop", "_param_constant150": "const_noop", "conv2d_50": "Conv2DOp", "cat_13": "CatOp", "_param_constant151": "const_noop", "conv2d_51": "Conv2DOp", "empty_49": "EmptyOp", "_param_constant152": "const_noop", "_param_constant153": "const_noop", "_tensor_constant98": "const_noop", "_tensor_constant99": "const_noop", "_native_batch_norm_legit_no_training_49": "BatchNormOp", "getitem_163": "GatherOp", "getitem_164": "GatherOp", "getitem_165": "GatherOp", "silu_49": "SiluOp", "_param_constant154": "const_noop", "conv2d_52": "Conv2DOp", "empty_50": "EmptyOp", "_param_constant155": "const_noop", "_param_constant156": "const_noop", "_tensor_constant100": "const_noop", "_tensor_constant101": "const_noop", "_native_batch_norm_legit_no_training_50": "BatchNormOp", "getitem_166": "GatherOp", "getitem_167": "GatherOp", "getitem_168": "GatherOp", "silu_50": "SiluOp", "_param_constant157": "const_noop", "_param_constant158": "const_noop", "conv2d_53": "Conv2DOp", "_param_constant159": "const_noop", "conv2d_54": "Conv2DOp", "empty_51": "EmptyOp", "_param_constant160": "const_noop", "_param_constant161": "const_noop", "_tensor_constant102": "const_noop", "_tensor_constant103": "const_noop", "_native_batch_norm_legit_no_training_51": "BatchNormOp", "getitem_169": "GatherOp", "getitem_170": "GatherOp", "getitem_171": "GatherOp", "silu_51": "SiluOp", "_param_constant162": "const_noop", "conv2d_55": "Conv2DOp", "empty_52": "EmptyOp", "_param_constant163": "const_noop", "_param_constant164": "const_noop", "_tensor_constant104": "const_noop", "_tensor_constant105": "const_noop", "_native_batch_norm_legit_no_training_52": "BatchNormOp", "getitem_172": "GatherOp", "getitem_173": "GatherOp", "getitem_174": "GatherOp", "silu_52": "SiluOp", "_param_constant165": "const_noop", "_param_constant166": "const_noop", "conv2d_56": "Conv2DOp", "cat_14": "CatOp", "_param_constant167": "const_noop", "conv2d_57": "Conv2DOp", "empty_53": "EmptyOp", "_param_constant168": "const_noop", "_param_constant169": "const_noop", "_tensor_constant106": "const_noop", "_tensor_constant107": "const_noop", "_native_batch_norm_legit_no_training_53": "BatchNormOp", "getitem_175": "GatherOp", "getitem_176": "GatherOp", "getitem_177": "GatherOp", "silu_53": "SiluOp", "_param_constant170": "const_noop", "conv2d_58": "Conv2DOp", "empty_54": "EmptyOp", "_param_constant171": "const_noop", "_param_constant172": "const_noop", "_tensor_constant108": "const_noop", "_tensor_constant109": "const_noop", "_native_batch_norm_legit_no_training_54": "BatchNormOp", "getitem_178": "GatherOp", "getitem_179": "GatherOp", "getitem_180": "GatherOp", "silu_54": "SiluOp", "_param_constant173": "const_noop", "_param_constant174": "const_noop", "conv2d_59": "Conv2DOp", "_param_constant175": "const_noop", "conv2d_60": "Conv2DOp", "empty_55": "EmptyOp", "_param_constant176": "const_noop", "_param_constant177": "const_noop", "_tensor_constant110": "const_noop", "_tensor_constant111": "const_noop", "_native_batch_norm_legit_no_training_55": "BatchNormOp", "getitem_181": "GatherOp", "getitem_182": "GatherOp", "getitem_183": "GatherOp", "silu_55": "SiluOp", "_param_constant178": "const_noop", "conv2d_61": "Conv2DOp", "empty_56": "EmptyOp", "_param_constant179": "const_noop", "_param_constant180": "const_noop", "_tensor_constant112": "const_noop", "_tensor_constant113": "const_noop", "_native_batch_norm_legit_no_training_56": "BatchNormOp", "getitem_184": "GatherOp", "getitem_185": "GatherOp", "getitem_186": "GatherOp", "silu_56": "SiluOp", "_param_constant181": "const_noop", "_param_constant182": "const_noop", "conv2d_62": "Conv2DOp", "cat_15": "CatOp", "view": "ReshapeOp", "view_1": "ReshapeOp", "view_2": "ReshapeOp", "cat_16": "CatOp", "split_with_sizes": "SplitOp", "getitem_187": "GatherOp", "getitem_188": "GatherOp", "view_3": "ReshapeOp", "transpose": "TransposeOp", "softmax": "SoftmaxOp", "_param_constant183": "const_noop", "conv2d_63": "Conv2DOp", "view_4": "ReshapeOp", "_tensor_constant114": "const_noop", "unsqueeze": "ReshapeOp", "chunk_8": "SplitOp", "getitem_189": "GatherOp", "getitem_190": "GatherOp", "sub": "SubOp", "add_6": "AddOp", "add_7": "AddOp", "div": "DivOp", "sub_1": "SubOp", "cat_17": "CatOp", "_tensor_constant115": "const_noop", "mul": "MulOp", "sigmoid": "SigmoidOp", "cat_18": "CatOp", "output": "output_noop"} \ No newline at end of file +{"arg0_1": "input_noop", "_param_constant0": "const_noop", "conv2d": "Conv2DOp", "empty": "unknown", "_param_constant1": "const_noop", "_param_constant2": "const_noop", "_tensor_constant0": "const_noop", "_tensor_constant1": "const_noop", "_native_batch_norm_legit_no_training": "BatchNormOp", "getitem": "GatherOp", "getitem_1": "GatherOp", "getitem_2": "GatherOp", "silu": "SiluOp", "_param_constant3": "const_noop", "conv2d_1": "Conv2DOp", "empty_1": "unknown", "_param_constant4": "const_noop", "_param_constant5": "const_noop", "_tensor_constant2": "const_noop", "_tensor_constant3": "const_noop", "_native_batch_norm_legit_no_training_1": "BatchNormOp", "getitem_3": "GatherOp", "getitem_4": "GatherOp", "getitem_5": "GatherOp", "silu_1": "SiluOp", "_param_constant6": "const_noop", "conv2d_2": "Conv2DOp", "empty_2": "unknown", "_param_constant7": "const_noop", "_param_constant8": "const_noop", "_tensor_constant4": "const_noop", "_tensor_constant5": "const_noop", "_native_batch_norm_legit_no_training_2": "BatchNormOp", "getitem_6": "GatherOp", "getitem_7": "GatherOp", "getitem_8": "GatherOp", "silu_2": "SiluOp", "chunk": "SplitOp", "getitem_9": "GatherOp", "getitem_10": "GatherOp", "_param_constant9": "const_noop", "conv2d_3": "Conv2DOp", "empty_3": "unknown", "_param_constant10": "const_noop", "_param_constant11": "const_noop", "_tensor_constant6": "const_noop", "_tensor_constant7": "const_noop", "_native_batch_norm_legit_no_training_3": "BatchNormOp", "getitem_11": "GatherOp", "getitem_12": "GatherOp", "getitem_13": "GatherOp", "silu_3": "SiluOp", "_param_constant12": "const_noop", "conv2d_4": "Conv2DOp", "empty_4": "unknown", "_param_constant13": "const_noop", "_param_constant14": "const_noop", "_tensor_constant8": "const_noop", "_tensor_constant9": "const_noop", "_native_batch_norm_legit_no_training_4": "BatchNormOp", "getitem_14": "GatherOp", "getitem_15": "GatherOp", "getitem_16": "GatherOp", "silu_4": "SiluOp", "add": "AddOp", "cat": "CatOp", "_param_constant15": "const_noop", "conv2d_5": "Conv2DOp", "empty_5": "unknown", "_param_constant16": "const_noop", "_param_constant17": "const_noop", "_tensor_constant10": "const_noop", "_tensor_constant11": "const_noop", "_native_batch_norm_legit_no_training_5": "BatchNormOp", "getitem_17": "GatherOp", "getitem_18": "GatherOp", "getitem_19": "GatherOp", "silu_5": "SiluOp", "_param_constant18": "const_noop", "conv2d_6": "Conv2DOp", "empty_6": "unknown", "_param_constant19": "const_noop", "_param_constant20": "const_noop", "_tensor_constant12": "const_noop", "_tensor_constant13": "const_noop", "_native_batch_norm_legit_no_training_6": "BatchNormOp", "getitem_20": "GatherOp", "getitem_21": "GatherOp", "getitem_22": "GatherOp", "silu_6": "SiluOp", "_param_constant21": "const_noop", "conv2d_7": "Conv2DOp", "empty_7": "unknown", "_param_constant22": "const_noop", "_param_constant23": "const_noop", "_tensor_constant14": "const_noop", "_tensor_constant15": "const_noop", "_native_batch_norm_legit_no_training_7": "BatchNormOp", "getitem_23": "GatherOp", "getitem_24": "GatherOp", "getitem_25": "GatherOp", "silu_7": "SiluOp", "chunk_1": "SplitOp", "getitem_26": "GatherOp", "getitem_27": "GatherOp", "_param_constant24": "const_noop", "conv2d_8": "Conv2DOp", "empty_8": "unknown", "_param_constant25": "const_noop", "_param_constant26": "const_noop", "_tensor_constant16": "const_noop", "_tensor_constant17": "const_noop", "_native_batch_norm_legit_no_training_8": "BatchNormOp", "getitem_28": "GatherOp", "getitem_29": "GatherOp", "getitem_30": "GatherOp", "silu_8": "SiluOp", "_param_constant27": "const_noop", "conv2d_9": "Conv2DOp", "empty_9": "unknown", "_param_constant28": "const_noop", "_param_constant29": "const_noop", "_tensor_constant18": "const_noop", "_tensor_constant19": "const_noop", "_native_batch_norm_legit_no_training_9": "BatchNormOp", "getitem_31": "GatherOp", "getitem_32": "GatherOp", "getitem_33": "GatherOp", "silu_9": "SiluOp", "add_1": "AddOp", "_param_constant30": "const_noop", "conv2d_10": "Conv2DOp", "empty_10": "unknown", "_param_constant31": "const_noop", "_param_constant32": "const_noop", "_tensor_constant20": "const_noop", "_tensor_constant21": "const_noop", "_native_batch_norm_legit_no_training_10": "BatchNormOp", "getitem_34": "GatherOp", "getitem_35": "GatherOp", "getitem_36": "GatherOp", "silu_10": "SiluOp", "_param_constant33": "const_noop", "conv2d_11": "Conv2DOp", "empty_11": "unknown", "_param_constant34": "const_noop", "_param_constant35": "const_noop", "_tensor_constant22": "const_noop", "_tensor_constant23": "const_noop", "_native_batch_norm_legit_no_training_11": "BatchNormOp", "getitem_37": "GatherOp", "getitem_38": "GatherOp", "getitem_39": "GatherOp", "silu_11": "SiluOp", "add_2": "AddOp", "cat_1": "CatOp", "_param_constant36": "const_noop", "conv2d_12": "Conv2DOp", "empty_12": "unknown", "_param_constant37": "const_noop", "_param_constant38": "const_noop", "_tensor_constant24": "const_noop", "_tensor_constant25": "const_noop", "_native_batch_norm_legit_no_training_12": "BatchNormOp", "getitem_40": "GatherOp", "getitem_41": "GatherOp", "getitem_42": "GatherOp", "silu_12": "SiluOp", "_param_constant39": "const_noop", "conv2d_13": "Conv2DOp", "empty_13": "unknown", "_param_constant40": "const_noop", "_param_constant41": "const_noop", "_tensor_constant26": "const_noop", "_tensor_constant27": "const_noop", "_native_batch_norm_legit_no_training_13": "BatchNormOp", "getitem_43": "GatherOp", "getitem_44": "GatherOp", "getitem_45": "GatherOp", "silu_13": "SiluOp", "_param_constant42": "const_noop", "conv2d_14": "Conv2DOp", "empty_14": "unknown", "_param_constant43": "const_noop", "_param_constant44": "const_noop", "_tensor_constant28": "const_noop", "_tensor_constant29": "const_noop", "_native_batch_norm_legit_no_training_14": "BatchNormOp", "getitem_46": "GatherOp", "getitem_47": "GatherOp", "getitem_48": "GatherOp", "silu_14": "SiluOp", "chunk_2": "SplitOp", "getitem_49": "GatherOp", "getitem_50": "GatherOp", "_param_constant45": "const_noop", "conv2d_15": "Conv2DOp", "empty_15": "unknown", "_param_constant46": "const_noop", "_param_constant47": "const_noop", "_tensor_constant30": "const_noop", "_tensor_constant31": "const_noop", "_native_batch_norm_legit_no_training_15": "BatchNormOp", "getitem_51": "GatherOp", "getitem_52": "GatherOp", "getitem_53": "GatherOp", "silu_15": "SiluOp", "_param_constant48": "const_noop", "conv2d_16": "Conv2DOp", "empty_16": "unknown", "_param_constant49": "const_noop", "_param_constant50": "const_noop", "_tensor_constant32": "const_noop", "_tensor_constant33": "const_noop", "_native_batch_norm_legit_no_training_16": "BatchNormOp", "getitem_54": "GatherOp", "getitem_55": "GatherOp", "getitem_56": "GatherOp", "silu_16": "SiluOp", "add_3": "AddOp", "_param_constant51": "const_noop", "conv2d_17": "Conv2DOp", "empty_17": "unknown", "_param_constant52": "const_noop", "_param_constant53": "const_noop", "_tensor_constant34": "const_noop", "_tensor_constant35": "const_noop", "_native_batch_norm_legit_no_training_17": "BatchNormOp", "getitem_57": "GatherOp", "getitem_58": "GatherOp", "getitem_59": "GatherOp", "silu_17": "SiluOp", "_param_constant54": "const_noop", "conv2d_18": "Conv2DOp", "empty_18": "unknown", "_param_constant55": "const_noop", "_param_constant56": "const_noop", "_tensor_constant36": "const_noop", "_tensor_constant37": "const_noop", "_native_batch_norm_legit_no_training_18": "BatchNormOp", "getitem_60": "GatherOp", "getitem_61": "GatherOp", "getitem_62": "GatherOp", "silu_18": "SiluOp", "add_4": "AddOp", "cat_2": "CatOp", "_param_constant57": "const_noop", "conv2d_19": "Conv2DOp", "empty_19": "unknown", "_param_constant58": "const_noop", "_param_constant59": "const_noop", "_tensor_constant38": "const_noop", "_tensor_constant39": "const_noop", "_native_batch_norm_legit_no_training_19": "BatchNormOp", "getitem_63": "GatherOp", "getitem_64": "GatherOp", "getitem_65": "GatherOp", "silu_19": "SiluOp", "_param_constant60": "const_noop", "conv2d_20": "Conv2DOp", "empty_20": "unknown", "_param_constant61": "const_noop", "_param_constant62": "const_noop", "_tensor_constant40": "const_noop", "_tensor_constant41": "const_noop", "_native_batch_norm_legit_no_training_20": "BatchNormOp", "getitem_66": "GatherOp", "getitem_67": "GatherOp", "getitem_68": "GatherOp", "silu_20": "SiluOp", "_param_constant63": "const_noop", "conv2d_21": "Conv2DOp", "empty_21": "unknown", "_param_constant64": "const_noop", "_param_constant65": "const_noop", "_tensor_constant42": "const_noop", "_tensor_constant43": "const_noop", "_native_batch_norm_legit_no_training_21": "BatchNormOp", "getitem_69": "GatherOp", "getitem_70": "GatherOp", "getitem_71": "GatherOp", "silu_21": "SiluOp", "chunk_3": "SplitOp", "getitem_72": "GatherOp", "getitem_73": "GatherOp", "_param_constant66": "const_noop", "conv2d_22": "Conv2DOp", "empty_22": "unknown", "_param_constant67": "const_noop", "_param_constant68": "const_noop", "_tensor_constant44": "const_noop", "_tensor_constant45": "const_noop", "_native_batch_norm_legit_no_training_22": "BatchNormOp", "getitem_74": "GatherOp", "getitem_75": "GatherOp", "getitem_76": "GatherOp", "silu_22": "SiluOp", "_param_constant69": "const_noop", "conv2d_23": "Conv2DOp", "empty_23": "unknown", "_param_constant70": "const_noop", "_param_constant71": "const_noop", "_tensor_constant46": "const_noop", "_tensor_constant47": "const_noop", "_native_batch_norm_legit_no_training_23": "BatchNormOp", "getitem_77": "GatherOp", "getitem_78": "GatherOp", "getitem_79": "GatherOp", "silu_23": "SiluOp", "add_5": "AddOp", "cat_3": "CatOp", "_param_constant72": "const_noop", "conv2d_24": "Conv2DOp", "empty_24": "unknown", "_param_constant73": "const_noop", "_param_constant74": "const_noop", "_tensor_constant48": "const_noop", "_tensor_constant49": "const_noop", "_native_batch_norm_legit_no_training_24": "BatchNormOp", "getitem_80": "GatherOp", "getitem_81": "GatherOp", "getitem_82": "GatherOp", "silu_24": "SiluOp", "_param_constant75": "const_noop", "conv2d_25": "Conv2DOp", "empty_25": "unknown", "_param_constant76": "const_noop", "_param_constant77": "const_noop", "_tensor_constant50": "const_noop", "_tensor_constant51": "const_noop", "_native_batch_norm_legit_no_training_25": "BatchNormOp", "getitem_83": "GatherOp", "getitem_84": "GatherOp", "getitem_85": "GatherOp", "silu_25": "SiluOp", "max_pool2d": "MaxPool2DOp", "max_pool2d_1": "MaxPool2DOp", "max_pool2d_2": "MaxPool2DOp", "cat_4": "CatOp", "_param_constant78": "const_noop", "conv2d_26": "Conv2DOp", "empty_26": "unknown", "_param_constant79": "const_noop", "_param_constant80": "const_noop", "_tensor_constant52": "const_noop", "_tensor_constant53": "const_noop", "_native_batch_norm_legit_no_training_26": "BatchNormOp", "getitem_86": "GatherOp", "getitem_87": "GatherOp", "getitem_88": "GatherOp", "silu_26": "SiluOp", "upsample_nearest2d": "InterpolateOp", "cat_5": "CatOp", "_param_constant81": "const_noop", "conv2d_27": "Conv2DOp", "empty_27": "unknown", "_param_constant82": "const_noop", "_param_constant83": "const_noop", "_tensor_constant54": "const_noop", "_tensor_constant55": "const_noop", "_native_batch_norm_legit_no_training_27": "BatchNormOp", "getitem_89": "GatherOp", "getitem_90": "GatherOp", "getitem_91": "GatherOp", "silu_27": "SiluOp", "chunk_4": "SplitOp", "getitem_92": "GatherOp", "getitem_93": "GatherOp", "_param_constant84": "const_noop", "conv2d_28": "Conv2DOp", "empty_28": "unknown", "_param_constant85": "const_noop", "_param_constant86": "const_noop", "_tensor_constant56": "const_noop", "_tensor_constant57": "const_noop", "_native_batch_norm_legit_no_training_28": "BatchNormOp", "getitem_94": "GatherOp", "getitem_95": "GatherOp", "getitem_96": "GatherOp", "silu_28": "SiluOp", "_param_constant87": "const_noop", "conv2d_29": "Conv2DOp", "empty_29": "unknown", "_param_constant88": "const_noop", "_param_constant89": "const_noop", "_tensor_constant58": "const_noop", "_tensor_constant59": "const_noop", "_native_batch_norm_legit_no_training_29": "BatchNormOp", "getitem_97": "GatherOp", "getitem_98": "GatherOp", "getitem_99": "GatherOp", "silu_29": "SiluOp", "cat_6": "CatOp", "_param_constant90": "const_noop", "conv2d_30": "Conv2DOp", "empty_30": "unknown", "_param_constant91": "const_noop", "_param_constant92": "const_noop", "_tensor_constant60": "const_noop", "_tensor_constant61": "const_noop", "_native_batch_norm_legit_no_training_30": "BatchNormOp", "getitem_100": "GatherOp", "getitem_101": "GatherOp", "getitem_102": "GatherOp", "silu_30": "SiluOp", "upsample_nearest2d_1": "InterpolateOp", "cat_7": "CatOp", "_param_constant93": "const_noop", "conv2d_31": "Conv2DOp", "empty_31": "unknown", "_param_constant94": "const_noop", "_param_constant95": "const_noop", "_tensor_constant62": "const_noop", "_tensor_constant63": "const_noop", "_native_batch_norm_legit_no_training_31": "BatchNormOp", "getitem_103": "GatherOp", "getitem_104": "GatherOp", "getitem_105": "GatherOp", "silu_31": "SiluOp", "chunk_5": "SplitOp", "getitem_106": "GatherOp", "getitem_107": "GatherOp", "_param_constant96": "const_noop", "conv2d_32": "Conv2DOp", "empty_32": "unknown", "_param_constant97": "const_noop", "_param_constant98": "const_noop", "_tensor_constant64": "const_noop", "_tensor_constant65": "const_noop", "_native_batch_norm_legit_no_training_32": "BatchNormOp", "getitem_108": "GatherOp", "getitem_109": "GatherOp", "getitem_110": "GatherOp", "silu_32": "SiluOp", "_param_constant99": "const_noop", "conv2d_33": "Conv2DOp", "empty_33": "unknown", "_param_constant100": "const_noop", "_param_constant101": "const_noop", "_tensor_constant66": "const_noop", "_tensor_constant67": "const_noop", "_native_batch_norm_legit_no_training_33": "BatchNormOp", "getitem_111": "GatherOp", "getitem_112": "GatherOp", "getitem_113": "GatherOp", "silu_33": "SiluOp", "cat_8": "CatOp", "_param_constant102": "const_noop", "conv2d_34": "Conv2DOp", "empty_34": "unknown", "_param_constant103": "const_noop", "_param_constant104": "const_noop", "_tensor_constant68": "const_noop", "_tensor_constant69": "const_noop", "_native_batch_norm_legit_no_training_34": "BatchNormOp", "getitem_114": "GatherOp", "getitem_115": "GatherOp", "getitem_116": "GatherOp", "silu_34": "SiluOp", "_param_constant105": "const_noop", "conv2d_35": "Conv2DOp", "empty_35": "unknown", "_param_constant106": "const_noop", "_param_constant107": "const_noop", "_tensor_constant70": "const_noop", "_tensor_constant71": "const_noop", "_native_batch_norm_legit_no_training_35": "BatchNormOp", "getitem_117": "GatherOp", "getitem_118": "GatherOp", "getitem_119": "GatherOp", "silu_35": "SiluOp", "cat_9": "CatOp", "_param_constant108": "const_noop", "conv2d_36": "Conv2DOp", "empty_36": "unknown", "_param_constant109": "const_noop", "_param_constant110": "const_noop", "_tensor_constant72": "const_noop", "_tensor_constant73": "const_noop", "_native_batch_norm_legit_no_training_36": "BatchNormOp", "getitem_120": "GatherOp", "getitem_121": "GatherOp", "getitem_122": "GatherOp", "silu_36": "SiluOp", "chunk_6": "SplitOp", "getitem_123": "GatherOp", "getitem_124": "GatherOp", "_param_constant111": "const_noop", "conv2d_37": "Conv2DOp", "empty_37": "unknown", "_param_constant112": "const_noop", "_param_constant113": "const_noop", "_tensor_constant74": "const_noop", "_tensor_constant75": "const_noop", "_native_batch_norm_legit_no_training_37": "BatchNormOp", "getitem_125": "GatherOp", "getitem_126": "GatherOp", "getitem_127": "GatherOp", "silu_37": "SiluOp", "_param_constant114": "const_noop", "conv2d_38": "Conv2DOp", "empty_38": "unknown", "_param_constant115": "const_noop", "_param_constant116": "const_noop", "_tensor_constant76": "const_noop", "_tensor_constant77": "const_noop", "_native_batch_norm_legit_no_training_38": "BatchNormOp", "getitem_128": "GatherOp", "getitem_129": "GatherOp", "getitem_130": "GatherOp", "silu_38": "SiluOp", "cat_10": "CatOp", "_param_constant117": "const_noop", "conv2d_39": "Conv2DOp", "empty_39": "unknown", "_param_constant118": "const_noop", "_param_constant119": "const_noop", "_tensor_constant78": "const_noop", "_tensor_constant79": "const_noop", "_native_batch_norm_legit_no_training_39": "BatchNormOp", "getitem_131": "GatherOp", "getitem_132": "GatherOp", "getitem_133": "GatherOp", "silu_39": "SiluOp", "_param_constant120": "const_noop", "conv2d_40": "Conv2DOp", "empty_40": "unknown", "_param_constant121": "const_noop", "_param_constant122": "const_noop", "_tensor_constant80": "const_noop", "_tensor_constant81": "const_noop", "_native_batch_norm_legit_no_training_40": "BatchNormOp", "getitem_134": "GatherOp", "getitem_135": "GatherOp", "getitem_136": "GatherOp", "silu_40": "SiluOp", "cat_11": "CatOp", "_param_constant123": "const_noop", "conv2d_41": "Conv2DOp", "empty_41": "unknown", "_param_constant124": "const_noop", "_param_constant125": "const_noop", "_tensor_constant82": "const_noop", "_tensor_constant83": "const_noop", "_native_batch_norm_legit_no_training_41": "BatchNormOp", "getitem_137": "GatherOp", "getitem_138": "GatherOp", "getitem_139": "GatherOp", "silu_41": "SiluOp", "chunk_7": "SplitOp", "getitem_140": "GatherOp", "getitem_141": "GatherOp", "_param_constant126": "const_noop", "conv2d_42": "Conv2DOp", "empty_42": "unknown", "_param_constant127": "const_noop", "_param_constant128": "const_noop", "_tensor_constant84": "const_noop", "_tensor_constant85": "const_noop", "_native_batch_norm_legit_no_training_42": "BatchNormOp", "getitem_142": "GatherOp", "getitem_143": "GatherOp", "getitem_144": "GatherOp", "silu_42": "SiluOp", "_param_constant129": "const_noop", "conv2d_43": "Conv2DOp", "empty_43": "unknown", "_param_constant130": "const_noop", "_param_constant131": "const_noop", "_tensor_constant86": "const_noop", "_tensor_constant87": "const_noop", "_native_batch_norm_legit_no_training_43": "BatchNormOp", "getitem_145": "GatherOp", "getitem_146": "GatherOp", "getitem_147": "GatherOp", "silu_43": "SiluOp", "cat_12": "CatOp", "_param_constant132": "const_noop", "conv2d_44": "Conv2DOp", "empty_44": "unknown", "_param_constant133": "const_noop", "_param_constant134": "const_noop", "_tensor_constant88": "const_noop", "_tensor_constant89": "const_noop", "_native_batch_norm_legit_no_training_44": "BatchNormOp", "getitem_148": "GatherOp", "getitem_149": "GatherOp", "getitem_150": "GatherOp", "silu_44": "SiluOp", "_param_constant135": "const_noop", "conv2d_45": "Conv2DOp", "empty_45": "unknown", "_param_constant136": "const_noop", "_param_constant137": "const_noop", "_tensor_constant90": "const_noop", "_tensor_constant91": "const_noop", "_native_batch_norm_legit_no_training_45": "BatchNormOp", "getitem_151": "GatherOp", "getitem_152": "GatherOp", "getitem_153": "GatherOp", "silu_45": "SiluOp", "_param_constant138": "const_noop", "conv2d_46": "Conv2DOp", "empty_46": "unknown", "_param_constant139": "const_noop", "_param_constant140": "const_noop", "_tensor_constant92": "const_noop", "_tensor_constant93": "const_noop", "_native_batch_norm_legit_no_training_46": "BatchNormOp", "getitem_154": "GatherOp", "getitem_155": "GatherOp", "getitem_156": "GatherOp", "silu_46": "SiluOp", "_param_constant141": "const_noop", "_param_constant142": "const_noop", "conv2d_47": "Conv2DOp", "_param_constant143": "const_noop", "conv2d_48": "Conv2DOp", "empty_47": "unknown", "_param_constant144": "const_noop", "_param_constant145": "const_noop", "_tensor_constant94": "const_noop", "_tensor_constant95": "const_noop", "_native_batch_norm_legit_no_training_47": "BatchNormOp", "getitem_157": "GatherOp", "getitem_158": "GatherOp", "getitem_159": "GatherOp", "silu_47": "SiluOp", "_param_constant146": "const_noop", "conv2d_49": "Conv2DOp", "empty_48": "unknown", "_param_constant147": "const_noop", "_param_constant148": "const_noop", "_tensor_constant96": "const_noop", "_tensor_constant97": "const_noop", "_native_batch_norm_legit_no_training_48": "BatchNormOp", "getitem_160": "GatherOp", "getitem_161": "GatherOp", "getitem_162": "GatherOp", "silu_48": "SiluOp", "_param_constant149": "const_noop", "_param_constant150": "const_noop", "conv2d_50": "Conv2DOp", "cat_13": "CatOp", "_param_constant151": "const_noop", "conv2d_51": "Conv2DOp", "empty_49": "unknown", "_param_constant152": "const_noop", "_param_constant153": "const_noop", "_tensor_constant98": "const_noop", "_tensor_constant99": "const_noop", "_native_batch_norm_legit_no_training_49": "BatchNormOp", "getitem_163": "GatherOp", "getitem_164": "GatherOp", "getitem_165": "GatherOp", "silu_49": "SiluOp", "_param_constant154": "const_noop", "conv2d_52": "Conv2DOp", "empty_50": "unknown", "_param_constant155": "const_noop", "_param_constant156": "const_noop", "_tensor_constant100": "const_noop", "_tensor_constant101": "const_noop", "_native_batch_norm_legit_no_training_50": "BatchNormOp", "getitem_166": "GatherOp", "getitem_167": "GatherOp", "getitem_168": "GatherOp", "silu_50": "SiluOp", "_param_constant157": "const_noop", "_param_constant158": "const_noop", "conv2d_53": "Conv2DOp", "_param_constant159": "const_noop", "conv2d_54": "Conv2DOp", "empty_51": "unknown", "_param_constant160": "const_noop", "_param_constant161": "const_noop", "_tensor_constant102": "const_noop", "_tensor_constant103": "const_noop", "_native_batch_norm_legit_no_training_51": "BatchNormOp", "getitem_169": "GatherOp", "getitem_170": "GatherOp", "getitem_171": "GatherOp", "silu_51": "SiluOp", "_param_constant162": "const_noop", "conv2d_55": "Conv2DOp", "empty_52": "unknown", "_param_constant163": "const_noop", "_param_constant164": "const_noop", "_tensor_constant104": "const_noop", "_tensor_constant105": "const_noop", "_native_batch_norm_legit_no_training_52": "BatchNormOp", "getitem_172": "GatherOp", "getitem_173": "GatherOp", "getitem_174": "GatherOp", "silu_52": "SiluOp", "_param_constant165": "const_noop", "_param_constant166": "const_noop", "conv2d_56": "Conv2DOp", "cat_14": "CatOp", "_param_constant167": "const_noop", "conv2d_57": "Conv2DOp", "empty_53": "unknown", "_param_constant168": "const_noop", "_param_constant169": "const_noop", "_tensor_constant106": "const_noop", "_tensor_constant107": "const_noop", "_native_batch_norm_legit_no_training_53": "BatchNormOp", "getitem_175": "GatherOp", "getitem_176": "GatherOp", "getitem_177": "GatherOp", "silu_53": "SiluOp", "_param_constant170": "const_noop", "conv2d_58": "Conv2DOp", "empty_54": "unknown", "_param_constant171": "const_noop", "_param_constant172": "const_noop", "_tensor_constant108": "const_noop", "_tensor_constant109": "const_noop", "_native_batch_norm_legit_no_training_54": "BatchNormOp", "getitem_178": "GatherOp", "getitem_179": "GatherOp", "getitem_180": "GatherOp", "silu_54": "SiluOp", "_param_constant173": "const_noop", "_param_constant174": "const_noop", "conv2d_59": "Conv2DOp", "_param_constant175": "const_noop", "conv2d_60": "Conv2DOp", "empty_55": "unknown", "_param_constant176": "const_noop", "_param_constant177": "const_noop", "_tensor_constant110": "const_noop", "_tensor_constant111": "const_noop", "_native_batch_norm_legit_no_training_55": "BatchNormOp", "getitem_181": "GatherOp", "getitem_182": "GatherOp", "getitem_183": "GatherOp", "silu_55": "SiluOp", "_param_constant178": "const_noop", "conv2d_61": "Conv2DOp", "empty_56": "unknown", "_param_constant179": "const_noop", "_param_constant180": "const_noop", "_tensor_constant112": "const_noop", "_tensor_constant113": "const_noop", "_native_batch_norm_legit_no_training_56": "BatchNormOp", "getitem_184": "GatherOp", "getitem_185": "GatherOp", "getitem_186": "GatherOp", "silu_56": "SiluOp", "_param_constant181": "const_noop", "_param_constant182": "const_noop", "conv2d_62": "Conv2DOp", "cat_15": "CatOp", "view": "ReshapeOp", "view_1": "ReshapeOp", "view_2": "ReshapeOp", "cat_16": "CatOp", "split_with_sizes": "SplitOp", "getitem_187": "GatherOp", "getitem_188": "GatherOp", "view_3": "ReshapeOp", "transpose": "TransposeOp", "softmax": "SoftmaxOp", "_param_constant183": "const_noop", "conv2d_63": "Conv2DOp", "view_4": "ReshapeOp", "_tensor_constant114": "const_noop", "unsqueeze": "ReshapeOp", "chunk_8": "SplitOp", "getitem_189": "GatherOp", "getitem_190": "GatherOp", "sub": "SubOp", "add_6": "AddOp", "add_7": "AddOp", "div": "DivOp", "sub_1": "SubOp", "cat_17": "CatOp", "_tensor_constant115": "const_noop", "mul": "MulOp", "sigmoid": "SigmoidOp", "cat_18": "CatOp", "output": "output_noop"} \ No newline at end of file