Skip to content

Instantly share code, notes, and snippets.

@justinchuby
Created September 20, 2023 19:18
Show Gist options
  • Save justinchuby/a4bee93df0af414ba90a73fc27e46796 to your computer and use it in GitHub Desktop.
Save justinchuby/a4bee93df0af414ba90a73fc27e46796 to your computer and use it in GitHub Desktop.
Rotary embedding ONNX export
import torch
from torch import nn
import onnx
class LlamaMSRotaryEmbedding(nn.Module):
def __init__(self, hidden_size, num_heads, max_sequence_length):
super().__init__()
self.hidden_size = hidden_size
self.num_heads = num_heads
self.max_sequence_length = max_sequence_length
def get_cos_sin_cache(
self, theta: float = 10000.0, head_scale=1.0, device="cpu", dtype=torch.float32
):
hidden_size = self.hidden_size
n_heads = self.num_heads
max_seq_len = self.max_sequence_length
# Precalculate rotary matrices for the sequence
# According to "Attention Is All You Need", theta_i = 10000 ^ (2 * (i - 1)/dim), i in [1, 2, ..., dim//2]
head_dim = head_scale * hidden_size / n_heads
pos = torch.arange(0, 2 * (head_dim // 2), step=2, device=device, dtype=dtype)
freqs = 1.0 / (theta ** (pos / head_dim))
idx = torch.arange(max_seq_len, device=freqs.device)
freqs = torch.outer(idx, freqs)
cos = torch.reshape(torch.cos(freqs), [1, max_seq_len, 1, -1])
sin = torch.reshape(torch.sin(freqs), [1, max_seq_len, 1, -1])
dtype = torch.get_default_dtype()
return cos.to(dtype), sin.to(dtype)
def forward(self, x, cos, sin, pos):
# Dimension of x is [batch_size, seq_len, n_heads, head_dim]
rot_dim = 2 * cos.shape[3]
# Dolly requires partial rotation
x_rot = x[:, :, :, :rot_dim]
x1 = x_rot[:, :, :, 0::2]
x2 = x_rot[:, :, :, 1::2]
seq_len = x.shape[1]
cos_x = cos[:, pos : pos + seq_len, :, :]
sin_x = sin[:, pos : pos + seq_len, :, :]
real = cos_x * x1 - sin_x * x2
imag = sin_x * x1 + cos_x * x2
x_rot[:, :, :, 0::2] = real
x_rot[:, :, :, 1::2] = imag
return torch.cat((x_rot, x[:, :, :, rot_dim:]), dim=-1)
class Model(nn.Module):
def __init__(self):
super().__init__()
self.rotary_embedding_ms = LlamaMSRotaryEmbedding(8, 16, 32)
def forward(self, x, cos, sin, pos):
return self.rotary_embedding_ms(x, cos, sin, pos)
batch_size = 2
num_heads = 16
sequence_length = 32
head_size = 8
# Calculated this way to match the data in rotary_embedding_op_test.cc
x_bnsh = torch.randn(batch_size, num_heads, sequence_length, head_size)
x_bsnh = x_bnsh.transpose(1, 2)
rotary_embedding_ms = LlamaMSRotaryEmbedding(head_size, num_heads, sequence_length)
model = Model()
cos_ms, sin_ms = rotary_embedding_ms.get_cos_sin_cache()
pos_ms = 0
exported = torch.onnx.dynamo_export(model, x_bsnh, cos_ms, sin_ms, pos_ms)
onnx.save_model(exported.model_proto, "rotary_embedding_ms.onnx", format="textproto")
ir_version: 8
producer_name: "pytorch"
producer_version: "2.2.0"
graph {
node {
input: "arg0"
input: "arg1"
input: "arg2"
output: "rotary_embedding_ms_1"
name: "__main___LlamaMSRotaryEmbedding_rotary_embedding_ms_1_0"
op_type: "__main___LlamaMSRotaryEmbedding_rotary_embedding_ms_1"
doc_string: ""
domain: "pkg.__main__"
}
name: "main_graph"
input {
name: "arg0"
type {
tensor_type {
elem_type: 1
shape {
dim {
dim_value: 2
}
dim {
dim_value: 32
}
dim {
dim_value: 16
}
dim {
dim_value: 8
}
}
}
}
}
input {
name: "arg1"
type {
tensor_type {
elem_type: 1
shape {
dim {
dim_value: 1
}
dim {
dim_value: 32
}
dim {
dim_value: 1
}
dim {
dim_value: 0
}
}
}
}
}
input {
name: "arg2"
type {
tensor_type {
elem_type: 1
shape {
dim {
dim_value: 1
}
dim {
dim_value: 32
}
dim {
dim_value: 1
}
dim {
dim_value: 0
}
}
}
}
}
output {
name: "rotary_embedding_ms_1"
type {
tensor_type {
elem_type: 1
shape {
dim {
dim_value: 2
}
dim {
dim_value: 32
}
dim {
dim_value: 16
}
dim {
dim_value: 8
}
}
}
}
}
}
opset_import {
domain: "pkg.onnxscript.torch_lib"
version: 1
}
opset_import {
domain: "pkg.__main__"
version: 1
}
opset_import {
domain: ""
version: 18
}
functions {
name: "aten_mul"
input: "self"
input: "other"
output: "return_val"
node {
input: "other"
input: "self"
output: "other_0"
name: "n0"
op_type: "CastLike"
domain: ""
}
node {
input: "self"
input: "other_0"
output: "return_val"
name: "n1"
op_type: "Mul"
domain: ""
}
doc_string: "mul.Tensor(Tensor self, Tensor other) -> Tensor"
opset_import {
domain: ""
version: 18
}
domain: "pkg.onnxscript.torch_lib"
}
functions {
name: "aten_sub"
input: "self"
input: "other"
output: "return_val"
node {
output: "alpha"
name: "n0"
op_type: "Constant"
attribute {
name: "value_float"
type: FLOAT
ref_attr_name: "alpha"
}
domain: ""
}
node {
input: "alpha"
input: "other"
output: "alpha_0"
name: "n1"
op_type: "CastLike"
domain: ""
}
node {
input: "other"
input: "alpha_0"
output: "other_1"
name: "n2"
op_type: "Mul"
domain: ""
}
node {
input: "self"
input: "other_1"
output: "return_val"
name: "n3"
op_type: "Sub"
domain: ""
}
doc_string: "sub.Tensor(Tensor self, Tensor other, *, Scalar alpha=1) -> Tensor"
opset_import {
domain: ""
version: 18
}
domain: "pkg.onnxscript.torch_lib"
attribute_proto {
name: "alpha"
f: 1.0
type: FLOAT
}
}
functions {
name: "aten_add"
input: "self"
input: "other"
output: "return_val"
node {
output: "alpha"
name: "n0"
op_type: "Constant"
attribute {
name: "value_float"
type: FLOAT
ref_attr_name: "alpha"
}
domain: ""
}
node {
input: "alpha"
input: "other"
output: "alpha_0"
name: "n1"
op_type: "CastLike"
domain: ""
}
node {
input: "other"
input: "alpha_0"
output: "other_1"
name: "n2"
op_type: "Mul"
domain: ""
}
node {
input: "self"
input: "other_1"
output: "return_val"
name: "n3"
op_type: "Add"
domain: ""
}
doc_string: "add.Tensor(Tensor self, Tensor other, *, Scalar alpha=1) -> Tensor"
opset_import {
domain: ""
version: 18
}
domain: "pkg.onnxscript.torch_lib"
attribute_proto {
name: "alpha"
f: 1.0
type: FLOAT
}
}
functions {
name: "aten_copy"
input: "self"
input: "src"
output: "self_0"
node {
input: "src"
output: "self_0"
name: "n0"
op_type: "Identity"
domain: ""
}
doc_string: "copy(Tensor self, Tensor src, bool non_blocking=False) -> Tensor"
opset_import {
domain: ""
version: 18
}
domain: "pkg.onnxscript.torch_lib"
attribute_proto {
name: "non_blocking"
i: 0
type: INT
}
}
functions {
name: "aten_slice_scatter"
input: "self"
input: "src"
input: "start"
input: "end"
input: "step"
output: "return_val"
node {
output: "zero"
name: "n0"
op_type: "Constant"
attribute {
name: "value_ints"
ints: 0
type: INTS
}
domain: ""
}
node {
output: "one"
name: "n1"
op_type: "Constant"
attribute {
name: "value_ints"
ints: 1
type: INTS
}
domain: ""
}
node {
input: "self"
output: "self_shape"
name: "n2"
op_type: "Shape"
domain: ""
}
node {
output: "dim"
name: "n3"
op_type: "Constant"
attribute {
name: "value_int"
type: INT
ref_attr_name: "dim"
}
domain: ""
}
node {
input: "self_shape"
input: "dim"
output: "dim_shape"
name: "n4"
op_type: "Gather"
attribute {
name: "axis"
i: 0
type: INT
}
domain: ""
}
node {
output: "int64_0"
name: "n5"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
int64_data: 0
name: "int64_0"
}
type: TENSOR
}
domain: ""
}
node {
output: "int64_1"
name: "n6"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
int64_data: 1
name: "int64_1"
}
type: TENSOR
}
domain: ""
}
node {
input: "int64_0"
input: "dim_shape"
output: "int64_0_cast"
name: "n7"
op_type: "CastLike"
domain: ""
}
node {
input: "int64_1"
input: "dim_shape"
output: "int64_1_cast"
name: "n8"
op_type: "CastLike"
domain: ""
}
node {
input: "int64_0_cast"
input: "dim_shape"
input: "int64_1_cast"
output: "index_base"
name: "n9"
op_type: "Range"
domain: ""
}
node {
input: "start"
input: "zero"
output: "tmp"
name: "n10"
op_type: "Unsqueeze"
domain: ""
}
node {
input: "end"
input: "zero"
output: "tmp_0"
name: "n11"
op_type: "Unsqueeze"
domain: ""
}
node {
input: "step"
input: "zero"
output: "tmp_1"
name: "n12"
op_type: "Unsqueeze"
domain: ""
}
node {
input: "index_base"
input: "tmp"
input: "tmp_0"
input: "zero"
input: "tmp_1"
output: "index_base_2"
name: "n13"
op_type: "Slice"
domain: ""
}
node {
output: "int64_1_3"
name: "n14"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
int64_data: 1
name: "int64_1_3"
}
type: TENSOR
}
domain: ""
}
node {
output: "dim_4"
name: "n15"
op_type: "Constant"
attribute {
name: "value_int"
type: INT
ref_attr_name: "dim"
}
domain: ""
}
node {
output: "int64_0_5"
name: "n16"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
int64_data: 0
name: "int64_0_5"
}
type: TENSOR
}
domain: ""
}
node {
input: "dim_4"
input: "int64_0_5"
output: "tmp_6"
name: "n17"
op_type: "Less"
domain: ""
}
node {
output: "int64_0_7"
name: "n18"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
int64_data: 0
name: "int64_0_7"
}
type: TENSOR
}
domain: ""
}
node {
input: "self_shape"
output: "tmp_8"
name: "n19"
op_type: "Size"
domain: ""
}
node {
input: "int64_0_7"
input: "tmp_8"
output: "int64_0_7_cast"
name: "n20"
op_type: "CastLike"
domain: ""
}
node {
input: "tmp_6"
input: "int64_0_7_cast"
input: "tmp_8"
output: "tmp_9"
name: "n21"
op_type: "Where"
domain: ""
}
node {
output: "dim_10"
name: "n22"
op_type: "Constant"
attribute {
name: "value_int"
type: INT
ref_attr_name: "dim"
}
domain: ""
}
node {
input: "dim_10"
input: "tmp_9"
output: "dim_10_cast"
name: "n23"
op_type: "CastLike"
domain: ""
}
node {
input: "tmp_9"
input: "dim_10_cast"
output: "tmp_11"
name: "n24"
op_type: "Sub"
domain: ""
}
node {
output: "int64_1_12"
name: "n25"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
int64_data: 1
name: "int64_1_12"
}
type: TENSOR
}
domain: ""
}
node {
input: "int64_1_3"
input: "tmp_11"
output: "int64_1_3_cast"
name: "n26"
op_type: "CastLike"
domain: ""
}
node {
input: "int64_1_12"
input: "tmp_11"
output: "int64_1_12_cast"
name: "n27"
op_type: "CastLike"
domain: ""
}
node {
input: "int64_1_3_cast"
input: "tmp_11"
input: "int64_1_12_cast"
output: "tmp_13"
name: "n28"
op_type: "Range"
domain: ""
}
node {
input: "index_base_2"
input: "tmp_13"
output: "index_base_14"
name: "n29"
op_type: "Unsqueeze"
domain: ""
}
node {
output: "tmp_15"
name: "n30"
op_type: "Constant"
attribute {
name: "value_int"
type: INT
ref_attr_name: "dim"
}
domain: ""
}
node {
input: "tmp_15"
input: "zero"
output: "tmp_16"
name: "n31"
op_type: "Unsqueeze"
domain: ""
}
node {
input: "self_shape"
input: "tmp_16"
input: "one"
output: "shape_expand"
name: "n32"
op_type: "ScatterElements"
attribute {
name: "axis"
i: 0
type: INT
}
domain: ""
}
node {
input: "index_base_14"
input: "shape_expand"
output: "indices"
name: "n33"
op_type: "Expand"
domain: ""
}
node {
input: "self"
input: "indices"
input: "src"
output: "return_val"
name: "n34"
op_type: "ScatterElements"
attribute {
name: "axis"
type: INT
ref_attr_name: "dim"
}
domain: ""
}
doc_string: "slice_scatter(Tensor self, Tensor src, int dim=0, SymInt? start=None, SymInt? end=None, SymInt step=1) -> Tensor"
opset_import {
domain: ""
version: 18
}
domain: "pkg.onnxscript.torch_lib"
attribute_proto {
name: "dim"
i: 0
type: INT
}
}
functions {
name: "aten_cat"
input: "tensors"
output: "return_val"
node {
input: "tensors"
output: "return_val"
name: "n0"
op_type: "ConcatFromSequence"
attribute {
name: "axis"
type: INT
ref_attr_name: "dim"
}
domain: ""
}
doc_string: "cat(Tensor[] tensors, int dim=0) -> Tensor"
opset_import {
domain: ""
version: 18
}
domain: "pkg.onnxscript.torch_lib"
attribute_proto {
name: "dim"
i: 0
type: INT
}
}
functions {
name: "__main___LlamaMSRotaryEmbedding_rotary_embedding_ms_1"
input: "arg0"
input: "arg1"
input: "arg2"
output: "cat"
node {
output: "_val_3"
name: "Constant_0"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_3"
output: "_val_4"
name: "Cast_1"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_5"
name: "Constant_2"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_4"
input: "_val_5"
output: "_val_6"
name: "Reshape_3"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_7"
name: "Constant_4"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_7"
output: "_val_8"
name: "Cast_5"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_9"
name: "Constant_6"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_8"
input: "_val_9"
output: "_val_10"
name: "Reshape_7"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_11"
name: "Constant_8"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_11"
output: "_val_12"
name: "Cast_9"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_13"
name: "Constant_10"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_12"
input: "_val_13"
output: "_val_14"
name: "Reshape_11"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_15"
name: "Constant_12"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_15"
output: "_val_16"
name: "Cast_13"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_17"
name: "Constant_14"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_16"
input: "_val_17"
output: "_val_18"
name: "Reshape_15"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "arg0"
input: "_val_6"
input: "_val_10"
input: "_val_14"
input: "_val_18"
output: "slice_1"
name: "Slice_16"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_20"
name: "Constant_17"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_20"
output: "_val_21"
name: "Cast_18"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_22"
name: "Constant_19"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_21"
input: "_val_22"
output: "_val_23"
name: "Reshape_20"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_24"
name: "Constant_21"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_24"
output: "_val_25"
name: "Cast_22"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_26"
name: "Constant_23"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_25"
input: "_val_26"
output: "_val_27"
name: "Reshape_24"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_28"
name: "Constant_25"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_28"
output: "_val_29"
name: "Cast_26"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_30"
name: "Constant_27"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_29"
input: "_val_30"
output: "_val_31"
name: "Reshape_28"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_32"
name: "Constant_29"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_32"
output: "_val_33"
name: "Cast_30"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_34"
name: "Constant_31"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_33"
input: "_val_34"
output: "_val_35"
name: "Reshape_32"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_1"
input: "_val_23"
input: "_val_27"
input: "_val_31"
input: "_val_35"
output: "slice_2"
name: "Slice_33"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_37"
name: "Constant_34"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_37"
output: "_val_38"
name: "Cast_35"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_39"
name: "Constant_36"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_38"
input: "_val_39"
output: "_val_40"
name: "Reshape_37"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_41"
name: "Constant_38"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_41"
output: "_val_42"
name: "Cast_39"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_43"
name: "Constant_40"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_42"
input: "_val_43"
output: "_val_44"
name: "Reshape_41"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_45"
name: "Constant_42"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_45"
output: "_val_46"
name: "Cast_43"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_47"
name: "Constant_44"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_46"
input: "_val_47"
output: "_val_48"
name: "Reshape_45"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_49"
name: "Constant_46"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_49"
output: "_val_50"
name: "Cast_47"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_51"
name: "Constant_48"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_50"
input: "_val_51"
output: "_val_52"
name: "Reshape_49"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_2"
input: "_val_40"
input: "_val_44"
input: "_val_48"
input: "_val_52"
output: "slice_3"
name: "Slice_50"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_54"
name: "Constant_51"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_54"
output: "_val_55"
name: "Cast_52"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_56"
name: "Constant_53"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_55"
input: "_val_56"
output: "_val_57"
name: "Reshape_54"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_58"
name: "Constant_55"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_58"
output: "_val_59"
name: "Cast_56"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_60"
name: "Constant_57"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_59"
input: "_val_60"
output: "_val_61"
name: "Reshape_58"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_62"
name: "Constant_59"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_62"
output: "_val_63"
name: "Cast_60"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_64"
name: "Constant_61"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_63"
input: "_val_64"
output: "_val_65"
name: "Reshape_62"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_66"
name: "Constant_63"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_66"
output: "_val_67"
name: "Cast_64"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_68"
name: "Constant_65"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_67"
input: "_val_68"
output: "_val_69"
name: "Reshape_66"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_3"
input: "_val_57"
input: "_val_61"
input: "_val_65"
input: "_val_69"
output: "slice_4"
name: "Slice_67"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_71"
name: "Constant_68"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_71"
output: "_val_72"
name: "Cast_69"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_73"
name: "Constant_70"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_72"
input: "_val_73"
output: "_val_74"
name: "Reshape_71"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_75"
name: "Constant_72"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_75"
output: "_val_76"
name: "Cast_73"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_77"
name: "Constant_74"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_76"
input: "_val_77"
output: "_val_78"
name: "Reshape_75"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_79"
name: "Constant_76"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_79"
output: "_val_80"
name: "Cast_77"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_81"
name: "Constant_78"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_80"
input: "_val_81"
output: "_val_82"
name: "Reshape_79"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_83"
name: "Constant_80"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_83"
output: "_val_84"
name: "Cast_81"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_85"
name: "Constant_82"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_84"
input: "_val_85"
output: "_val_86"
name: "Reshape_83"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_4"
input: "_val_74"
input: "_val_78"
input: "_val_82"
input: "_val_86"
output: "slice_5"
name: "Slice_84"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_88"
name: "Constant_85"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_88"
output: "_val_89"
name: "Cast_86"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_90"
name: "Constant_87"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_89"
input: "_val_90"
output: "_val_91"
name: "Reshape_88"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_92"
name: "Constant_89"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_92"
output: "_val_93"
name: "Cast_90"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_94"
name: "Constant_91"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_93"
input: "_val_94"
output: "_val_95"
name: "Reshape_92"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_96"
name: "Constant_93"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_96"
output: "_val_97"
name: "Cast_94"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_98"
name: "Constant_95"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_97"
input: "_val_98"
output: "_val_99"
name: "Reshape_96"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_100"
name: "Constant_97"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_100"
output: "_val_101"
name: "Cast_98"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_102"
name: "Constant_99"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_101"
input: "_val_102"
output: "_val_103"
name: "Reshape_100"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_5"
input: "_val_91"
input: "_val_95"
input: "_val_99"
input: "_val_103"
output: "slice_6"
name: "Slice_101"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_105"
name: "Constant_102"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_105"
output: "_val_106"
name: "Cast_103"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_107"
name: "Constant_104"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_106"
input: "_val_107"
output: "_val_108"
name: "Reshape_105"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_109"
name: "Constant_106"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_109"
output: "_val_110"
name: "Cast_107"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_111"
name: "Constant_108"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_110"
input: "_val_111"
output: "_val_112"
name: "Reshape_109"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_113"
name: "Constant_110"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_113"
output: "_val_114"
name: "Cast_111"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_115"
name: "Constant_112"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_114"
input: "_val_115"
output: "_val_116"
name: "Reshape_113"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_117"
name: "Constant_114"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_117"
output: "_val_118"
name: "Cast_115"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_119"
name: "Constant_116"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_118"
input: "_val_119"
output: "_val_120"
name: "Reshape_117"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_6"
input: "_val_108"
input: "_val_112"
input: "_val_116"
input: "_val_120"
output: "slice_7"
name: "Slice_118"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_122"
name: "Constant_119"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_122"
output: "_val_123"
name: "Cast_120"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_124"
name: "Constant_121"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_123"
input: "_val_124"
output: "_val_125"
name: "Reshape_122"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_126"
name: "Constant_123"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_126"
output: "_val_127"
name: "Cast_124"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_128"
name: "Constant_125"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_127"
input: "_val_128"
output: "_val_129"
name: "Reshape_126"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_130"
name: "Constant_127"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_130"
output: "_val_131"
name: "Cast_128"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_132"
name: "Constant_129"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_131"
input: "_val_132"
output: "_val_133"
name: "Reshape_130"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_134"
name: "Constant_131"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_134"
output: "_val_135"
name: "Cast_132"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_136"
name: "Constant_133"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_135"
input: "_val_136"
output: "_val_137"
name: "Reshape_134"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_7"
input: "_val_125"
input: "_val_129"
input: "_val_133"
input: "_val_137"
output: "slice_8"
name: "Slice_135"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_139"
name: "Constant_136"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_139"
output: "_val_140"
name: "Cast_137"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_141"
name: "Constant_138"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_140"
input: "_val_141"
output: "_val_142"
name: "Reshape_139"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_143"
name: "Constant_140"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_143"
output: "_val_144"
name: "Cast_141"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_145"
name: "Constant_142"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_144"
input: "_val_145"
output: "_val_146"
name: "Reshape_143"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_147"
name: "Constant_144"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_147"
output: "_val_148"
name: "Cast_145"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_149"
name: "Constant_146"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_148"
input: "_val_149"
output: "_val_150"
name: "Reshape_147"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_151"
name: "Constant_148"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_151"
output: "_val_152"
name: "Cast_149"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_153"
name: "Constant_150"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_152"
input: "_val_153"
output: "_val_154"
name: "Reshape_151"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_4"
input: "_val_142"
input: "_val_146"
input: "_val_150"
input: "_val_154"
output: "slice_9"
name: "Slice_152"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_156"
name: "Constant_153"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_156"
output: "_val_157"
name: "Cast_154"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_158"
name: "Constant_155"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_157"
input: "_val_158"
output: "_val_159"
name: "Reshape_156"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_160"
name: "Constant_157"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_160"
output: "_val_161"
name: "Cast_158"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_162"
name: "Constant_159"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_161"
input: "_val_162"
output: "_val_163"
name: "Reshape_160"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_164"
name: "Constant_161"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_164"
output: "_val_165"
name: "Cast_162"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_166"
name: "Constant_163"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_165"
input: "_val_166"
output: "_val_167"
name: "Reshape_164"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_168"
name: "Constant_165"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_168"
output: "_val_169"
name: "Cast_166"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_170"
name: "Constant_167"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_169"
input: "_val_170"
output: "_val_171"
name: "Reshape_168"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_9"
input: "_val_159"
input: "_val_163"
input: "_val_167"
input: "_val_171"
output: "slice_10"
name: "Slice_169"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_173"
name: "Constant_170"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_173"
output: "_val_174"
name: "Cast_171"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_175"
name: "Constant_172"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_174"
input: "_val_175"
output: "_val_176"
name: "Reshape_173"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_177"
name: "Constant_174"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_177"
output: "_val_178"
name: "Cast_175"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_179"
name: "Constant_176"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_178"
input: "_val_179"
output: "_val_180"
name: "Reshape_177"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_181"
name: "Constant_178"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_181"
output: "_val_182"
name: "Cast_179"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_183"
name: "Constant_180"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_182"
input: "_val_183"
output: "_val_184"
name: "Reshape_181"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_185"
name: "Constant_182"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_185"
output: "_val_186"
name: "Cast_183"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_187"
name: "Constant_184"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_186"
input: "_val_187"
output: "_val_188"
name: "Reshape_185"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_10"
input: "_val_176"
input: "_val_180"
input: "_val_184"
input: "_val_188"
output: "slice_11"
name: "Slice_186"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_190"
name: "Constant_187"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_190"
output: "_val_191"
name: "Cast_188"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_192"
name: "Constant_189"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_191"
input: "_val_192"
output: "_val_193"
name: "Reshape_190"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_194"
name: "Constant_191"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_194"
output: "_val_195"
name: "Cast_192"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_196"
name: "Constant_193"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_195"
input: "_val_196"
output: "_val_197"
name: "Reshape_194"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_198"
name: "Constant_195"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_198"
output: "_val_199"
name: "Cast_196"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_200"
name: "Constant_197"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_199"
input: "_val_200"
output: "_val_201"
name: "Reshape_198"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_202"
name: "Constant_199"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_202"
output: "_val_203"
name: "Cast_200"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_204"
name: "Constant_201"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_203"
input: "_val_204"
output: "_val_205"
name: "Reshape_202"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_11"
input: "_val_193"
input: "_val_197"
input: "_val_201"
input: "_val_205"
output: "slice_12"
name: "Slice_203"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_207"
name: "Constant_204"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_207"
output: "_val_208"
name: "Cast_205"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_209"
name: "Constant_206"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_208"
input: "_val_209"
output: "_val_210"
name: "Reshape_207"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_211"
name: "Constant_208"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_211"
output: "_val_212"
name: "Cast_209"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_213"
name: "Constant_210"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_212"
input: "_val_213"
output: "_val_214"
name: "Reshape_211"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_215"
name: "Constant_212"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_215"
output: "_val_216"
name: "Cast_213"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_217"
name: "Constant_214"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_216"
input: "_val_217"
output: "_val_218"
name: "Reshape_215"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_219"
name: "Constant_216"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_219"
output: "_val_220"
name: "Cast_217"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_221"
name: "Constant_218"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_220"
input: "_val_221"
output: "_val_222"
name: "Reshape_219"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "arg1"
input: "_val_210"
input: "_val_214"
input: "_val_218"
input: "_val_222"
output: "slice_13"
name: "Slice_220"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_224"
name: "Constant_221"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_224"
output: "_val_225"
name: "Cast_222"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_226"
name: "Constant_223"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_225"
input: "_val_226"
output: "_val_227"
name: "Reshape_224"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_228"
name: "Constant_225"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_228"
output: "_val_229"
name: "Cast_226"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_230"
name: "Constant_227"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_229"
input: "_val_230"
output: "_val_231"
name: "Reshape_228"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_232"
name: "Constant_229"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_232"
output: "_val_233"
name: "Cast_230"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_234"
name: "Constant_231"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_233"
input: "_val_234"
output: "_val_235"
name: "Reshape_232"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_236"
name: "Constant_233"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_236"
output: "_val_237"
name: "Cast_234"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_238"
name: "Constant_235"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_237"
input: "_val_238"
output: "_val_239"
name: "Reshape_236"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_13"
input: "_val_227"
input: "_val_231"
input: "_val_235"
input: "_val_239"
output: "slice_14"
name: "Slice_237"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_241"
name: "Constant_238"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_241"
output: "_val_242"
name: "Cast_239"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_243"
name: "Constant_240"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_242"
input: "_val_243"
output: "_val_244"
name: "Reshape_241"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_245"
name: "Constant_242"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_245"
output: "_val_246"
name: "Cast_243"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_247"
name: "Constant_244"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_246"
input: "_val_247"
output: "_val_248"
name: "Reshape_245"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_249"
name: "Constant_246"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_249"
output: "_val_250"
name: "Cast_247"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_251"
name: "Constant_248"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_250"
input: "_val_251"
output: "_val_252"
name: "Reshape_249"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_253"
name: "Constant_250"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_253"
output: "_val_254"
name: "Cast_251"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_255"
name: "Constant_252"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_254"
input: "_val_255"
output: "_val_256"
name: "Reshape_253"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_14"
input: "_val_244"
input: "_val_248"
input: "_val_252"
input: "_val_256"
output: "slice_15"
name: "Slice_254"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_258"
name: "Constant_255"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_258"
output: "_val_259"
name: "Cast_256"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_260"
name: "Constant_257"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_259"
input: "_val_260"
output: "_val_261"
name: "Reshape_258"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_262"
name: "Constant_259"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_262"
output: "_val_263"
name: "Cast_260"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_264"
name: "Constant_261"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_263"
input: "_val_264"
output: "_val_265"
name: "Reshape_262"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_266"
name: "Constant_263"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_266"
output: "_val_267"
name: "Cast_264"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_268"
name: "Constant_265"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_267"
input: "_val_268"
output: "_val_269"
name: "Reshape_266"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_270"
name: "Constant_267"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_270"
output: "_val_271"
name: "Cast_268"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_272"
name: "Constant_269"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_271"
input: "_val_272"
output: "_val_273"
name: "Reshape_270"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "arg2"
input: "_val_261"
input: "_val_265"
input: "_val_269"
input: "_val_273"
output: "slice_16"
name: "Slice_271"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_275"
name: "Constant_272"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_275"
output: "_val_276"
name: "Cast_273"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_277"
name: "Constant_274"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_276"
input: "_val_277"
output: "_val_278"
name: "Reshape_275"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_279"
name: "Constant_276"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_279"
output: "_val_280"
name: "Cast_277"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_281"
name: "Constant_278"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_280"
input: "_val_281"
output: "_val_282"
name: "Reshape_279"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_283"
name: "Constant_280"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_283"
output: "_val_284"
name: "Cast_281"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_285"
name: "Constant_282"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_284"
input: "_val_285"
output: "_val_286"
name: "Reshape_283"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_287"
name: "Constant_284"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_287"
output: "_val_288"
name: "Cast_285"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_289"
name: "Constant_286"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_288"
input: "_val_289"
output: "_val_290"
name: "Reshape_287"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_16"
input: "_val_278"
input: "_val_282"
input: "_val_286"
input: "_val_290"
output: "slice_17"
name: "Slice_288"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_292"
name: "Constant_289"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_292"
output: "_val_293"
name: "Cast_290"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_294"
name: "Constant_291"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_293"
input: "_val_294"
output: "_val_295"
name: "Reshape_292"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_296"
name: "Constant_293"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_296"
output: "_val_297"
name: "Cast_294"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_298"
name: "Constant_295"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_297"
input: "_val_298"
output: "_val_299"
name: "Reshape_296"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_300"
name: "Constant_297"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_300"
output: "_val_301"
name: "Cast_298"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_302"
name: "Constant_299"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_301"
input: "_val_302"
output: "_val_303"
name: "Reshape_300"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_304"
name: "Constant_301"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_304"
output: "_val_305"
name: "Cast_302"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_306"
name: "Constant_303"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_305"
input: "_val_306"
output: "_val_307"
name: "Reshape_304"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_17"
input: "_val_295"
input: "_val_299"
input: "_val_303"
input: "_val_307"
output: "slice_18"
name: "Slice_305"
op_type: "Slice"
doc_string: ""
}
node {
input: "slice_15"
input: "slice_8"
output: "mul"
name: "aten_mul_306"
op_type: "aten_mul"
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
input: "slice_18"
input: "slice_12"
output: "mul_1"
name: "aten_mul_307"
op_type: "aten_mul"
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
input: "mul"
input: "mul_1"
output: "sub"
name: "aten_sub_308"
op_type: "aten_sub"
attribute {
name: "alpha"
f: 1.0
type: FLOAT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
input: "slice_18"
input: "slice_8"
output: "mul_2"
name: "aten_mul_309"
op_type: "aten_mul"
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
input: "slice_15"
input: "slice_12"
output: "mul_3"
name: "aten_mul_310"
op_type: "aten_mul"
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
input: "mul_2"
input: "mul_3"
output: "add"
name: "aten_add_311"
op_type: "aten_add"
attribute {
name: "alpha"
f: 1.0
type: FLOAT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_315"
name: "Constant_312"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_315"
output: "_val_316"
name: "Cast_313"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_317"
name: "Constant_314"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_316"
input: "_val_317"
output: "_val_318"
name: "Reshape_315"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_319"
name: "Constant_316"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_319"
output: "_val_320"
name: "Cast_317"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_321"
name: "Constant_318"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_320"
input: "_val_321"
output: "_val_322"
name: "Reshape_319"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_323"
name: "Constant_320"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_323"
output: "_val_324"
name: "Cast_321"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_325"
name: "Constant_322"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_324"
input: "_val_325"
output: "_val_326"
name: "Reshape_323"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_327"
name: "Constant_324"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_327"
output: "_val_328"
name: "Cast_325"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_329"
name: "Constant_326"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_328"
input: "_val_329"
output: "_val_330"
name: "Reshape_327"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_4"
input: "_val_318"
input: "_val_322"
input: "_val_326"
input: "_val_330"
output: "slice_19"
name: "Slice_328"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_332"
name: "Constant_329"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_332"
output: "_val_333"
name: "Cast_330"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_334"
name: "Constant_331"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_333"
input: "_val_334"
output: "_val_335"
name: "Reshape_332"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_336"
name: "Constant_333"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_336"
output: "_val_337"
name: "Cast_334"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_338"
name: "Constant_335"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_337"
input: "_val_338"
output: "_val_339"
name: "Reshape_336"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_340"
name: "Constant_337"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_340"
output: "_val_341"
name: "Cast_338"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_342"
name: "Constant_339"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_341"
input: "_val_342"
output: "_val_343"
name: "Reshape_340"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_344"
name: "Constant_341"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_344"
output: "_val_345"
name: "Cast_342"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_346"
name: "Constant_343"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_345"
input: "_val_346"
output: "_val_347"
name: "Reshape_344"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_19"
input: "_val_335"
input: "_val_339"
input: "_val_343"
input: "_val_347"
output: "slice_20"
name: "Slice_345"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_349"
name: "Constant_346"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_349"
output: "_val_350"
name: "Cast_347"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_351"
name: "Constant_348"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_350"
input: "_val_351"
output: "_val_352"
name: "Reshape_349"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_353"
name: "Constant_350"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_353"
output: "_val_354"
name: "Cast_351"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_355"
name: "Constant_352"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_354"
input: "_val_355"
output: "_val_356"
name: "Reshape_353"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_357"
name: "Constant_354"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_357"
output: "_val_358"
name: "Cast_355"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_359"
name: "Constant_356"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_358"
input: "_val_359"
output: "_val_360"
name: "Reshape_357"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_361"
name: "Constant_358"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_361"
output: "_val_362"
name: "Cast_359"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_363"
name: "Constant_360"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_362"
input: "_val_363"
output: "_val_364"
name: "Reshape_361"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_20"
input: "_val_352"
input: "_val_356"
input: "_val_360"
input: "_val_364"
output: "slice_21"
name: "Slice_362"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_366"
name: "Constant_363"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_366"
output: "_val_367"
name: "Cast_364"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_368"
name: "Constant_365"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_367"
input: "_val_368"
output: "_val_369"
name: "Reshape_366"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_370"
name: "Constant_367"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_370"
output: "_val_371"
name: "Cast_368"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_372"
name: "Constant_369"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_371"
input: "_val_372"
output: "_val_373"
name: "Reshape_370"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_374"
name: "Constant_371"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_374"
output: "_val_375"
name: "Cast_372"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_376"
name: "Constant_373"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_375"
input: "_val_376"
output: "_val_377"
name: "Reshape_374"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_378"
name: "Constant_375"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_378"
output: "_val_379"
name: "Cast_376"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_380"
name: "Constant_377"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_379"
input: "_val_380"
output: "_val_381"
name: "Reshape_378"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_21"
input: "_val_369"
input: "_val_373"
input: "_val_377"
input: "_val_381"
output: "slice_22"
name: "Slice_379"
op_type: "Slice"
doc_string: ""
}
node {
input: "slice_22"
input: "sub"
output: "copy"
name: "aten_copy_380"
op_type: "aten_copy"
attribute {
name: "non_blocking"
i: 0
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_384"
name: "Constant_381"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_384"
output: "_val_385"
name: "Cast_382"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_386"
name: "Constant_383"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_385"
input: "_val_386"
output: "_val_387"
name: "Reshape_384"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_388"
name: "Constant_385"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_388"
output: "_val_389"
name: "Cast_386"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_390"
name: "Constant_387"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_389"
input: "_val_390"
output: "_val_391"
name: "Reshape_388"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_392"
name: "Constant_389"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_392"
output: "_val_393"
name: "Cast_390"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_394"
name: "Constant_391"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_393"
input: "_val_394"
output: "_val_395"
name: "Reshape_392"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_396"
name: "Constant_393"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_396"
output: "_val_397"
name: "Cast_394"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_398"
name: "Constant_395"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_397"
input: "_val_398"
output: "_val_399"
name: "Reshape_396"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "arg0"
input: "_val_387"
input: "_val_391"
input: "_val_395"
input: "_val_399"
output: "slice_23"
name: "Slice_397"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_401"
name: "Constant_398"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_401"
output: "_val_402"
name: "Cast_399"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_403"
name: "Constant_400"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_402"
input: "_val_403"
output: "_val_404"
name: "Reshape_401"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_405"
name: "Constant_402"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_405"
output: "_val_406"
name: "Cast_403"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_407"
name: "Constant_404"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_406"
input: "_val_407"
output: "_val_408"
name: "Reshape_405"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_409"
name: "Constant_406"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_409"
output: "_val_410"
name: "Cast_407"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_411"
name: "Constant_408"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_410"
input: "_val_411"
output: "_val_412"
name: "Reshape_409"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_413"
name: "Constant_410"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_413"
output: "_val_414"
name: "Cast_411"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_415"
name: "Constant_412"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_414"
input: "_val_415"
output: "_val_416"
name: "Reshape_413"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_23"
input: "_val_404"
input: "_val_408"
input: "_val_412"
input: "_val_416"
output: "slice_24"
name: "Slice_414"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_418"
name: "Constant_415"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_418"
output: "_val_419"
name: "Cast_416"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_420"
name: "Constant_417"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_419"
input: "_val_420"
output: "_val_421"
name: "Reshape_418"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_422"
name: "Constant_419"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_422"
output: "_val_423"
name: "Cast_420"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_424"
name: "Constant_421"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_423"
input: "_val_424"
output: "_val_425"
name: "Reshape_422"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_426"
name: "Constant_423"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_426"
output: "_val_427"
name: "Cast_424"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_428"
name: "Constant_425"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_427"
input: "_val_428"
output: "_val_429"
name: "Reshape_426"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_430"
name: "Constant_427"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_430"
output: "_val_431"
name: "Cast_428"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_432"
name: "Constant_429"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_431"
input: "_val_432"
output: "_val_433"
name: "Reshape_430"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_24"
input: "_val_421"
input: "_val_425"
input: "_val_429"
input: "_val_433"
output: "slice_25"
name: "Slice_431"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_435"
name: "Constant_432"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_435"
output: "_val_436"
name: "Cast_433"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_437"
name: "Constant_434"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_436"
input: "_val_437"
output: "_val_438"
name: "Reshape_435"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_439"
name: "Constant_436"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_439"
output: "_val_440"
name: "Cast_437"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_441"
name: "Constant_438"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_440"
input: "_val_441"
output: "_val_442"
name: "Reshape_439"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_443"
name: "Constant_440"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_443"
output: "_val_444"
name: "Cast_441"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_445"
name: "Constant_442"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_444"
input: "_val_445"
output: "_val_446"
name: "Reshape_443"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_447"
name: "Constant_444"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_447"
output: "_val_448"
name: "Cast_445"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_449"
name: "Constant_446"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_448"
input: "_val_449"
output: "_val_450"
name: "Reshape_447"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_25"
input: "_val_438"
input: "_val_442"
input: "_val_446"
input: "_val_450"
output: "slice_26"
name: "Slice_448"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_452"
name: "Constant_449"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_452"
output: "_val_453"
name: "Cast_450"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_454"
name: "Constant_451"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_453"
input: "_val_454"
output: "_val_455"
name: "Reshape_452"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_456"
name: "Constant_453"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_456"
output: "_val_457"
name: "Cast_454"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_458"
name: "Constant_455"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_457"
input: "_val_458"
output: "_val_459"
name: "Reshape_456"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_460"
name: "Constant_457"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_460"
output: "_val_461"
name: "Cast_458"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_462"
name: "Constant_459"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_461"
input: "_val_462"
output: "_val_463"
name: "Reshape_460"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_464"
name: "Constant_461"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_464"
output: "_val_465"
name: "Cast_462"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_466"
name: "Constant_463"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_465"
input: "_val_466"
output: "_val_467"
name: "Reshape_464"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_26"
input: "_val_455"
input: "_val_459"
input: "_val_463"
input: "_val_467"
output: "slice_27"
name: "Slice_465"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_469"
name: "Constant_466"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_469"
output: "_val_470"
name: "Cast_467"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_471"
name: "Constant_468"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_470"
input: "_val_471"
output: "_val_472"
name: "Reshape_469"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_473"
name: "Constant_470"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_473"
output: "_val_474"
name: "Cast_471"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_475"
name: "Constant_472"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_474"
input: "_val_475"
output: "_val_476"
name: "Reshape_473"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_477"
name: "Constant_474"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_477"
output: "_val_478"
name: "Cast_475"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_479"
name: "Constant_476"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_478"
input: "_val_479"
output: "_val_480"
name: "Reshape_477"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_481"
name: "Constant_478"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_481"
output: "_val_482"
name: "Cast_479"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_483"
name: "Constant_480"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_482"
input: "_val_483"
output: "_val_484"
name: "Reshape_481"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_27"
input: "_val_472"
input: "_val_476"
input: "_val_480"
input: "_val_484"
output: "slice_28"
name: "Slice_482"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_486"
name: "Constant_483"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_486"
output: "_val_487"
name: "Cast_484"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_488"
name: "Constant_485"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_487"
input: "_val_488"
output: "_val_489"
name: "Reshape_486"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_490"
name: "Constant_487"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_490"
output: "_val_491"
name: "Cast_488"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_492"
name: "Constant_489"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_491"
input: "_val_492"
output: "_val_493"
name: "Reshape_490"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_494"
name: "Constant_491"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_494"
output: "_val_495"
name: "Cast_492"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_496"
name: "Constant_493"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_495"
input: "_val_496"
output: "_val_497"
name: "Reshape_494"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_498"
name: "Constant_495"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_498"
output: "_val_499"
name: "Cast_496"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_500"
name: "Constant_497"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_499"
input: "_val_500"
output: "_val_501"
name: "Reshape_498"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_28"
input: "_val_489"
input: "_val_493"
input: "_val_497"
input: "_val_501"
output: "slice_29"
name: "Slice_499"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_503"
name: "Constant_500"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_504"
name: "Constant_501"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_505"
name: "Constant_502"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_29"
input: "copy"
input: "_val_503"
input: "_val_504"
input: "_val_505"
output: "slice_scatter"
name: "aten_slice_scatter_503"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 3
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_507"
name: "Constant_504"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_508"
name: "Constant_505"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_509"
name: "Constant_506"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_28"
input: "slice_scatter"
input: "_val_507"
input: "_val_508"
input: "_val_509"
output: "slice_scatter_1"
name: "aten_slice_scatter_507"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 2
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_511"
name: "Constant_508"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_512"
name: "Constant_509"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_513"
name: "Constant_510"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_27"
input: "slice_scatter_1"
input: "_val_511"
input: "_val_512"
input: "_val_513"
output: "slice_scatter_2"
name: "aten_slice_scatter_511"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 1
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_515"
name: "Constant_512"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_516"
name: "Constant_513"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_517"
name: "Constant_514"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_26"
input: "slice_scatter_2"
input: "_val_515"
input: "_val_516"
input: "_val_517"
output: "slice_scatter_3"
name: "aten_slice_scatter_515"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 0
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_519"
name: "Constant_516"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_520"
name: "Constant_517"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_521"
name: "Constant_518"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_25"
input: "slice_scatter_3"
input: "_val_519"
input: "_val_520"
input: "_val_521"
output: "slice_scatter_4"
name: "aten_slice_scatter_519"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 3
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_523"
name: "Constant_520"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_524"
name: "Constant_521"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_525"
name: "Constant_522"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_24"
input: "slice_scatter_4"
input: "_val_523"
input: "_val_524"
input: "_val_525"
output: "slice_scatter_5"
name: "aten_slice_scatter_523"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 2
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_527"
name: "Constant_524"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_528"
name: "Constant_525"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_529"
name: "Constant_526"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_23"
input: "slice_scatter_5"
input: "_val_527"
input: "_val_528"
input: "_val_529"
output: "slice_scatter_6"
name: "aten_slice_scatter_527"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 1
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_531"
name: "Constant_528"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_532"
name: "Constant_529"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_533"
name: "Constant_530"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "arg0"
input: "slice_scatter_6"
input: "_val_531"
input: "_val_532"
input: "_val_533"
output: "slice_scatter_7"
name: "aten_slice_scatter_531"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 0
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_535"
name: "Constant_532"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_535"
output: "_val_536"
name: "Cast_533"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_537"
name: "Constant_534"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_536"
input: "_val_537"
output: "_val_538"
name: "Reshape_535"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_539"
name: "Constant_536"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_539"
output: "_val_540"
name: "Cast_537"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_541"
name: "Constant_538"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_540"
input: "_val_541"
output: "_val_542"
name: "Reshape_539"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_543"
name: "Constant_540"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_543"
output: "_val_544"
name: "Cast_541"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_545"
name: "Constant_542"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_544"
input: "_val_545"
output: "_val_546"
name: "Reshape_543"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_547"
name: "Constant_544"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_547"
output: "_val_548"
name: "Cast_545"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_549"
name: "Constant_546"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_548"
input: "_val_549"
output: "_val_550"
name: "Reshape_547"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_scatter_7"
input: "_val_538"
input: "_val_542"
input: "_val_546"
input: "_val_550"
output: "slice_42"
name: "Slice_548"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_552"
name: "Constant_549"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_552"
output: "_val_553"
name: "Cast_550"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_554"
name: "Constant_551"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_553"
input: "_val_554"
output: "_val_555"
name: "Reshape_552"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_556"
name: "Constant_553"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_556"
output: "_val_557"
name: "Cast_554"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_558"
name: "Constant_555"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_557"
input: "_val_558"
output: "_val_559"
name: "Reshape_556"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_560"
name: "Constant_557"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_560"
output: "_val_561"
name: "Cast_558"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_562"
name: "Constant_559"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_561"
input: "_val_562"
output: "_val_563"
name: "Reshape_560"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_564"
name: "Constant_561"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_564"
output: "_val_565"
name: "Cast_562"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_566"
name: "Constant_563"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_565"
input: "_val_566"
output: "_val_567"
name: "Reshape_564"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_42"
input: "_val_555"
input: "_val_559"
input: "_val_563"
input: "_val_567"
output: "slice_43"
name: "Slice_565"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_569"
name: "Constant_566"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_569"
output: "_val_570"
name: "Cast_567"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_571"
name: "Constant_568"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_570"
input: "_val_571"
output: "_val_572"
name: "Reshape_569"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_573"
name: "Constant_570"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_573"
output: "_val_574"
name: "Cast_571"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_575"
name: "Constant_572"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_574"
input: "_val_575"
output: "_val_576"
name: "Reshape_573"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_577"
name: "Constant_574"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_577"
output: "_val_578"
name: "Cast_575"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_579"
name: "Constant_576"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_578"
input: "_val_579"
output: "_val_580"
name: "Reshape_577"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_581"
name: "Constant_578"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_581"
output: "_val_582"
name: "Cast_579"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_583"
name: "Constant_580"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_582"
input: "_val_583"
output: "_val_584"
name: "Reshape_581"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_43"
input: "_val_572"
input: "_val_576"
input: "_val_580"
input: "_val_584"
output: "slice_44"
name: "Slice_582"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_586"
name: "Constant_583"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_586"
output: "_val_587"
name: "Cast_584"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_588"
name: "Constant_585"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_587"
input: "_val_588"
output: "_val_589"
name: "Reshape_586"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_590"
name: "Constant_587"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_590"
output: "_val_591"
name: "Cast_588"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_592"
name: "Constant_589"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_591"
input: "_val_592"
output: "_val_593"
name: "Reshape_590"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_594"
name: "Constant_591"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_594"
output: "_val_595"
name: "Cast_592"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_596"
name: "Constant_593"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_595"
input: "_val_596"
output: "_val_597"
name: "Reshape_594"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_598"
name: "Constant_595"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_598"
output: "_val_599"
name: "Cast_596"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_600"
name: "Constant_597"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_599"
input: "_val_600"
output: "_val_601"
name: "Reshape_598"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_44"
input: "_val_589"
input: "_val_593"
input: "_val_597"
input: "_val_601"
output: "slice_45"
name: "Slice_599"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_603"
name: "Constant_600"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_603"
output: "_val_604"
name: "Cast_601"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_605"
name: "Constant_602"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_604"
input: "_val_605"
output: "_val_606"
name: "Reshape_603"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_607"
name: "Constant_604"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_607"
output: "_val_608"
name: "Cast_605"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_609"
name: "Constant_606"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_608"
input: "_val_609"
output: "_val_610"
name: "Reshape_607"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_611"
name: "Constant_608"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_611"
output: "_val_612"
name: "Cast_609"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_613"
name: "Constant_610"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_612"
input: "_val_613"
output: "_val_614"
name: "Reshape_611"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_615"
name: "Constant_612"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_615"
output: "_val_616"
name: "Cast_613"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_617"
name: "Constant_614"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_616"
input: "_val_617"
output: "_val_618"
name: "Reshape_615"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_45"
input: "_val_606"
input: "_val_610"
input: "_val_614"
input: "_val_618"
output: "slice_46"
name: "Slice_616"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_620"
name: "Constant_617"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_620"
output: "_val_621"
name: "Cast_618"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_622"
name: "Constant_619"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_621"
input: "_val_622"
output: "_val_623"
name: "Reshape_620"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_624"
name: "Constant_621"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_624"
output: "_val_625"
name: "Cast_622"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_626"
name: "Constant_623"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_625"
input: "_val_626"
output: "_val_627"
name: "Reshape_624"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_628"
name: "Constant_625"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_628"
output: "_val_629"
name: "Cast_626"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_630"
name: "Constant_627"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_629"
input: "_val_630"
output: "_val_631"
name: "Reshape_628"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_632"
name: "Constant_629"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_632"
output: "_val_633"
name: "Cast_630"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_634"
name: "Constant_631"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_633"
input: "_val_634"
output: "_val_635"
name: "Reshape_632"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_46"
input: "_val_623"
input: "_val_627"
input: "_val_631"
input: "_val_635"
output: "slice_47"
name: "Slice_633"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_637"
name: "Constant_634"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_637"
output: "_val_638"
name: "Cast_635"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_639"
name: "Constant_636"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_638"
input: "_val_639"
output: "_val_640"
name: "Reshape_637"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_641"
name: "Constant_638"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_641"
output: "_val_642"
name: "Cast_639"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_643"
name: "Constant_640"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_642"
input: "_val_643"
output: "_val_644"
name: "Reshape_641"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_645"
name: "Constant_642"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_645"
output: "_val_646"
name: "Cast_643"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_647"
name: "Constant_644"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_646"
input: "_val_647"
output: "_val_648"
name: "Reshape_645"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_649"
name: "Constant_646"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_649"
output: "_val_650"
name: "Cast_647"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_651"
name: "Constant_648"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_650"
input: "_val_651"
output: "_val_652"
name: "Reshape_649"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_47"
input: "_val_640"
input: "_val_644"
input: "_val_648"
input: "_val_652"
output: "slice_48"
name: "Slice_650"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_654"
name: "Constant_651"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_654"
output: "_val_655"
name: "Cast_652"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_656"
name: "Constant_653"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_655"
input: "_val_656"
output: "_val_657"
name: "Reshape_654"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_658"
name: "Constant_655"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_658"
output: "_val_659"
name: "Cast_656"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_660"
name: "Constant_657"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_659"
input: "_val_660"
output: "_val_661"
name: "Reshape_658"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_662"
name: "Constant_659"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_662"
output: "_val_663"
name: "Cast_660"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_664"
name: "Constant_661"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_663"
input: "_val_664"
output: "_val_665"
name: "Reshape_662"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_666"
name: "Constant_663"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_666"
output: "_val_667"
name: "Cast_664"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_668"
name: "Constant_665"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_667"
input: "_val_668"
output: "_val_669"
name: "Reshape_666"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_48"
input: "_val_657"
input: "_val_661"
input: "_val_665"
input: "_val_669"
output: "slice_49"
name: "Slice_667"
op_type: "Slice"
doc_string: ""
}
node {
input: "slice_49"
input: "add"
output: "copy_1"
name: "aten_copy_668"
op_type: "aten_copy"
attribute {
name: "non_blocking"
i: 0
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_672"
name: "Constant_669"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_672"
output: "_val_673"
name: "Cast_670"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_674"
name: "Constant_671"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_673"
input: "_val_674"
output: "_val_675"
name: "Reshape_672"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_676"
name: "Constant_673"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_676"
output: "_val_677"
name: "Cast_674"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_678"
name: "Constant_675"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_677"
input: "_val_678"
output: "_val_679"
name: "Reshape_676"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_680"
name: "Constant_677"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_680"
output: "_val_681"
name: "Cast_678"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_682"
name: "Constant_679"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_681"
input: "_val_682"
output: "_val_683"
name: "Reshape_680"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_684"
name: "Constant_681"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_684"
output: "_val_685"
name: "Cast_682"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_686"
name: "Constant_683"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_685"
input: "_val_686"
output: "_val_687"
name: "Reshape_684"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_scatter_7"
input: "_val_675"
input: "_val_679"
input: "_val_683"
input: "_val_687"
output: "slice_50"
name: "Slice_685"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_689"
name: "Constant_686"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_689"
output: "_val_690"
name: "Cast_687"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_691"
name: "Constant_688"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_690"
input: "_val_691"
output: "_val_692"
name: "Reshape_689"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_693"
name: "Constant_690"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_693"
output: "_val_694"
name: "Cast_691"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_695"
name: "Constant_692"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_694"
input: "_val_695"
output: "_val_696"
name: "Reshape_693"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_697"
name: "Constant_694"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_697"
output: "_val_698"
name: "Cast_695"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_699"
name: "Constant_696"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_698"
input: "_val_699"
output: "_val_700"
name: "Reshape_697"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_701"
name: "Constant_698"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_701"
output: "_val_702"
name: "Cast_699"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_703"
name: "Constant_700"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_702"
input: "_val_703"
output: "_val_704"
name: "Reshape_701"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_50"
input: "_val_692"
input: "_val_696"
input: "_val_700"
input: "_val_704"
output: "slice_51"
name: "Slice_702"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_706"
name: "Constant_703"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_706"
output: "_val_707"
name: "Cast_704"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_708"
name: "Constant_705"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_707"
input: "_val_708"
output: "_val_709"
name: "Reshape_706"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_710"
name: "Constant_707"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_710"
output: "_val_711"
name: "Cast_708"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_712"
name: "Constant_709"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_711"
input: "_val_712"
output: "_val_713"
name: "Reshape_710"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_714"
name: "Constant_711"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_714"
output: "_val_715"
name: "Cast_712"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_716"
name: "Constant_713"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_715"
input: "_val_716"
output: "_val_717"
name: "Reshape_714"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_718"
name: "Constant_715"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_718"
output: "_val_719"
name: "Cast_716"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_720"
name: "Constant_717"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_719"
input: "_val_720"
output: "_val_721"
name: "Reshape_718"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_51"
input: "_val_709"
input: "_val_713"
input: "_val_717"
input: "_val_721"
output: "slice_52"
name: "Slice_719"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_723"
name: "Constant_720"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_723"
output: "_val_724"
name: "Cast_721"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_725"
name: "Constant_722"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_724"
input: "_val_725"
output: "_val_726"
name: "Reshape_723"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_727"
name: "Constant_724"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_727"
output: "_val_728"
name: "Cast_725"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_729"
name: "Constant_726"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_728"
input: "_val_729"
output: "_val_730"
name: "Reshape_727"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_731"
name: "Constant_728"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_731"
output: "_val_732"
name: "Cast_729"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_733"
name: "Constant_730"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_732"
input: "_val_733"
output: "_val_734"
name: "Reshape_731"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_735"
name: "Constant_732"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_735"
output: "_val_736"
name: "Cast_733"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_737"
name: "Constant_734"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_736"
input: "_val_737"
output: "_val_738"
name: "Reshape_735"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_52"
input: "_val_726"
input: "_val_730"
input: "_val_734"
input: "_val_738"
output: "slice_53"
name: "Slice_736"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_740"
name: "Constant_737"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_740"
output: "_val_741"
name: "Cast_738"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_742"
name: "Constant_739"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_741"
input: "_val_742"
output: "_val_743"
name: "Reshape_740"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_744"
name: "Constant_741"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_744"
output: "_val_745"
name: "Cast_742"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_746"
name: "Constant_743"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_745"
input: "_val_746"
output: "_val_747"
name: "Reshape_744"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_748"
name: "Constant_745"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_748"
output: "_val_749"
name: "Cast_746"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_750"
name: "Constant_747"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_749"
input: "_val_750"
output: "_val_751"
name: "Reshape_748"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_752"
name: "Constant_749"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_752"
output: "_val_753"
name: "Cast_750"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_754"
name: "Constant_751"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_753"
input: "_val_754"
output: "_val_755"
name: "Reshape_752"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_53"
input: "_val_743"
input: "_val_747"
input: "_val_751"
input: "_val_755"
output: "slice_54"
name: "Slice_753"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_757"
name: "Constant_754"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_757"
output: "_val_758"
name: "Cast_755"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_759"
name: "Constant_756"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_758"
input: "_val_759"
output: "_val_760"
name: "Reshape_757"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_761"
name: "Constant_758"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_761"
output: "_val_762"
name: "Cast_759"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_763"
name: "Constant_760"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_762"
input: "_val_763"
output: "_val_764"
name: "Reshape_761"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_765"
name: "Constant_762"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_765"
output: "_val_766"
name: "Cast_763"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_767"
name: "Constant_764"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_766"
input: "_val_767"
output: "_val_768"
name: "Reshape_765"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_769"
name: "Constant_766"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_769"
output: "_val_770"
name: "Cast_767"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_771"
name: "Constant_768"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_770"
input: "_val_771"
output: "_val_772"
name: "Reshape_769"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_54"
input: "_val_760"
input: "_val_764"
input: "_val_768"
input: "_val_772"
output: "slice_55"
name: "Slice_770"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_774"
name: "Constant_771"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_774"
output: "_val_775"
name: "Cast_772"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_776"
name: "Constant_773"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_775"
input: "_val_776"
output: "_val_777"
name: "Reshape_774"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_778"
name: "Constant_775"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_778"
output: "_val_779"
name: "Cast_776"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_780"
name: "Constant_777"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_779"
input: "_val_780"
output: "_val_781"
name: "Reshape_778"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_782"
name: "Constant_779"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_782"
output: "_val_783"
name: "Cast_780"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_784"
name: "Constant_781"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_783"
input: "_val_784"
output: "_val_785"
name: "Reshape_782"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_786"
name: "Constant_783"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_786"
output: "_val_787"
name: "Cast_784"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_788"
name: "Constant_785"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_787"
input: "_val_788"
output: "_val_789"
name: "Reshape_786"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_55"
input: "_val_777"
input: "_val_781"
input: "_val_785"
input: "_val_789"
output: "slice_56"
name: "Slice_787"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_791"
name: "Constant_788"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_792"
name: "Constant_789"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_793"
name: "Constant_790"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_56"
input: "copy_1"
input: "_val_791"
input: "_val_792"
input: "_val_793"
output: "slice_scatter_8"
name: "aten_slice_scatter_791"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 3
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_795"
name: "Constant_792"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_796"
name: "Constant_793"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_797"
name: "Constant_794"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_55"
input: "slice_scatter_8"
input: "_val_795"
input: "_val_796"
input: "_val_797"
output: "slice_scatter_9"
name: "aten_slice_scatter_795"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 2
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_799"
name: "Constant_796"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_800"
name: "Constant_797"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_801"
name: "Constant_798"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_54"
input: "slice_scatter_9"
input: "_val_799"
input: "_val_800"
input: "_val_801"
output: "slice_scatter_10"
name: "aten_slice_scatter_799"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 1
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_803"
name: "Constant_800"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_804"
name: "Constant_801"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_805"
name: "Constant_802"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_53"
input: "slice_scatter_10"
input: "_val_803"
input: "_val_804"
input: "_val_805"
output: "slice_scatter_11"
name: "aten_slice_scatter_803"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 0
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_807"
name: "Constant_804"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_808"
name: "Constant_805"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_809"
name: "Constant_806"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_52"
input: "slice_scatter_11"
input: "_val_807"
input: "_val_808"
input: "_val_809"
output: "slice_scatter_12"
name: "aten_slice_scatter_807"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 3
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_811"
name: "Constant_808"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_812"
name: "Constant_809"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_813"
name: "Constant_810"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_51"
input: "slice_scatter_12"
input: "_val_811"
input: "_val_812"
input: "_val_813"
output: "slice_scatter_13"
name: "aten_slice_scatter_811"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 2
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_815"
name: "Constant_812"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_816"
name: "Constant_813"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_817"
name: "Constant_814"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_50"
input: "slice_scatter_13"
input: "_val_815"
input: "_val_816"
input: "_val_817"
output: "slice_scatter_14"
name: "aten_slice_scatter_815"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 1
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_819"
name: "Constant_816"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_820"
name: "Constant_817"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
output: "_val_821"
name: "Constant_818"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "slice_scatter_7"
input: "slice_scatter_14"
input: "_val_819"
input: "_val_820"
input: "_val_821"
output: "slice_scatter_15"
name: "aten_slice_scatter_819"
op_type: "aten_slice_scatter"
attribute {
name: "dim"
i: 0
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
node {
output: "_val_823"
name: "Constant_820"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_823"
output: "_val_824"
name: "Cast_821"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_825"
name: "Constant_822"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_824"
input: "_val_825"
output: "_val_826"
name: "Reshape_823"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_827"
name: "Constant_824"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_827"
output: "_val_828"
name: "Cast_825"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_829"
name: "Constant_826"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_828"
input: "_val_829"
output: "_val_830"
name: "Reshape_827"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_831"
name: "Constant_828"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_831"
output: "_val_832"
name: "Cast_829"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_833"
name: "Constant_830"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_832"
input: "_val_833"
output: "_val_834"
name: "Reshape_831"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_835"
name: "Constant_832"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_835"
output: "_val_836"
name: "Cast_833"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_837"
name: "Constant_834"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_836"
input: "_val_837"
output: "_val_838"
name: "Reshape_835"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_scatter_15"
input: "_val_826"
input: "_val_830"
input: "_val_834"
input: "_val_838"
output: "slice_69"
name: "Slice_836"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_840"
name: "Constant_837"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_840"
output: "_val_841"
name: "Cast_838"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_842"
name: "Constant_839"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_841"
input: "_val_842"
output: "_val_843"
name: "Reshape_840"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_844"
name: "Constant_841"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_844"
output: "_val_845"
name: "Cast_842"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_846"
name: "Constant_843"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_845"
input: "_val_846"
output: "_val_847"
name: "Reshape_844"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_848"
name: "Constant_845"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_848"
output: "_val_849"
name: "Cast_846"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_850"
name: "Constant_847"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_849"
input: "_val_850"
output: "_val_851"
name: "Reshape_848"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_852"
name: "Constant_849"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_852"
output: "_val_853"
name: "Cast_850"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_854"
name: "Constant_851"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_853"
input: "_val_854"
output: "_val_855"
name: "Reshape_852"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_69"
input: "_val_843"
input: "_val_847"
input: "_val_851"
input: "_val_855"
output: "slice_70"
name: "Slice_853"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_857"
name: "Constant_854"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_857"
output: "_val_858"
name: "Cast_855"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_859"
name: "Constant_856"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_858"
input: "_val_859"
output: "_val_860"
name: "Reshape_857"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_861"
name: "Constant_858"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_861"
output: "_val_862"
name: "Cast_859"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_863"
name: "Constant_860"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_862"
input: "_val_863"
output: "_val_864"
name: "Reshape_861"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_865"
name: "Constant_862"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_865"
output: "_val_866"
name: "Cast_863"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_867"
name: "Constant_864"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_866"
input: "_val_867"
output: "_val_868"
name: "Reshape_865"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_869"
name: "Constant_866"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_869"
output: "_val_870"
name: "Cast_867"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_871"
name: "Constant_868"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_870"
input: "_val_871"
output: "_val_872"
name: "Reshape_869"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_70"
input: "_val_860"
input: "_val_864"
input: "_val_868"
input: "_val_872"
output: "slice_71"
name: "Slice_870"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_874"
name: "Constant_871"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_874"
output: "_val_875"
name: "Cast_872"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_876"
name: "Constant_873"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_875"
input: "_val_876"
output: "_val_877"
name: "Reshape_874"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_878"
name: "Constant_875"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_878"
output: "_val_879"
name: "Cast_876"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_880"
name: "Constant_877"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_879"
input: "_val_880"
output: "_val_881"
name: "Reshape_878"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_882"
name: "Constant_879"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_882"
output: "_val_883"
name: "Cast_880"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_884"
name: "Constant_881"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_883"
input: "_val_884"
output: "_val_885"
name: "Reshape_882"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_886"
name: "Constant_883"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_886"
output: "_val_887"
name: "Cast_884"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_888"
name: "Constant_885"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_887"
input: "_val_888"
output: "_val_889"
name: "Reshape_886"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_71"
input: "_val_877"
input: "_val_881"
input: "_val_885"
input: "_val_889"
output: "slice_72"
name: "Slice_887"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_891"
name: "Constant_888"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_891"
output: "_val_892"
name: "Cast_889"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_893"
name: "Constant_890"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_892"
input: "_val_893"
output: "_val_894"
name: "Reshape_891"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_895"
name: "Constant_892"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_895"
output: "_val_896"
name: "Cast_893"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_897"
name: "Constant_894"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_896"
input: "_val_897"
output: "_val_898"
name: "Reshape_895"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_899"
name: "Constant_896"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_899"
output: "_val_900"
name: "Cast_897"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_901"
name: "Constant_898"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_900"
input: "_val_901"
output: "_val_902"
name: "Reshape_899"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_903"
name: "Constant_900"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_903"
output: "_val_904"
name: "Cast_901"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_905"
name: "Constant_902"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_904"
input: "_val_905"
output: "_val_906"
name: "Reshape_903"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_scatter_15"
input: "_val_894"
input: "_val_898"
input: "_val_902"
input: "_val_906"
output: "slice_73"
name: "Slice_904"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_908"
name: "Constant_905"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_908"
output: "_val_909"
name: "Cast_906"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_910"
name: "Constant_907"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_909"
input: "_val_910"
output: "_val_911"
name: "Reshape_908"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_912"
name: "Constant_909"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_912"
output: "_val_913"
name: "Cast_910"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_914"
name: "Constant_911"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_913"
input: "_val_914"
output: "_val_915"
name: "Reshape_912"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_916"
name: "Constant_913"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_916"
output: "_val_917"
name: "Cast_914"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_918"
name: "Constant_915"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_917"
input: "_val_918"
output: "_val_919"
name: "Reshape_916"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_920"
name: "Constant_917"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_920"
output: "_val_921"
name: "Cast_918"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_922"
name: "Constant_919"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_921"
input: "_val_922"
output: "_val_923"
name: "Reshape_920"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_73"
input: "_val_911"
input: "_val_915"
input: "_val_919"
input: "_val_923"
output: "slice_74"
name: "Slice_921"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_925"
name: "Constant_922"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_925"
output: "_val_926"
name: "Cast_923"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_927"
name: "Constant_924"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_926"
input: "_val_927"
output: "_val_928"
name: "Reshape_925"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_929"
name: "Constant_926"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_929"
output: "_val_930"
name: "Cast_927"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_931"
name: "Constant_928"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_930"
input: "_val_931"
output: "_val_932"
name: "Reshape_929"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_933"
name: "Constant_930"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\002\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_933"
output: "_val_934"
name: "Cast_931"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_935"
name: "Constant_932"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_934"
input: "_val_935"
output: "_val_936"
name: "Reshape_933"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_937"
name: "Constant_934"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_937"
output: "_val_938"
name: "Cast_935"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_939"
name: "Constant_936"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_938"
input: "_val_939"
output: "_val_940"
name: "Reshape_937"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_74"
input: "_val_928"
input: "_val_932"
input: "_val_936"
input: "_val_940"
output: "slice_75"
name: "Slice_938"
op_type: "Slice"
doc_string: ""
}
node {
output: "_val_942"
name: "Constant_939"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\000\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_942"
output: "_val_943"
name: "Cast_940"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_944"
name: "Constant_941"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_943"
input: "_val_944"
output: "_val_945"
name: "Reshape_942"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_946"
name: "Constant_943"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\377\377\377\377\377\377\377\177"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_946"
output: "_val_947"
name: "Cast_944"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_948"
name: "Constant_945"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_947"
input: "_val_948"
output: "_val_949"
name: "Reshape_946"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_950"
name: "Constant_947"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\003\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_950"
output: "_val_951"
name: "Cast_948"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_952"
name: "Constant_949"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_951"
input: "_val_952"
output: "_val_953"
name: "Reshape_950"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
output: "_val_954"
name: "Constant_951"
op_type: "Constant"
attribute {
name: "value"
t {
data_type: 7
raw_data: "\001\000\000\000\000\000\000\000"
}
type: TENSOR
}
doc_string: ""
}
node {
input: "_val_954"
output: "_val_955"
name: "Cast_952"
op_type: "Cast"
attribute {
name: "to"
i: 7
type: INT
}
doc_string: ""
}
node {
output: "_val_956"
name: "Constant_953"
op_type: "Constant"
attribute {
name: "value_ints"
ints: -1
type: INTS
}
doc_string: ""
}
node {
input: "_val_955"
input: "_val_956"
output: "_val_957"
name: "Reshape_954"
op_type: "Reshape"
attribute {
name: "allowzero"
i: 0
type: INT
}
doc_string: ""
}
node {
input: "slice_75"
input: "_val_945"
input: "_val_949"
input: "_val_953"
input: "_val_957"
output: "slice_76"
name: "Slice_955"
op_type: "Slice"
doc_string: ""
}
node {
input: "slice_72"
input: "slice_76"
output: "959"
name: "SequenceConstruct_956"
op_type: "SequenceConstruct"
doc_string: ""
}
node {
input: "959"
output: "cat"
name: "aten_cat_957"
op_type: "aten_cat"
attribute {
name: "dim"
i: -1
type: INT
}
doc_string: ""
domain: "pkg.onnxscript.torch_lib"
}
opset_import {
version: 18
}
opset_import {
domain: "pkg.onnxscript.torch_lib"
version: 1
}
domain: "pkg.__main__"
}
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment