Skip to content
Merged
Show file tree
Hide file tree
Changes from 2 commits
Commits
File filter

Filter by extension

Filter by extension

Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
2 changes: 0 additions & 2 deletions backends/arm/test/misc/test_conv_relu_residual_add.py
Original file line number Diff line number Diff line change
Expand Up @@ -85,7 +85,6 @@ def test_tosa_u55_INT(per_channel_quantization):
model_inputs,
[],
[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
per_channel_quantization=per_channel_quantization,
qtol=0,
Expand All @@ -102,7 +101,6 @@ def test_tosa_u85_INT(per_channel_quantization):
model_inputs,
[],
[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
per_channel_quantization=per_channel_quantization,
qtol=0,
Expand Down
2 changes: 1 addition & 1 deletion backends/arm/test/misc/test_debug_feats.py
Original file line number Diff line number Diff line change
Expand Up @@ -264,7 +264,7 @@ def forward(self, x):
@common.parametrize("test_data", Add.inputs)
def test_fail_dump_tosa_ops(caplog, test_data: input_t1):
pipeline = EthosU55PipelineINT[input_t1](
Add(), test_data, [], [], use_to_edge_transform_and_lower=True, run_on_fvp=False
Add(), test_data, [], [], use_to_edge_transform_and_lower=True
)
pipeline.dump_operator_distribution("to_edge_transform_and_lower")
pipeline.run()
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/models/test_conformer.py
Original file line number Diff line number Diff line change
Expand Up @@ -92,7 +92,6 @@ def test_conformer_u55_INT():
aten_ops=TestConformer.aten_ops,
exir_ops=[],
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)
pipeline.change_args(
"run_method_and_compare_outputs",
Expand All @@ -114,7 +113,6 @@ def test_conformer_u85_INT():
aten_ops=TestConformer.aten_ops,
exir_ops=[],
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)
pipeline.change_args(
"run_method_and_compare_outputs",
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/models/test_dl3_arm.py
Original file line number Diff line number Diff line change
Expand Up @@ -66,7 +66,6 @@ def test_dl3_u55_INT():
TestDl3.model_example_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
)
pipeline.change_args(
"run_method_and_compare_outputs", rtol=1.0, atol=1.0
Expand All @@ -82,7 +81,6 @@ def test_dl3_u85_INT():
TestDl3.model_example_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
)
pipeline.change_args(
"run_method_and_compare_outputs", rtol=1.0, atol=1.0
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/models/test_inception_v3_arm.py
Original file line number Diff line number Diff line change
Expand Up @@ -66,7 +66,6 @@ def test_ic3_u55_BI():
model_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
atol=0.6,
qtol=1,
Expand All @@ -83,7 +82,6 @@ def test_ic3_u85_BI():
model_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
atol=0.6,
qtol=1,
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/models/test_lstm_arm.py
Original file line number Diff line number Diff line change
Expand Up @@ -77,7 +77,6 @@ def test_lstm_u55_INT():
aten_ops=[],
exir_ops=[],
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)
pipeline.change_args(
"run_method_and_compare_outputs", get_test_inputs(), atol=3e-1, qtol=1.0
Expand All @@ -93,7 +92,6 @@ def test_lstm_u85_INT():
aten_ops=[],
exir_ops=[],
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)
pipeline.change_args(
"run_method_and_compare_outputs", get_test_inputs(), atol=3e-1, qtol=1.0
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/models/test_mobilenet_v2_arm.py
Original file line number Diff line number Diff line change
Expand Up @@ -87,7 +87,6 @@ def test_mv2_u55_INT(per_channel_quantization):
model_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
per_channel_quantization=per_channel_quantization,
atol=0.25,
Expand All @@ -105,7 +104,6 @@ def test_mv2_u85_INT(per_channel_quantization):
model_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
per_channel_quantization=per_channel_quantization,
atol=0.25,
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/models/test_mobilenet_v3_arm.py
Original file line number Diff line number Diff line change
Expand Up @@ -61,7 +61,6 @@ def test_mv3_u55_INT():
model_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
atol=0.5,
qtol=1,
Expand All @@ -77,7 +76,6 @@ def test_mv3_u85_INT():
model_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
atol=0.5,
qtol=1,
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/models/test_resnet18.py
Original file line number Diff line number Diff line change
Expand Up @@ -69,7 +69,6 @@ def test_resnet_u55_INT(per_channel_quantization):
model_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
per_channel_quantization=per_channel_quantization,
atol=0.5,
Expand All @@ -90,7 +89,6 @@ def test_resnet_u85_INT(per_channel_quantization):
model_inputs,
aten_ops=[],
exir_ops=[],
run_on_fvp=True,
use_to_edge_transform_and_lower=True,
per_channel_quantization=per_channel_quantization,
atol=0.5,
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/models/test_w2l_arm.py
Original file line number Diff line number Diff line change
Expand Up @@ -91,7 +91,6 @@ def test_w2l_u55_INT():
aten_ops=[],
exir_ops=[],
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)
pipeline.run()

Expand All @@ -106,7 +105,6 @@ def test_w2l_u85_INT():
aten_ops=[],
exir_ops=[],
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)
pipeline.run()

