[torchlib] Implement missing operators (set1) #6560
44 fail, 2 547 skipped, 10 256 pass in 1h 38m 16s
Annotations
Check warning on line 0 in onnxscript.tools.transformers_models.llama_test.TestExportLlama
github-actions / Test Results
4 out of 20 runs failed: test_llama_dort_static (onnxscript.tools.transformers_models.llama_test.TestExportLlama)
artifacts/Test Results (py311-torch-nightly-macos-latest)/pytest.xml [took 0s]
artifacts/Test Results (py311-torch-nightly-ubuntu-latest)/pytest.xml [took 0s]
artifacts/Test Results (py312-torch-nightly-macos-latest)/pytest.xml [took 1s]
artifacts/Test Results (py312-torch-nightly-ubuntu-latest)/pytest.xml [took 2s]
Raw output
torch._dynamo.exc.Unsupported: Logger not supported for non-export cases
from user code:
File "/Users/runner/work/onnxscript/onnxscript/onnxscript/tools/transformers_models/llama.py", line 58, in forward
model_output = self.model(input_ids, attention_mask=attention_mask)
File "/Users/runner/work/onnxscript/onnxscript/.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py", line 1567, in _call_impl
return forward_call(*args, **kwargs)
File "/Users/runner/work/onnxscript/onnxscript/.nox/test_torch_nightly/lib/python3.12/site-packages/transformers/models/llama/modeling_llama.py", line 937, in forward
logger.warning_once(
Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
You can suppress this exception and fall back to eager by setting:
import torch._dynamo
torch._dynamo.config.suppress_errors = True
onnxscript/tools/transformers_models/llama_test.py:80: in test_llama_dort_static
results = compiled_model(*input_tensors)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py:1558: in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py:1567: in _call_impl
return forward_call(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/eval_frame.py:432: in _fn
return fn(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py:1558: in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py:1567: in _call_impl
return forward_call(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:1115: in __call__
return self._torchdynamo_orig_callable(
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:471: in __call__
return _compile(
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_utils_internal.py:83: in wrapper_function
return StrobelightCompileTimeProfiler.profile_compile_time(
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_strobelight/compile_time_profiler.py:129: in profile_compile_time
return func(*args, **kwargs)
/Library/Frameworks/Python.framework/Versions/3.12/lib/python3.12/contextlib.py:81: in inner
return func(*args, **kwds)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:816: in _compile
guarded_code = compile_inner(code, one_graph, hooks, transform)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/utils.py:232: in time_wrapper
r = func(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:635: in compile_inner
out_code = transform_code_object(code, transform)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/bytecode_transformation.py:1184: in transform_code_object
transformations(instructions, code_options)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:177: in _fn
return fn(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:581: in transform
tracer.run()
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2450: in run
super().run()
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:892: in run
while self.step():
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:804: in step
self.dispatch_table[inst.opcode](self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:498: in wrapper
return inner_fn(self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2058: in CALL
self.call_function(fn, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:742: in call_function
self.push(fn.call_function(self, args, kwargs))
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/nn_module.py:437: in call_function
return tx.inline_user_function_return(
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:748: in inline_user_function_return
return InliningInstructionTranslator.inline_call(self, fn, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2665: in inline_call
return cls.inline_call_(parent, func, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2781: in inline_call_
tracer.run()
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:892: in run
while self.step():
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:804: in step
self.dispatch_table[inst.opcode](self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:498: in wrapper
return inner_fn(self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:1499: in CALL_FUNCTION_EX
self.call_function(fn, argsvars.items, kwargsvars)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:742: in call_function
self.push(fn.call_function(self, args, kwargs))
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/functions.py:342: in call_function
return super().call_function(tx, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/functions.py:294: in call_function
return super().call_function(tx, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/functions.py:91: in call_function
return tx.inline_user_function_return(self, [*self.self_args(), *args], kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:748: in inline_user_function_return
return InliningInstructionTranslator.inline_call(self, fn, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2665: in inline_call
return cls.inline_call_(parent, func, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2781: in inline_call_
tracer.run()
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:892: in run
while self.step():
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:804: in step
self.dispatch_table[inst.opcode](self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:498: in wrapper
return inner_fn(self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2058: in CALL
self.call_function(fn, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:742: in call_function
self.push(fn.call_function(self, args, kwargs))
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/misc.py:680: in call_function
return self.obj.call_method(tx, self.name, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/misc.py:1093: in call_method
unimplemented("Logger not supported for non-export cases")
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/exc.py:220: in unimplemented
raise Unsupported(msg)
E torch._dynamo.exc.Unsupported: Logger not supported for non-export cases
E
E from user code:
E File "/Users/runner/work/onnxscript/onnxscript/onnxscript/tools/transformers_models/llama.py", line 58, in forward
E model_output = self.model(input_ids, attention_mask=attention_mask)
E File "/Users/runner/work/onnxscript/onnxscript/.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py", line 1567, in _call_impl
E return forward_call(*args, **kwargs)
E File "/Users/runner/work/onnxscript/onnxscript/.nox/test_torch_nightly/lib/python3.12/site-packages/transformers/models/llama/modeling_llama.py", line 937, in forward
E logger.warning_once(
E
E Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
E
E
E You can suppress this exception and fall back to eager by setting:
E import torch._dynamo
E torch._dynamo.config.suppress_errors = True
Check warning on line 0 in onnxscript.tools.transformers_models.phi_test.TestExportPhi
github-actions / Test Results
14 out of 20 runs failed: test_phi_dort_static (onnxscript.tools.transformers_models.phi_test.TestExportPhi)
artifacts/Test Results (py310-macos-latest)/pytest.xml [took 1s]
artifacts/Test Results (py310-ubuntu-latest)/pytest.xml [took 2s]
artifacts/Test Results (py311-macos-latest)/pytest.xml [took 1s]
artifacts/Test Results (py311-onnx-weekly-macos-latest)/pytest.xml [took 1s]
artifacts/Test Results (py311-onnx-weekly-ubuntu-latest)/pytest.xml [took 1s]
artifacts/Test Results (py311-torch-nightly-macos-latest)/pytest.xml [took 2s]
artifacts/Test Results (py311-torch-nightly-ubuntu-latest)/pytest.xml [took 1s]
artifacts/Test Results (py311-ubuntu-latest)/pytest.xml [took 1s]
artifacts/Test Results (py312-torch-nightly-macos-latest)/pytest.xml [took 0s]
artifacts/Test Results (py312-torch-nightly-ubuntu-latest)/pytest.xml [took 0s]
artifacts/Test Results (py38-macos-latest)/pytest.xml [took 1s]
artifacts/Test Results (py38-ubuntu-latest)/pytest.xml [took 1s]
artifacts/Test Results (py39-macos-latest)/pytest.xml [took 1s]
artifacts/Test Results (py39-ubuntu-latest)/pytest.xml [took 1s]
Raw output
torch._dynamo.exc.Unsupported: Logger not supported for non-export cases
from user code:
File "/Users/runner/work/onnxscript/onnxscript/onnxscript/tools/transformers_models/phi.py", line 115, in forward
model_output = self.model(input_ids, attention_mask=attention_mask)
File "/Users/runner/work/onnxscript/onnxscript/.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py", line 1567, in _call_impl
return forward_call(*args, **kwargs)
File "/Users/runner/work/onnxscript/onnxscript/.nox/test_torch_nightly/lib/python3.12/site-packages/transformers/models/phi/modeling_phi.py", line 1020, in forward
logger.warning_once(
Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
You can suppress this exception and fall back to eager by setting:
import torch._dynamo
torch._dynamo.config.suppress_errors = True
onnxscript/tools/transformers_models/phi_test.py:74: in test_phi_dort_static
results = compiled_model(*input_tensors)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py:1558: in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py:1567: in _call_impl
return forward_call(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/eval_frame.py:432: in _fn
return fn(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py:1558: in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py:1567: in _call_impl
return forward_call(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:1115: in __call__
return self._torchdynamo_orig_callable(
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:471: in __call__
return _compile(
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_utils_internal.py:83: in wrapper_function
return StrobelightCompileTimeProfiler.profile_compile_time(
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_strobelight/compile_time_profiler.py:129: in profile_compile_time
return func(*args, **kwargs)
/Library/Frameworks/Python.framework/Versions/3.12/lib/python3.12/contextlib.py:81: in inner
return func(*args, **kwds)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:816: in _compile
guarded_code = compile_inner(code, one_graph, hooks, transform)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/utils.py:232: in time_wrapper
r = func(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:635: in compile_inner
out_code = transform_code_object(code, transform)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/bytecode_transformation.py:1184: in transform_code_object
transformations(instructions, code_options)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:177: in _fn
return fn(*args, **kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/convert_frame.py:581: in transform
tracer.run()
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2450: in run
super().run()
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:892: in run
while self.step():
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:804: in step
self.dispatch_table[inst.opcode](self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:498: in wrapper
return inner_fn(self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2058: in CALL
self.call_function(fn, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:742: in call_function
self.push(fn.call_function(self, args, kwargs))
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/nn_module.py:437: in call_function
return tx.inline_user_function_return(
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:748: in inline_user_function_return
return InliningInstructionTranslator.inline_call(self, fn, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2665: in inline_call
return cls.inline_call_(parent, func, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2781: in inline_call_
tracer.run()
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:892: in run
while self.step():
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:804: in step
self.dispatch_table[inst.opcode](self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:498: in wrapper
return inner_fn(self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:1499: in CALL_FUNCTION_EX
self.call_function(fn, argsvars.items, kwargsvars)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:742: in call_function
self.push(fn.call_function(self, args, kwargs))
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/functions.py:342: in call_function
return super().call_function(tx, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/functions.py:294: in call_function
return super().call_function(tx, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/functions.py:91: in call_function
return tx.inline_user_function_return(self, [*self.self_args(), *args], kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:748: in inline_user_function_return
return InliningInstructionTranslator.inline_call(self, fn, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2665: in inline_call
return cls.inline_call_(parent, func, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2781: in inline_call_
tracer.run()
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:892: in run
while self.step():
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:804: in step
self.dispatch_table[inst.opcode](self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:498: in wrapper
return inner_fn(self, inst)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:2058: in CALL
self.call_function(fn, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/symbolic_convert.py:742: in call_function
self.push(fn.call_function(self, args, kwargs))
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/misc.py:680: in call_function
return self.obj.call_method(tx, self.name, args, kwargs)
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/variables/misc.py:1093: in call_method
unimplemented("Logger not supported for non-export cases")
.nox/test_torch_nightly/lib/python3.12/site-packages/torch/_dynamo/exc.py:220: in unimplemented
raise Unsupported(msg)
E torch._dynamo.exc.Unsupported: Logger not supported for non-export cases
E
E from user code:
E File "/Users/runner/work/onnxscript/onnxscript/onnxscript/tools/transformers_models/phi.py", line 115, in forward
E model_output = self.model(input_ids, attention_mask=attention_mask)
E File "/Users/runner/work/onnxscript/onnxscript/.nox/test_torch_nightly/lib/python3.12/site-packages/torch/nn/modules/module.py", line 1567, in _call_impl
E return forward_call(*args, **kwargs)
E File "/Users/runner/work/onnxscript/onnxscript/.nox/test_torch_nightly/lib/python3.12/site-packages/transformers/models/phi/modeling_phi.py", line 1020, in forward
E logger.warning_once(
E
E Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
E
E
E You can suppress this exception and fall back to eager by setting:
E import torch._dynamo
E torch._dynamo.config.suppress_errors = True
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
2 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0663_test_mod_mixed_sign_float16 (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-torch-nightly-windows-latest)/pytest.xml [took 0s]
artifacts/Test Results (py312-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_mod_mixed_sign_float16' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_mod_mixed_sign_float16.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT16
from onnxscript.onnx_opset import opset13
@script()
def bck_test_mod_mixed_sign_float16(x: FLOAT16[6], y: FLOAT16[6]) -> (FLOAT16[6]):
z = opset13.Mod(x, y, fmod=1)
return z
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_mod_mixed_sign_float16'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_mod_mixed_sign_float16' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_mod_mixed_sign_float16.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT16
E from onnxscript.onnx_opset import opset13
E
E @script()
E def bck_test_mod_mixed_sign_float16(x: FLOAT16[6], y: FLOAT16[6]) -> (FLOAT16[6]):
E z = opset13.Mod(x, y, fmod=1)
E return z
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0881_test_reduce_min_default_axes_keepdims_example (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-ort-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_reduce_min_default_axes_keepdims_example' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_reduce_min_default_axes_keepdims_example.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset18
@script()
def bck_test_reduce_min_default_axes_keepdims_example(data: FLOAT[3,2,2]) -> (FLOAT[1,1,1]):
reduced = opset18.ReduceMin(data, keepdims=1)
return reduced
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_reduce_min_default_axes_keepdims_example'
The above exception was the direct cause of the following exception:
.nox\test_ort_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_reduce_min_default_axes_keepdims_example' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_reduce_min_default_axes_keepdims_example.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset18
E
E @script()
E def bck_test_reduce_min_default_axes_keepdims_example(data: FLOAT[3,2,2]) -> (FLOAT[1,1,1]):
E reduced = opset18.ReduceMin(data, keepdims=1)
E return reduced
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0219_test_celu_expanded (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_celu_expanded' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_celu_expanded.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset12
@script()
def bck_test_celu_expanded(X: FLOAT[3,3,3,1]) -> (FLOAT[3,3,3,1]):
Celu_test_celu_expanded_function_alpha = opset12.Constant(value=make_tensor("value", 1, dims=[1], vals=[2.0]))
Celu_test_celu_expanded_function_X_alpha = opset12.Div(X, Celu_test_celu_expanded_function_alpha)
Celu_test_celu_expanded_function_Elu_Result = opset12.Elu(Celu_test_celu_expanded_function_X_alpha, alpha=1.0)
Y = opset12.Mul(Celu_test_celu_expanded_function_alpha, Celu_test_celu_expanded_function_Elu_Result)
return Y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_celu_expanded'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_celu_expanded' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_celu_expanded.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset12
E
E @script()
E def bck_test_celu_expanded(X: FLOAT[3,3,3,1]) -> (FLOAT[3,3,3,1]):
E Celu_test_celu_expanded_function_alpha = opset12.Constant(value=make_tensor("value", 1, dims=[1], vals=[2.0]))
E Celu_test_celu_expanded_function_X_alpha = opset12.Div(X, Celu_test_celu_expanded_function_alpha)
E Celu_test_celu_expanded_function_Elu_Result = opset12.Elu(Celu_test_celu_expanded_function_X_alpha, alpha=1.0)
E Y = opset12.Mul(Celu_test_celu_expanded_function_alpha, Celu_test_celu_expanded_function_Elu_Result)
E return Y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0947_test_resize_downsample_scales_cubic_A_n0p5_exclude_outside (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_resize_downsample_scales_cubic_A_n0p5_exclude_outside' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset19
@script()
def bck_test_resize_downsample_scales_cubic_A_n0p5_exclude_outside(X: FLOAT[1,1,4,4], scales: FLOAT[4]) -> (FLOAT[1,1,3,3]):
Y = opset19.Resize(X, None, scales, cubic_coeff_a=-0.5, exclude_outside=1, mode='cubic')
return Y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_resize_downsample_scales_cubic_A_n0p5_exclude_outside'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_resize_downsample_scales_cubic_A_n0p5_exclude_outside' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset19
E
E @script()
E def bck_test_resize_downsample_scales_cubic_A_n0p5_exclude_outside(X: FLOAT[1,1,4,4], scales: FLOAT[4]) -> (FLOAT[1,1,3,3]):
E Y = opset19.Resize(X, None, scales, cubic_coeff_a=-0.5, exclude_outside=1, mode='cubic')
E return Y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0865_test_reduce_max_default_axes_keepdim_example (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-ort-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_reduce_max_default_axes_keepdim_example' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_reduce_max_default_axes_keepdim_example.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset18
@script()
def bck_test_reduce_max_default_axes_keepdim_example(data: FLOAT[3,2,2]) -> (FLOAT[1,1,1]):
reduced = opset18.ReduceMax(data, keepdims=1)
return reduced
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_reduce_max_default_axes_keepdim_example'
The above exception was the direct cause of the following exception:
.nox\test_ort_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_reduce_max_default_axes_keepdim_example' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_reduce_max_default_axes_keepdim_example.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset18
E
E @script()
E def bck_test_reduce_max_default_axes_keepdim_example(data: FLOAT[3,2,2]) -> (FLOAT[1,1,1]):
E reduced = opset18.ReduceMax(data, keepdims=1)
E return reduced
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0042_test_argmax_keepdims_random (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_argmax_keepdims_random' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_argmax_keepdims_random.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT, INT64
from onnxscript.onnx_opset import opset13
@script()
def bck_test_argmax_keepdims_random(data: FLOAT[2,3,4]) -> (INT64[2,1,4]):
result = opset13.ArgMax(data, axis=1, keepdims=1)
return result
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_argmax_keepdims_random'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_argmax_keepdims_random' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_argmax_keepdims_random.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT, INT64
E from onnxscript.onnx_opset import opset13
E
E @script()
E def bck_test_argmax_keepdims_random(data: FLOAT[2,3,4]) -> (INT64[2,1,4]):
E result = opset13.ArgMax(data, axis=1, keepdims=1)
E return result
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0614_test_maxpool_2d_precomputed_strides (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-ort-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_maxpool_2d_precomputed_strides' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_maxpool_2d_precomputed_strides.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset12
@script()
def bck_test_maxpool_2d_precomputed_strides(x: FLOAT[1,1,5,5]) -> (FLOAT[1,1,2,2]):
y = opset12.MaxPool(x, kernel_shape=[2, 2], strides=[2, 2])
return y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_maxpool_2d_precomputed_strides'
The above exception was the direct cause of the following exception:
.nox\test_ort_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_maxpool_2d_precomputed_strides' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_maxpool_2d_precomputed_strides.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset12
E
E @script()
E def bck_test_maxpool_2d_precomputed_strides(x: FLOAT[1,1,5,5]) -> (FLOAT[1,1,2,2]):
E y = opset12.MaxPool(x, kernel_shape=[2, 2], strides=[2, 2])
E return y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0823_test_reduce_l2_do_not_keepdims_random (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_reduce_l2_do_not_keepdims_random' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_reduce_l2_do_not_keepdims_random.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT, INT64
from onnxscript.onnx_opset import opset18
@script()
def bck_test_reduce_l2_do_not_keepdims_random(data: FLOAT[3,2,2], axes: INT64[1]) -> (FLOAT[3,2]):
reduced = opset18.ReduceL2(data, axes, keepdims=0)
return reduced
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_reduce_l2_do_not_keepdims_random'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_reduce_l2_do_not_keepdims_random' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_reduce_l2_do_not_keepdims_random.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT, INT64
E from onnxscript.onnx_opset import opset18
E
E @script()
E def bck_test_reduce_l2_do_not_keepdims_random(data: FLOAT[3,2,2], axes: INT64[1]) -> (FLOAT[3,2]):
E reduced = opset18.ReduceL2(data, axes, keepdims=0)
E return reduced
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0995_test_scatter_elements_without_axis (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-ort-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_scatter_elements_without_axis' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_scatter_elements_without_axis.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT, INT64
from onnxscript.onnx_opset import opset18
@script()
def bck_test_scatter_elements_without_axis(data: FLOAT[3,3], indices: INT64[2,3], updates: FLOAT[2,3]) -> (FLOAT[3,3]):
y = opset18.ScatterElements(data, indices, updates)
return y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_scatter_elements_without_axis'
The above exception was the direct cause of the following exception:
.nox\test_ort_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_scatter_elements_without_axis' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_scatter_elements_without_axis.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT, INT64
E from onnxscript.onnx_opset import opset18
E
E @script()
E def bck_test_scatter_elements_without_axis(data: FLOAT[3,3], indices: INT64[2,3], updates: FLOAT[2,3]) -> (FLOAT[3,3]):
E y = opset18.ScatterElements(data, indices, updates)
E return y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0733_test_not_3d (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_not_3d' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_not_3d.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import BOOL
from onnxscript.onnx_opset import opset1
@script()
def bck_test_not_3d(x: BOOL[3,4,5]) -> (BOOL[3,4,5]):
r_not = opset1.Not(x)
return r_not
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_not_3d'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_not_3d' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_not_3d.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import BOOL
E from onnxscript.onnx_opset import opset1
E
E @script()
E def bck_test_not_3d(x: BOOL[3,4,5]) -> (BOOL[3,4,5]):
E r_not = opset1.Not(x)
E return r_not
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0575_test_logsoftmax_example_1 (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-onnx-weekly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_logsoftmax_example_1' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_logsoftmax_example_1.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset13
@script()
def bck_test_logsoftmax_example_1(x: FLOAT[1,3]) -> (FLOAT[1,3]):
y = opset13.LogSoftmax(x)
return y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_logsoftmax_example_1'
The above exception was the direct cause of the following exception:
.nox\test_onnx_weekly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_logsoftmax_example_1' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_logsoftmax_example_1.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset13
E
E @script()
E def bck_test_logsoftmax_example_1(x: FLOAT[1,3]) -> (FLOAT[1,3]):
E y = opset13.LogSoftmax(x)
E return y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0382_test_gathernd_example_float32 (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_gathernd_example_float32' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_gathernd_example_float32.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT, INT64
from onnxscript.onnx_opset import opset13
@script()
def bck_test_gathernd_example_float32(data: FLOAT[2,2,2], indices: INT64[2,1,2]) -> (FLOAT[2,1,2]):
output = opset13.GatherND(data, indices)
return output
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_gathernd_example_float32'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_gathernd_example_float32' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_gathernd_example_float32.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT, INT64
E from onnxscript.onnx_opset import opset13
E
E @script()
E def bck_test_gathernd_example_float32(data: FLOAT[2,2,2], indices: INT64[2,1,2]) -> (FLOAT[2,1,2]):
E output = opset13.GatherND(data, indices)
E return output
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0416_test_greater_bcast (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_greater_bcast' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_greater_bcast.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import BOOL, FLOAT
from onnxscript.onnx_opset import opset13
@script()
def bck_test_greater_bcast(x: FLOAT[3,4,5], y: FLOAT[5]) -> (BOOL[3,4,5]):
greater = opset13.Greater(x, y)
return greater
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_greater_bcast'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_greater_bcast' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_greater_bcast.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import BOOL, FLOAT
E from onnxscript.onnx_opset import opset13
E
E @script()
E def bck_test_greater_bcast(x: FLOAT[3,4,5], y: FLOAT[5]) -> (BOOL[3,4,5]):
E greater = opset13.Greater(x, y)
E return greater
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0948_test_resize_downsample_scales_linear (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-ort-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_resize_downsample_scales_linear' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_resize_downsample_scales_linear.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset19
@script()
def bck_test_resize_downsample_scales_linear(X: FLOAT[1,1,2,4], scales: FLOAT[4]) -> (FLOAT[1,1,1,2]):
Y = opset19.Resize(X, None, scales, mode='linear')
return Y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_resize_downsample_scales_linear'
The above exception was the direct cause of the following exception:
.nox\test_ort_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_resize_downsample_scales_linear' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_resize_downsample_scales_linear.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset19
E
E @script()
E def bck_test_resize_downsample_scales_linear(X: FLOAT[1,1,2,4], scales: FLOAT[4]) -> (FLOAT[1,1,1,2]):
E Y = opset19.Resize(X, None, scales, mode='linear')
E return Y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0877_test_reduce_mean_keepdims_random (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-onnx-weekly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_reduce_mean_keepdims_random' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_reduce_mean_keepdims_random.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT, INT64
from onnxscript.onnx_opset import opset18
@script()
def bck_test_reduce_mean_keepdims_random(data: FLOAT[3,2,2], axes: INT64[1]) -> (FLOAT[3,1,2]):
reduced = opset18.ReduceMean(data, axes, keepdims=1)
return reduced
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_reduce_mean_keepdims_random'
The above exception was the direct cause of the following exception:
.nox\test_onnx_weekly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_reduce_mean_keepdims_random' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_reduce_mean_keepdims_random.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT, INT64
E from onnxscript.onnx_opset import opset18
E
E @script()
E def bck_test_reduce_mean_keepdims_random(data: FLOAT[3,2,2], axes: INT64[1]) -> (FLOAT[3,1,2]):
E reduced = opset18.ReduceMean(data, axes, keepdims=1)
E return reduced
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0102_test_batchnorm_example_training_mode (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-ort-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_batchnorm_example_training_mode' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_batchnorm_example_training_mode.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset15
@script()
def bck_test_batchnorm_example_training_mode(x: FLOAT[2,3,4,5], s: FLOAT[3], bias: FLOAT[3], mean: FLOAT[3], var: FLOAT[3]) -> (FLOAT[2,3,4,5], FLOAT[3], FLOAT[3]):
y, output_mean, output_var = opset15.BatchNormalization(x, s, bias, mean, var, training_mode=1)
return y, output_mean, output_var
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_batchnorm_example_training_mode'
The above exception was the direct cause of the following exception:
.nox\test_ort_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_batchnorm_example_training_mode' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_batchnorm_example_training_mode.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset15
E
E @script()
E def bck_test_batchnorm_example_training_mode(x: FLOAT[2,3,4,5], s: FLOAT[3], bias: FLOAT[3], mean: FLOAT[3], var: FLOAT[3]) -> (FLOAT[2,3,4,5], FLOAT[3], FLOAT[3]):
E y, output_mean, output_var = opset15.BatchNormalization(x, s, bias, mean, var, training_mode=1)
E return y, output_mean, output_var
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0304_test_cumsum_1d_reverse_exclusive (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py312-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_cumsum_1d_reverse_exclusive' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_cumsum_1d_reverse_exclusive.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import DOUBLE, INT32
from onnxscript.onnx_opset import opset14
@script()
def bck_test_cumsum_1d_reverse_exclusive(x: DOUBLE[5], axis: INT32) -> (DOUBLE[5]):
y = opset14.CumSum(x, axis, exclusive=1, reverse=1)
return y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.12.4\x64\Lib\importlib\__init__.py:90: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_cumsum_1d_reverse_exclusive'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_cumsum_1d_reverse_exclusive' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_cumsum_1d_reverse_exclusive.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import DOUBLE, INT32
E from onnxscript.onnx_opset import opset14
E
E @script()
E def bck_test_cumsum_1d_reverse_exclusive(x: DOUBLE[5], axis: INT32) -> (DOUBLE[5]):
E y = opset14.CumSum(x, axis, exclusive=1, reverse=1)
E return y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_1072_test_selu_default (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-ort-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_selu_default' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_selu_default.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset6
@script()
def bck_test_selu_default(x: FLOAT[3,4,5]) -> (FLOAT[3,4,5]):
y = opset6.Selu(x)
return y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_selu_default'
The above exception was the direct cause of the following exception:
.nox\test_ort_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_selu_default' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_selu_default.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset6
E
E @script()
E def bck_test_selu_default(x: FLOAT[3,4,5]) -> (FLOAT[3,4,5]):
E y = opset6.Selu(x)
E return y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0453_test_hannwindow_symmetric (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py310-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_hannwindow_symmetric' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_hannwindow_symmetric.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT, INT32
from onnxscript.onnx_opset import opset17
@script()
def bck_test_hannwindow_symmetric(x: INT32) -> (FLOAT[10]):
y = opset17.HannWindow(x, periodic=0)
return y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.10.11\x64\lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_hannwindow_symmetric'
The above exception was the direct cause of the following exception:
.nox\test\lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_hannwindow_symmetric' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_hannwindow_symmetric.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT, INT32
E from onnxscript.onnx_opset import opset17
E
E @script()
E def bck_test_hannwindow_symmetric(x: INT32) -> (FLOAT[10]):
E y = opset17.HannWindow(x, periodic=0)
E return y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0489_test_isinf_negative (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py312-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_isinf_negative' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_isinf_negative.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import BOOL, FLOAT
from onnxscript.onnx_opset import opset20
@script()
def bck_test_isinf_negative(x: FLOAT[6]) -> (BOOL[6]):
y = opset20.IsInf(x, detect_positive=0)
return y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.12.4\x64\Lib\importlib\__init__.py:90: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_isinf_negative'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_isinf_negative' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_isinf_negative.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import BOOL, FLOAT
E from onnxscript.onnx_opset import opset20
E
E @script()
E def bck_test_isinf_negative(x: FLOAT[6]) -> (BOOL[6]):
E y = opset20.IsInf(x, detect_positive=0)
E return y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_1217_test_thresholdedrelu_default (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-ort-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_thresholdedrelu_default' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_thresholdedrelu_default.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset10
@script()
def bck_test_thresholdedrelu_default(x: FLOAT[3,4,5]) -> (FLOAT[3,4,5]):
y = opset10.ThresholdedRelu(x)
return y
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_thresholdedrelu_default'
The above exception was the direct cause of the following exception:
.nox\test_ort_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_thresholdedrelu_default' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_thresholdedrelu_default.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset10
E
E @script()
E def bck_test_thresholdedrelu_default(x: FLOAT[3,4,5]) -> (FLOAT[3,4,5]):
E y = opset10.ThresholdedRelu(x)
E return y
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0603_test_matmul_2d (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py311-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_matmul_2d' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_matmul_2d.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT
from onnxscript.onnx_opset import opset13
@script()
def bck_test_matmul_2d(a: FLOAT[3,4], b: FLOAT[4,3]) -> (FLOAT[3,3]):
c = opset13.MatMul(a, b)
return c
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.11.9\x64\Lib\importlib\__init__.py:126: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_matmul_2d'
The above exception was the direct cause of the following exception:
.nox\test\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_matmul_2d' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_matmul_2d.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT
E from onnxscript.onnx_opset import opset13
E
E @script()
E def bck_test_matmul_2d(a: FLOAT[3,4], b: FLOAT[4,3]) -> (FLOAT[3,3]):
E c = opset13.MatMul(a, b)
E return c
Check warning on line 0 in onnxscript.backend.onnx_export_test.TestOnnxBackEnd
github-actions / Test Results
1 out of 6 runs failed: test_export2python_produces_correct_onnx_script_model_0055_test_argmin_default_axis_random_select_last_index (onnxscript.backend.onnx_export_test.TestOnnxBackEnd)
artifacts/Test Results (py312-torch-nightly-windows-latest)/pytest.xml [took 0s]
Raw output
AssertionError: Unable to import 'tests.onnx_backend_test_code.test_argmin_default_axis_random_select_last_index' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_argmin_default_axis_random_select_last_index.py'))
----
import numpy
from onnx import TensorProto
from onnx.helper import make_tensor
from onnxscript import script, external_tensor
from onnxscript.values import Opset
from onnxscript.onnx_types import FLOAT, INT64
from onnxscript.onnx_opset import opset13
@script()
def bck_test_argmin_default_axis_random_select_last_index(data: FLOAT[2,3,4]) -> (INT64[1,3,4]):
result = opset13.ArgMin(data, keepdims=1, select_last_index=1)
return result
onnxscript\backend\onnx_export_test.py:115: in extract_functions
mod = importlib.import_module(import_name)
C:\hostedtoolcache\windows\Python\3.12.4\x64\Lib\importlib\__init__.py:90: in import_module
return _bootstrap._gcd_import(name[level:], package, level)
E ModuleNotFoundError: No module named 'tests.onnx_backend_test_code.test_argmin_default_axis_random_select_last_index'
The above exception was the direct cause of the following exception:
.nox\test_torch_nightly\Lib\site-packages\parameterized\parameterized.py:620: in standalone_func
return func(*(a + p.args), **p.kwargs, **kw)
onnxscript\backend\onnx_export_test.py:246: in test_export2python_produces_correct_onnx_script_model
functions = extract_functions(backend_test.name, code, self.test_folder)
onnxscript\backend\onnx_export_test.py:117: in extract_functions
raise AssertionError(
E AssertionError: Unable to import 'tests.onnx_backend_test_code.test_argmin_default_axis_random_select_last_index' (file: WindowsPath('D:/a/onnxscript/onnxscript/tests/onnx_backend_test_code/test_argmin_default_axis_random_select_last_index.py'))
E ----
E import numpy
E from onnx import TensorProto
E from onnx.helper import make_tensor
E from onnxscript import script, external_tensor
E from onnxscript.values import Opset
E from onnxscript.onnx_types import FLOAT, INT64
E from onnxscript.onnx_opset import opset13
E
E @script()
E def bck_test_argmin_default_axis_random_select_last_index(data: FLOAT[2,3,4]) -> (INT64[1,3,4]):
E result = opset13.ArgMin(data, keepdims=1, select_last_index=1)
E return result