How do I solve this IndexError in ONNX Model Predict block?
I created this kind of a sample Simulink model with ONNX Model Predict.
I want to run the simulation with my simple ONNX model that I created with Pytorch.
Also I set Input and output tab of the block parameter like the below images.
Input tab
Output tab
then I run the simulation however I got this error.
Despite the same count of Input to ONNX model, this happens…
Does this ring a bell? I could figure out where I am missing…
I’d appreciate it if you could give me your advice. How do I solve?
MATLAB System block ‘untitled/ONNX Model Predict/ONNX Model Block’ error when calling ‘getOutputSizeImpl’ method of
‘nnet.pycoexblks.
Call to the Python model predict() function ‘py.ONNXModelBlock.predict(…)’ failed.
The Python error message is: == START OF PYTHON ERROR MESSAGE ==
Python error: IndexError: list index out of range
== END OF PYTHON ERROR MESSAGE ==.
Terminal width or dimension error.
‘ Output Terminal 1’ in ‘untitled/ONNX Model Predict/In7’ is a 1-dimensional vector with 1 element.
My python code to create simple onnx model (Pytorch)
This is how I created my ONNX model. I just first wanted to try with easy way.
import torch
import torch.nn as nn
class EmptyModel(nn.Module):
def __init__(self):
super(EmptyModel, self).__init__()
# No trainable parameters, but add a linear layer to match Simulink requirements
self.linear = nn.Linear(7, 2, bias=False)
with torch.no_grad():
self.linear.weight.fill_(0.0)
def forward(self, x):
# Returns the first two elements of the input as is, without any computation
return x[:, :2]
model = EmptyModel()
dummy_input = torch.randn(1, 7, dtype=torch.float32)
torch.onnx.export(
model,
dummy_input,
"empty_model.onnx",
export_params=True,
opset_version=11,
do_constant_folding=True,
input_names=["input"],
output_names=["output"],
dynamic_axes={
"input": {0: "batch_size"},
"output": {0: "batch_size"},
},
)
Sorry that Japansene is included in my attached images…
I look forward to your answer.
Best,I created this kind of a sample Simulink model with ONNX Model Predict.
I want to run the simulation with my simple ONNX model that I created with Pytorch.
Also I set Input and output tab of the block parameter like the below images.
Input tab
Output tab
then I run the simulation however I got this error.
Despite the same count of Input to ONNX model, this happens…
Does this ring a bell? I could figure out where I am missing…
I’d appreciate it if you could give me your advice. How do I solve?
MATLAB System block ‘untitled/ONNX Model Predict/ONNX Model Block’ error when calling ‘getOutputSizeImpl’ method of
‘nnet.pycoexblks.
Call to the Python model predict() function ‘py.ONNXModelBlock.predict(…)’ failed.
The Python error message is: == START OF PYTHON ERROR MESSAGE ==
Python error: IndexError: list index out of range
== END OF PYTHON ERROR MESSAGE ==.
Terminal width or dimension error.
‘ Output Terminal 1’ in ‘untitled/ONNX Model Predict/In7’ is a 1-dimensional vector with 1 element.
My python code to create simple onnx model (Pytorch)
This is how I created my ONNX model. I just first wanted to try with easy way.
import torch
import torch.nn as nn
class EmptyModel(nn.Module):
def __init__(self):
super(EmptyModel, self).__init__()
# No trainable parameters, but add a linear layer to match Simulink requirements
self.linear = nn.Linear(7, 2, bias=False)
with torch.no_grad():
self.linear.weight.fill_(0.0)
def forward(self, x):
# Returns the first two elements of the input as is, without any computation
return x[:, :2]
model = EmptyModel()
dummy_input = torch.randn(1, 7, dtype=torch.float32)
torch.onnx.export(
model,
dummy_input,
"empty_model.onnx",
export_params=True,
opset_version=11,
do_constant_folding=True,
input_names=["input"],
output_names=["output"],
dynamic_axes={
"input": {0: "batch_size"},
"output": {0: "batch_size"},
},
)
Sorry that Japansene is included in my attached images…
I look forward to your answer.
Best, I created this kind of a sample Simulink model with ONNX Model Predict.
I want to run the simulation with my simple ONNX model that I created with Pytorch.
Also I set Input and output tab of the block parameter like the below images.
Input tab
Output tab
then I run the simulation however I got this error.
Despite the same count of Input to ONNX model, this happens…
Does this ring a bell? I could figure out where I am missing…
I’d appreciate it if you could give me your advice. How do I solve?
MATLAB System block ‘untitled/ONNX Model Predict/ONNX Model Block’ error when calling ‘getOutputSizeImpl’ method of
‘nnet.pycoexblks.
Call to the Python model predict() function ‘py.ONNXModelBlock.predict(…)’ failed.
The Python error message is: == START OF PYTHON ERROR MESSAGE ==
Python error: IndexError: list index out of range
== END OF PYTHON ERROR MESSAGE ==.
Terminal width or dimension error.
‘ Output Terminal 1’ in ‘untitled/ONNX Model Predict/In7’ is a 1-dimensional vector with 1 element.
My python code to create simple onnx model (Pytorch)
This is how I created my ONNX model. I just first wanted to try with easy way.
import torch
import torch.nn as nn
class EmptyModel(nn.Module):
def __init__(self):
super(EmptyModel, self).__init__()
# No trainable parameters, but add a linear layer to match Simulink requirements
self.linear = nn.Linear(7, 2, bias=False)
with torch.no_grad():
self.linear.weight.fill_(0.0)
def forward(self, x):
# Returns the first two elements of the input as is, without any computation
return x[:, :2]
model = EmptyModel()
dummy_input = torch.randn(1, 7, dtype=torch.float32)
torch.onnx.export(
model,
dummy_input,
"empty_model.onnx",
export_params=True,
opset_version=11,
do_constant_folding=True,
input_names=["input"],
output_names=["output"],
dynamic_axes={
"input": {0: "batch_size"},
"output": {0: "batch_size"},
},
)
Sorry that Japansene is included in my attached images…
I look forward to your answer.
Best, onnx, deep learning MATLAB Answers — New Questions