Expand Down
10 changes: 8 additions & 2 deletions backends/arm/test/ops/test_abs.py
Original file line number Diff line number Diff line change
Expand Up @@ -55,7 +55,10 @@ def test_abs_tosa_INT(test_data: torch.Tensor):
@common.XfailIfNoCorstone300
def test_abs_u55_INT(test_data: torch.Tensor):
pipeline = EthosU55PipelineINT[input_t1](
Abs(), test_data(), aten_op, exir_op, run_on_fvp=True
Abs(),
test_data(),
aten_op,
exir_op,
)
pipeline.run()

Expand All @@ -64,7 +67,10 @@ def test_abs_u55_INT(test_data: torch.Tensor):
@common.XfailIfNoCorstone320
def test_abs_u85_INT(test_data: torch.Tensor):
pipeline = EthosU85PipelineINT[input_t1](
Abs(), test_data(), aten_op, exir_op, run_on_fvp=True
Abs(),
test_data(),
aten_op,
exir_op,
)
pipeline.run()

Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/ops/test_acosh.py
Original file line number Diff line number Diff line change
Expand Up @@ -87,7 +87,6 @@ def test_acosh_u55_INT_xfail(test_data: Tuple):
Acosh(),
(test_data(),),
aten_ops=[],
run_on_fvp=False,
)
pipeline.run()

Expand All @@ -110,7 +109,6 @@ def test_acosh_u85_INT_xfail(test_data: Tuple):
Acosh(),
(test_data(),),
aten_ops=[],
run_on_fvp=False,
)
pipeline.run()

Expand Down
22 changes: 16 additions & 6 deletions backends/arm/test/ops/test_add.py
Original file line number Diff line number Diff line change
Expand Up @@ -144,7 +144,10 @@ def test_add_tensor_tosa_INT_i32(test_data: input_t1):
@common.XfailIfNoCorstone300
def test_add_tensor_u55_INT(test_data: input_t1):
pipeline = EthosU55PipelineINT[input_t1](
Add(), test_data(), aten_op, exir_op, run_on_fvp=True
Add(),
test_data(),
aten_op,
exir_op,
)
pipeline.run()

Expand All @@ -153,7 +156,10 @@ def test_add_tensor_u55_INT(test_data: input_t1):
@common.XfailIfNoCorstone320
def test_add_tensor_u85_INT(test_data: input_t1):
pipeline = EthosU85PipelineINT[input_t1](
Add(), test_data(), aten_op, exir_op, run_on_fvp=True
Add(),
test_data(),
aten_op,
exir_op,
)
pipeline.run()

Expand Down Expand Up @@ -186,7 +192,10 @@ def test_add_tensor_tosa_INT_2(test_data: input_t2):
@common.XfailIfNoCorstone300
def test_add_tensor_u55_INT_2(test_data: input_t2):
pipeline = EthosU55PipelineINT[input_t2](
Add2(), test_data(), aten_op, exir_op, run_on_fvp=True
Add2(),
test_data(),
aten_op,
exir_op,
)
pipeline.run()

Expand All @@ -195,7 +204,10 @@ def test_add_tensor_u55_INT_2(test_data: input_t2):
@common.XfailIfNoCorstone320
def test_add_tensor_u85_INT_2(test_data: input_t2):
pipeline = EthosU85PipelineINT[input_t2](
Add2(), test_data(), aten_op, exir_op, run_on_fvp=True
Add2(),
test_data(),
aten_op,
exir_op,
)
pipeline.run()

Expand Down Expand Up @@ -290,7 +302,6 @@ def test_add_tensor_16a8w_u55_INT16(test_data: input_t1):
exir_op,
per_channel_quantization=per_channel_quantization,
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)

pipeline.change_args(
Expand Down Expand Up @@ -318,7 +329,6 @@ def test_add_tensor_16a8w_u85_INT16(test_data: input_t1):
exir_op,
per_channel_quantization=per_channel_quantization,
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)

pipeline.change_args(
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/ops/test_addmm.py
Original file line number Diff line number Diff line change
Expand Up @@ -253,7 +253,6 @@ def test_addmm_16a8w_u55_INT16(test_data: input_t1):
exir_ops=[],
per_channel_quantization=per_channel_quantization,
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)

pipeline.change_args(
Expand Down Expand Up @@ -281,7 +280,6 @@ def test_addmm_16a8w_u85_INT16(test_data: input_t1):
exir_ops=[],
per_channel_quantization=per_channel_quantization,
use_to_edge_transform_and_lower=True,
run_on_fvp=True,
)

pipeline.change_args(
Expand Down
1 change: 0 additions & 1 deletion backends/arm/test/ops/test_amax.py
Original file line number Diff line number Diff line change
Expand Up @@ -103,7 +103,6 @@ def test_amax_u85_INT(test_data: Amax.input_t):
Amax(dim, keep_dims),
data,
Amax.aten_op,
run_on_fvp=True,
)
pipeline.run()

Expand Down
1 change: 0 additions & 1 deletion backends/arm/test/ops/test_amin.py
Original file line number Diff line number Diff line change
Expand Up @@ -112,7 +112,6 @@ def test_amin_u85_INT(test_data: Amin.input_t):
Amin(dim, keep_dims),
data,
Amin.aten_op,
run_on_fvp=True,
)
pipeline.run()

Expand Down
1 change: 0 additions & 1 deletion backends/arm/test/ops/test_any.py
Original file line number Diff line number Diff line change
Expand Up @@ -177,7 +177,6 @@ def test_any_u85_INT(test_data: input_t1):
test_input(),
op.aten_op,
op.exir_op,
run_on_fvp=True,
atol=0,
rtol=0,
qtol=0,
Expand Down
2 changes: 0 additions & 2 deletions backends/arm/test/ops/test_avg_pool2d.py
Original file line number Diff line number Diff line change
Expand Up @@ -151,7 +151,6 @@ def test_avg_pool2d_u55_INT(test_module):
input_tensor,
aten_op,
exir_op,
run_on_fvp=True,
)
pipeline.run()

Expand All @@ -166,7 +165,6 @@ def test_avg_pool2d_u85_INT(test_module):
input_tensor,
aten_op,
exir_op,
run_on_fvp=True,
)
pipeline.run()

Expand Down
4 changes: 0 additions & 4 deletions backends/arm/test/ops/test_batch_norm.py
Original file line number Diff line number Diff line change
Expand Up @@ -220,7 +220,6 @@ def test_native_batch_norm_legit_no_training_u55_INT_conv(test_data: Tuple):
BatchNorm2dConv(*model_params),
(test_data,),
aten_ops=BatchNorm2dConv.aten_ops[0], # Bn is removed before check
run_on_fvp=True,
qtol=1,
)
pipeline.run()
Expand All @@ -234,7 +233,6 @@ def test_native_batch_norm_legit_no_training_u85_INT_conv(test_data: Tuple):
BatchNorm2dConv(*model_params),
(test_data,),
aten_ops=BatchNorm2dConv.aten_ops[0], # Bn is removed before check
run_on_fvp=True,
qtol=1,
)
pipeline.run()
Expand Down Expand Up @@ -336,7 +334,6 @@ def test_native_batch_norm_legit_no_stats_u55_INT(test_data: Tuple):
BatchNorm2dNoStats(*model_params),
(test_data,),
aten_op=BatchNorm2dNoStats.aten_ops,
run_on_fvp=True,
qtol=1,
)
pipeline.run()
Expand All @@ -353,7 +350,6 @@ def test_native_batch_norm_legit_no_stats_u85_INT(test_data: Tuple):
BatchNorm2dNoStats(*model_params),
(test_data,),
aten_op=BatchNorm2dNoStats.aten_ops,
run_on_fvp=False,
qtol=1,
)
pipeline.run()
Expand Down
6 changes: 0 additions & 6 deletions backends/arm/test/ops/test_bitwise.py
Original file line number Diff line number Diff line change
Expand Up @@ -235,7 +235,6 @@ def test_bitwise_and_scalar_u85_INT(test_data: input_t2):
test_data(),
AndScalar.aten_op,
AndScalar.exir_op,
run_on_fvp=True,
atol=0,
rtol=0,
qtol=0,
Expand All @@ -253,7 +252,6 @@ def test_bitwise_and_tensor_u85_INT(test_data: input_t2):
test_data(),
And().aten_op,
And().exir_op,
run_on_fvp=True,
atol=0,
rtol=0,
qtol=0,
Expand Down Expand Up @@ -418,7 +416,6 @@ def test_bitwise_xor_tensor_u85_INT(test_data: input_t2):
test_data(),
Xor().aten_op,
Xor().exir_op,
run_on_fvp=True,
atol=0,
rtol=0,
qtol=0,
Expand All @@ -436,7 +433,6 @@ def test_bitwise_xor_scalar_u85_INT(test_data: input_t2):
test_data(),
XorScalar.aten_op,
XorScalar.exir_op,
run_on_fvp=True,
atol=0,
rtol=0,
qtol=0,
Expand Down Expand Up @@ -601,7 +597,6 @@ def test_bitwise_or_tensor_u85_INT(test_data: input_t2):
test_data(),
Or().aten_op,
Or().exir_op,
run_on_fvp=True,
atol=0,
rtol=0,
qtol=0,
Expand All @@ -619,7 +614,6 @@ def test_bitwise_or_scalar_u85_INT(test_data: input_t2):
test_data(),
OrScalar.aten_op,
OrScalar.exir_op,
run_on_fvp=True,
atol=0,
rtol=0,
qtol=0,
Expand Down
Loading
Loading