diff --git a/.github/workflows/test_onnx_ops.yml b/.github/workflows/test_onnx_ops.yml new file mode 100644 index 0000000..2d4c890 --- /dev/null +++ b/.github/workflows/test_onnx_ops.yml @@ -0,0 +1,73 @@ +# Copyright 2024 The IREE Authors +# +# Licensed under the Apache License v2.0 with LLVM Exceptions. +# See https://llvm.org/LICENSE.txt for license information. +# SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception + +name: Test ONNX Ops +on: + pull_request: + paths: + # This file itself. + - ".github/workflows/test_onnx_ops.yml" + - "onnx-ops/**" + workflow_dispatch: + schedule: + # Runs at 3:00 PM UTC, which is 8:00 AM PST + - cron: "0 15 * * *" + +concurrency: + # A PR number if a pull request and otherwise the commit hash. This cancels + # queued and in-progress runs for the same PR (presubmit) or commit + # (postsubmit). The workflow name is prepended to avoid conflicts between + # different workflows. + group: ${{ github.workflow }}-${{ github.event.number || github.sha }} + cancel-in-progress: true + +jobs: + test-onnx-ops: + runs-on: ubuntu-24.04 + env: + VENV_DIR: ${{ github.workspace }}/.venv + CONFIG_FILE_PATH: onnx-ops/configs/onnx_ops_cpu_llvm_sync.json + steps: + - name: "Checking out repository" + uses: actions/checkout@v4 + + # Install Python packages. + - name: "Setting up Python" + uses: actions/setup-python@v5 + with: + python-version: "3.11" + - name: "Setup Python venv" + run: python3 -m venv ${VENV_DIR} + - name: "Installing IREE nightly release Python packages" + run: | + source ${VENV_DIR}/bin/activate + python3 -m pip install -r onnx-ops/requirements-iree.txt + + # Run tests and output new config files as needed. + - name: "Running the ONNX ops test suite" + run: | + source ${VENV_DIR}/bin/activate + pytest onnx-ops/ \ + -n auto \ + -rA \ + --timeout=30 \ + --durations=10 \ + --report-log=/tmp/onnx_ops_cpu_logs.json \ + --config-files=${CONFIG_FILE_PATH} + - name: "Updating config file with latest XFAIL lists" + if: failure() + run: | + source ${VENV_DIR}/bin/activate + python onnx-ops/update_config_xfails.py \ + --log-file=/tmp/onnx_ops_cpu_logs.json \ + --config-file=${CONFIG_FILE_PATH} + cat ${CONFIG_FILE_PATH} + - name: "Uploading new config file" + if: failure() + uses: actions/upload-artifact@v4 + with: + name: onnx_ops_cpu_llvm_sync.json + path: ${{ env.CONFIG_FILE_PATH }} diff --git a/.gitignore b/.gitignore index b3ba037..c8b1a40 100644 --- a/.gitignore +++ b/.gitignore @@ -40,4 +40,3 @@ Testing/ *.pt *.safetensors *.gguf -*.vmfb diff --git a/README.md b/README.md index 118bade..9203845 100644 --- a/README.md +++ b/README.md @@ -5,3 +5,15 @@ Test suites for IREE and related projects. 🚧🚧🚧 Under construction 🚧🚧🚧 See https://groups.google.com/g/iree-discuss/c/GIWyj8hmP0k/ for context. + +## Test suites + +### ONNX Ops ([onnx-ops/](onnx-ops/)) + +[![Test ONNX Ops](https://github.com/iree-org/iree-test-suites/actions/workflows/test_onnx_ops.yml/badge.svg?branch=main&event=push)](https://github.com/iree-org/iree-test-suites/actions/workflows/test_onnx_ops.yml?query=event%3Apush+branch%3Amain) + +* 1250+ tests for ONNX (Open Neural Network Exchange: https://onnx.ai/) + operators (https://onnx.ai/onnx/operators/). +* Runnable via [pytest](https://docs.pytest.org/en/stable/) using a + configurable set of flags to `iree-compile` and `iree-run-module`, allowing + for testing across different compilation targets and runtime devices. diff --git a/onnx-ops/.gitattributes b/onnx-ops/.gitattributes new file mode 100644 index 0000000..9d06305 --- /dev/null +++ b/onnx-ops/.gitattributes @@ -0,0 +1,3 @@ +# Ignore diffs and treat as binary in Git and on GitHub. +*.bin -diff +*.bin binary linguist-generated diff --git a/onnx-ops/.gitignore b/onnx-ops/.gitignore new file mode 100644 index 0000000..a95f742 --- /dev/null +++ b/onnx-ops/.gitignore @@ -0,0 +1,4 @@ +# Model artifacts +# TODO(scotttodd): convert into a build/temp dir instead of the source dir +*.onnx +*.vmfb diff --git a/onnx-ops/README.md b/onnx-ops/README.md new file mode 100644 index 0000000..f72c874 --- /dev/null +++ b/onnx-ops/README.md @@ -0,0 +1,172 @@ +# ONNX Operator Tests + +This test suite exercises ONNX (Open Neural Network Exchange: https://onnx.ai/) +operators (https://onnx.ai/onnx/operators/). + +Testing follows several stages: + +```mermaid +graph LR + Import -. "\n(offline)" .-> Compile + Compile --> Run +``` + +Importing is run "offline" and the outputs are checked in to the repository for +ease of use in downstream projects and by developers who prefer to work directly +with `.mlir` files and native (C/C++) tools. + +## Quickstart + +1. Set up your virtual environment and install requirements: + + ```bash + python -m venv .venv + source .venv/bin/activate + python -m pip install -r requirements.txt + ``` + + * To use `iree-compile` and `iree-run-module` from Python packages: + + ```bash + python -m pip install -r requirements-iree.txt + ``` + + * To use local versions of `iree-compile` and `iree-run-module`, put them on + your `$PATH` ahead of your `.venv/Scripts` directory: + + ```bash + export PATH=path/to/iree-build:$PATH + ``` + +2. Run pytest using typical flags: + + ```bash + pytest \ + -n auto \ + -rA \ + --timeout=30 \ + --durations=20 \ + --config-files=configs/onnx_ops_cpu_llvm_sync.json \ + --report-log=/tmp/onnx_ops_cpu_logs.json + ``` + + See https://docs.pytest.org/en/stable/how-to/usage.html for other options. + +## Test case structure + +Each test case is a folder containing a few files: + +```text +[test case name]/ + model.mlir + input_0.bin + input_1.bin + ... + output_0.bin + output_1.bin + ... + run_module_io_flags.txt +``` + +Where: + +* `model.mlir` is in a format that is ready for use with `iree-compile`: + + ```mlir + module { + func.func @test_add(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Add"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } + } + ``` + +* `input_0.bin` and `output_0.bin` files correspond to any number of program + inputs and outputs for one test case +* `run_module_io_flags.txt` is a flagfile for use with + `iree-run-module --flagfile=run_module_io_flags.txt` of the format: + + ```text + --input=2x3xf32=@input_0.bin + --expected_output=2x3xf32=@output_0.bin + ``` + +## Running tests + +Tests are run using the [pytest](https://docs.pytest.org/en/stable/) framework. + +A [`conftest.py`](conftest.py) file collects test cases from subdirectories, +wrapping each directory matching the format described above to one test case +per test configuration. Test configurations are defined in JSON config files +like [`configs/onnx_ops_cpu_llvm_sync.json`](./configs/onnx_ops_cpu_llvm_sync.json). + +### Updating expected failure lists + +Each config file uses with pytest includes a list of expected compile and run +failures like this: + +```json + "expected_compile_failures": [ + "test_acos", + ], + "expected_run_failures": [ + "test_add_uint8", + ], +``` + +To update these lists using the results of a test run: + +1. Run pytest with the `--report-log` option: + + ```bash + pytest \ + --report-log=/tmp/onnx_ops_cpu_logs.json \ + --config-files=onnx_ops_cpu_llvm_sync.json \ + ... + ``` + +2. Run the `update_config_xfails.py` script: + + ```bash + python update_config_xfails.py \ + --log-file=/tmp/onnx_ops_cpu_logs.json \ + --config-file=onnx_ops_cpu_llvm_sync.json + ``` + +You can also update the config JSON files manually. The log output on its own +should give enough information for each test case (e.g. +"remove from 'expected_run_failures'" for newly passing tests), but there can be +1000+ test cases, so the automation can save time. + +### Advanced pytest usage + +* The `--ignore-xfails` option will ignore any expected compile or runtime + failures. +* The `--skip-all-runs` option will only `iree-compile` tests, not + `iree-run-module` tests. + +## Generating tests + +Test cases are imported from upstream ONNX tests: + +Directory in [onnx/onnx](https://github.com/onnx/onnx/) | Description +-- | -- +[`onnx/backend/test/case/`](https://github.com/onnx/onnx/tree/main/onnx/backend/test/case) | Python source files +[`onnx/backend/test/data/`](https://github.com/onnx/onnx/tree/main/onnx/backend/test/data) | Generated `.onnx` and `[input,output]_[0-9]+.pb` files + +The [`import_onnx_tests.py`](./onnx/import_onnx_tests.py) script walks the +`data/` folder and generates test cases into our local +[`generated/` folder](./generated/). + +To regenerate the test cases: + +```bash +# Virtual environment setup. +python -m venv .venv +source .venv/bin/activate +python -m pip install -r requirements-dev.txt + +# Import all test cases (may take a few minutes). +python import_onnx_tests.py +``` diff --git a/onnx-ops/configs/onnx_ops_cpu_llvm_sync.json b/onnx-ops/configs/onnx_ops_cpu_llvm_sync.json new file mode 100644 index 0000000..6d27ed8 --- /dev/null +++ b/onnx-ops/configs/onnx_ops_cpu_llvm_sync.json @@ -0,0 +1,543 @@ +{ + "config_name": "cpu_llvm_sync", + "iree_compile_flags": [ + "--iree-hal-target-backends=llvm-cpu", + "--iree-input-demote-f64-to-f32=false" + ], + "iree_run_module_flags": [ + "--device=local-sync" + ], + "skip_compile_tests": [ + "onnx/node/generated/test_dequantizelinear", + "onnx/node/generated/test_group_normalization_epsilon_expanded", + "onnx/node/generated/test_group_normalization_example_expanded" + ], + "skip_run_tests": [], + "expected_compile_failures": [ + "onnx/node/generated/test_adagrad", + "onnx/node/generated/test_adagrad_multiple", + "onnx/node/generated/test_adam", + "onnx/node/generated/test_adam_multiple", + "onnx/node/generated/test_affine_grid_2d", + "onnx/node/generated/test_affine_grid_2d_align_corners", + "onnx/node/generated/test_affine_grid_2d_align_corners_expanded", + "onnx/node/generated/test_affine_grid_2d_expanded", + "onnx/node/generated/test_affine_grid_3d", + "onnx/node/generated/test_affine_grid_3d_align_corners", + "onnx/node/generated/test_affine_grid_3d_align_corners_expanded", + "onnx/node/generated/test_affine_grid_3d_expanded", + "onnx/node/generated/test_ai_onnx_ml_array_feature_extractor", + "onnx/node/generated/test_ai_onnx_ml_binarizer", + "onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int", + "onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default", + "onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping", + "onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership", + "onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree", + "onnx/node/generated/test_averagepool_2d_precomputed_same_upper", + "onnx/node/generated/test_averagepool_2d_same_lower", + "onnx/node/generated/test_averagepool_2d_same_upper", + "onnx/node/generated/test_basic_deform_conv_with_padding", + "onnx/node/generated/test_basic_deform_conv_without_padding", + "onnx/node/generated/test_batchnorm_epsilon_training_mode", + "onnx/node/generated/test_batchnorm_example_training_mode", + "onnx/node/generated/test_bernoulli_seed", + "onnx/node/generated/test_bernoulli_seed_expanded", + "onnx/node/generated/test_cast_DOUBLE_to_FLOAT16", + "onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN", + "onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ", + "onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2", + "onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ", + "onnx/node/generated/test_cast_FLOAT16_to_INT4", + "onnx/node/generated/test_cast_FLOAT16_to_UINT4", + "onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT", + "onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16", + "onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT", + "onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16", + "onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT", + "onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16", + "onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT", + "onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16", + "onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN", + "onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ", + "onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2", + "onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ", + "onnx/node/generated/test_cast_FLOAT_to_INT4", + "onnx/node/generated/test_cast_FLOAT_to_STRING", + "onnx/node/generated/test_cast_FLOAT_to_UINT4", + "onnx/node/generated/test_cast_INT4_to_FLOAT", + "onnx/node/generated/test_cast_INT4_to_FLOAT16", + "onnx/node/generated/test_cast_INT4_to_INT8", + "onnx/node/generated/test_cast_STRING_to_FLOAT", + "onnx/node/generated/test_cast_UINT4_to_FLOAT", + "onnx/node/generated/test_cast_UINT4_to_FLOAT16", + "onnx/node/generated/test_cast_UINT4_to_UINT8", + "onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN", + "onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ", + "onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2", + "onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ", + "onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN", + "onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ", + "onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2", + "onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ", + "onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16", + "onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded", + "onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT", + "onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded", + "onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT", + "onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded", + "onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT", + "onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded", + "onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT", + "onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded", + "onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN", + "onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ", + "onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded", + "onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded", + "onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2", + "onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ", + "onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded", + "onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded", + "onnx/node/generated/test_castlike_FLOAT_to_STRING", + "onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded", + "onnx/node/generated/test_castlike_STRING_to_FLOAT", + "onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded", + "onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded", + "onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded", + "onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded", + "onnx/node/generated/test_col2im", + "onnx/node/generated/test_col2im_5d", + "onnx/node/generated/test_col2im_dilations", + "onnx/node/generated/test_col2im_pads", + "onnx/node/generated/test_col2im_strides", + "onnx/node/generated/test_compress_0", + "onnx/node/generated/test_compress_1", + "onnx/node/generated/test_compress_default_axis", + "onnx/node/generated/test_compress_negative_axis", + "onnx/node/generated/test_constant_pad_axes", + "onnx/node/generated/test_constant_pad_negative_axes", + "onnx/node/generated/test_conv_with_autopad_same", + "onnx/node/generated/test_convtranspose_autopad_same", + "onnx/node/generated/test_convtranspose_kernel_shape", + "onnx/node/generated/test_convtranspose_output_shape", + "onnx/node/generated/test_cumsum_1d", + "onnx/node/generated/test_cumsum_1d_exclusive", + "onnx/node/generated/test_cumsum_1d_reverse", + "onnx/node/generated/test_cumsum_1d_reverse_exclusive", + "onnx/node/generated/test_cumsum_2d_axis_0", + "onnx/node/generated/test_cumsum_2d_axis_1", + "onnx/node/generated/test_cumsum_2d_negative_axis", + "onnx/node/generated/test_deform_conv_with_mask_bias", + "onnx/node/generated/test_deform_conv_with_multiple_offset_groups", + "onnx/node/generated/test_dequantizelinear_axis", + "onnx/node/generated/test_dequantizelinear_blocked", + "onnx/node/generated/test_dequantizelinear_e4m3fn", + "onnx/node/generated/test_dequantizelinear_e4m3fn_float16", + "onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point", + "onnx/node/generated/test_dequantizelinear_e5m2", + "onnx/node/generated/test_dequantizelinear_int4", + "onnx/node/generated/test_dequantizelinear_uint4", + "onnx/node/generated/test_det_2d", + "onnx/node/generated/test_det_nd", + "onnx/node/generated/test_dft", + "onnx/node/generated/test_dft_axis", + "onnx/node/generated/test_dft_axis_opset19", + "onnx/node/generated/test_dft_inverse", + "onnx/node/generated/test_dft_inverse_opset19", + "onnx/node/generated/test_dft_opset19", + "onnx/node/generated/test_edge_pad", + "onnx/node/generated/test_einsum_batch_diagonal", + "onnx/node/generated/test_einsum_batch_matmul", + "onnx/node/generated/test_einsum_inner_prod", + "onnx/node/generated/test_einsum_sum", + "onnx/node/generated/test_equal_string", + "onnx/node/generated/test_equal_string_broadcast", + "onnx/node/generated/test_gathernd_example_int32_batch_dim1", + "onnx/node/generated/test_gridsample_bicubic", + "onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1", + "onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1", + "onnx/node/generated/test_gridsample_border_padding", + "onnx/node/generated/test_gridsample_reflection_padding", + "onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0", + "onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1", + "onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0", + "onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1", + "onnx/node/generated/test_group_normalization_epsilon", + "onnx/node/generated/test_group_normalization_example", + "onnx/node/generated/test_gru_batchwise", + "onnx/node/generated/test_gru_defaults", + "onnx/node/generated/test_gru_seq_length", + "onnx/node/generated/test_gru_with_initial_bias", + "onnx/node/generated/test_hardmax_axis_0", + "onnx/node/generated/test_hardmax_axis_1", + "onnx/node/generated/test_hardmax_axis_2", + "onnx/node/generated/test_hardmax_default_axis", + "onnx/node/generated/test_hardmax_example", + "onnx/node/generated/test_hardmax_negative_axis", + "onnx/node/generated/test_hardmax_one_hot", + "onnx/node/generated/test_if", + "onnx/node/generated/test_image_decoder_decode_bmp_rgb", + "onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb", + "onnx/node/generated/test_image_decoder_decode_jpeg_bgr", + "onnx/node/generated/test_image_decoder_decode_jpeg_grayscale", + "onnx/node/generated/test_image_decoder_decode_jpeg_rgb", + "onnx/node/generated/test_image_decoder_decode_png_rgb", + "onnx/node/generated/test_image_decoder_decode_pnm_rgb", + "onnx/node/generated/test_image_decoder_decode_tiff_rgb", + "onnx/node/generated/test_image_decoder_decode_webp_rgb", + "onnx/node/generated/test_loop11", + "onnx/node/generated/test_lppool_2d_dilations", + "onnx/node/generated/test_lppool_2d_same_lower", + "onnx/node/generated/test_lppool_2d_same_upper", + "onnx/node/generated/test_lstm_batchwise", + "onnx/node/generated/test_lstm_defaults", + "onnx/node/generated/test_lstm_with_initial_bias", + "onnx/node/generated/test_lstm_with_peepholes", + "onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one", + "onnx/node/generated/test_maxpool_2d_precomputed_same_upper", + "onnx/node/generated/test_maxpool_2d_same_lower", + "onnx/node/generated/test_maxpool_2d_same_upper", + "onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides", + "onnx/node/generated/test_maxunpool_export_with_output_shape", + "onnx/node/generated/test_maxunpool_export_without_output_shape", + "onnx/node/generated/test_melweightmatrix", + "onnx/node/generated/test_mod_mixed_sign_float16", + "onnx/node/generated/test_mod_mixed_sign_float32", + "onnx/node/generated/test_mod_mixed_sign_float64", + "onnx/node/generated/test_momentum", + "onnx/node/generated/test_momentum_multiple", + "onnx/node/generated/test_nesterov_momentum", + "onnx/node/generated/test_nllloss_NCd1", + "onnx/node/generated/test_nllloss_NCd1_ii", + "onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii", + "onnx/node/generated/test_nllloss_NCd1_weight", + "onnx/node/generated/test_nllloss_NCd1_weight_ii", + "onnx/node/generated/test_nllloss_NCd1d2", + "onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii", + "onnx/node/generated/test_nllloss_NCd1d2_reduction_mean", + "onnx/node/generated/test_nllloss_NCd1d2_reduction_sum", + "onnx/node/generated/test_nllloss_NCd1d2_with_weight", + "onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean", + "onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum", + "onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii", + "onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii", + "onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii", + "onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight", + "onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight", + "onnx/node/generated/test_nonmaxsuppression_center_point_box_format", + "onnx/node/generated/test_nonmaxsuppression_flipped_coordinates", + "onnx/node/generated/test_nonmaxsuppression_identical_boxes", + "onnx/node/generated/test_nonmaxsuppression_limit_output_size", + "onnx/node/generated/test_nonmaxsuppression_single_box", + "onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU", + "onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores", + "onnx/node/generated/test_nonmaxsuppression_two_batches", + "onnx/node/generated/test_nonmaxsuppression_two_classes", + "onnx/node/generated/test_nonzero_example", + "onnx/node/generated/test_pow_types_int32_float32", + "onnx/node/generated/test_pow_types_int32_int32", + "onnx/node/generated/test_pow_types_int64_float32", + "onnx/node/generated/test_pow_types_int64_int64", + "onnx/node/generated/test_quantizelinear_axis", + "onnx/node/generated/test_quantizelinear_blocked_asymmetric", + "onnx/node/generated/test_quantizelinear_blocked_symmetric", + "onnx/node/generated/test_quantizelinear_e4m3fn", + "onnx/node/generated/test_quantizelinear_e5m2", + "onnx/node/generated/test_quantizelinear_int4", + "onnx/node/generated/test_quantizelinear_uint16", + "onnx/node/generated/test_quantizelinear_uint4", + "onnx/node/generated/test_range_float_type_positive_delta_expanded", + "onnx/node/generated/test_range_int32_type_negative_delta_expanded", + "onnx/node/generated/test_reduce_l1_do_not_keepdims_example", + "onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded", + "onnx/node/generated/test_reduce_l1_do_not_keepdims_random", + "onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded", + "onnx/node/generated/test_reduce_l1_empty_set", + "onnx/node/generated/test_reduce_l1_empty_set_expanded", + "onnx/node/generated/test_reduce_l1_keep_dims_example", + "onnx/node/generated/test_reduce_l1_keep_dims_example_expanded", + "onnx/node/generated/test_reduce_l1_keep_dims_random", + "onnx/node/generated/test_reduce_l1_keep_dims_random_expanded", + "onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example", + "onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded", + "onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random", + "onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded", + "onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded", + "onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded", + "onnx/node/generated/test_reduce_l2_do_not_keepdims_example", + "onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded", + "onnx/node/generated/test_reduce_l2_do_not_keepdims_random", + "onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded", + "onnx/node/generated/test_reduce_l2_empty_set", + "onnx/node/generated/test_reduce_l2_empty_set_expanded", + "onnx/node/generated/test_reduce_l2_keep_dims_example", + "onnx/node/generated/test_reduce_l2_keep_dims_example_expanded", + "onnx/node/generated/test_reduce_l2_keep_dims_random", + "onnx/node/generated/test_reduce_l2_keep_dims_random_expanded", + "onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example", + "onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded", + "onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random", + "onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded", + "onnx/node/generated/test_reduce_log_sum_asc_axes_expanded", + "onnx/node/generated/test_reduce_log_sum_default_expanded", + "onnx/node/generated/test_reduce_log_sum_desc_axes_expanded", + "onnx/node/generated/test_reduce_log_sum_empty_set", + "onnx/node/generated/test_reduce_log_sum_empty_set_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example", + "onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random", + "onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example", + "onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random", + "onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_empty_set", + "onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_keepdims_example", + "onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_keepdims_random", + "onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example", + "onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded", + "onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random", + "onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded", + "onnx/node/generated/test_reduce_log_sum_negative_axes_expanded", + "onnx/node/generated/test_reduce_max_bool_inputs", + "onnx/node/generated/test_reduce_max_do_not_keepdims_example", + "onnx/node/generated/test_reduce_max_do_not_keepdims_random", + "onnx/node/generated/test_reduce_max_keepdims_example", + "onnx/node/generated/test_reduce_max_keepdims_random", + "onnx/node/generated/test_reduce_max_negative_axes_keepdims_example", + "onnx/node/generated/test_reduce_max_negative_axes_keepdims_random", + "onnx/node/generated/test_reduce_mean_do_not_keepdims_example", + "onnx/node/generated/test_reduce_mean_do_not_keepdims_random", + "onnx/node/generated/test_reduce_mean_keepdims_example", + "onnx/node/generated/test_reduce_mean_keepdims_random", + "onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example", + "onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random", + "onnx/node/generated/test_reduce_min_bool_inputs", + "onnx/node/generated/test_reduce_min_do_not_keepdims_example", + "onnx/node/generated/test_reduce_min_do_not_keepdims_random", + "onnx/node/generated/test_reduce_min_keepdims_example", + "onnx/node/generated/test_reduce_min_keepdims_random", + "onnx/node/generated/test_reduce_min_negative_axes_keepdims_example", + "onnx/node/generated/test_reduce_min_negative_axes_keepdims_random", + "onnx/node/generated/test_reduce_prod_do_not_keepdims_example", + "onnx/node/generated/test_reduce_prod_do_not_keepdims_random", + "onnx/node/generated/test_reduce_prod_empty_set", + "onnx/node/generated/test_reduce_prod_keepdims_example", + "onnx/node/generated/test_reduce_prod_keepdims_random", + "onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example", + "onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random", + "onnx/node/generated/test_reduce_sum_do_not_keepdims_example", + "onnx/node/generated/test_reduce_sum_do_not_keepdims_random", + "onnx/node/generated/test_reduce_sum_empty_set", + "onnx/node/generated/test_reduce_sum_keepdims_example", + "onnx/node/generated/test_reduce_sum_keepdims_random", + "onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example", + "onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example", + "onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded", + "onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random", + "onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded", + "onnx/node/generated/test_reduce_sum_square_empty_set", + "onnx/node/generated/test_reduce_sum_square_empty_set_expanded", + "onnx/node/generated/test_reduce_sum_square_keepdims_example", + "onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded", + "onnx/node/generated/test_reduce_sum_square_keepdims_random", + "onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded", + "onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example", + "onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded", + "onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random", + "onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded", + "onnx/node/generated/test_reflect_pad", + "onnx/node/generated/test_regex_full_match_basic", + "onnx/node/generated/test_regex_full_match_email_domain", + "onnx/node/generated/test_regex_full_match_empty", + "onnx/node/generated/test_reshape_allowzero_reordered", + "onnx/node/generated/test_resize_downsample_scales_cubic", + "onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside", + "onnx/node/generated/test_resize_downsample_scales_cubic_align_corners", + "onnx/node/generated/test_resize_downsample_scales_cubic_antialias", + "onnx/node/generated/test_resize_downsample_scales_linear_antialias", + "onnx/node/generated/test_resize_downsample_sizes_cubic", + "onnx/node/generated/test_resize_downsample_sizes_cubic_antialias", + "onnx/node/generated/test_resize_downsample_sizes_linear_antialias", + "onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger", + "onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller", + "onnx/node/generated/test_resize_tf_crop_and_resize", + "onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3", + "onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2", + "onnx/node/generated/test_resize_upsample_scales_cubic", + "onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside", + "onnx/node/generated/test_resize_upsample_scales_cubic_align_corners", + "onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric", + "onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3", + "onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2", + "onnx/node/generated/test_resize_upsample_sizes_cubic", + "onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3", + "onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2", + "onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners", + "onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger", + "onnx/node/generated/test_rnn_seq_length", + "onnx/node/generated/test_roialign_aligned_false", + "onnx/node/generated/test_roialign_aligned_true", + "onnx/node/generated/test_roialign_mode_max", + "onnx/node/generated/test_scatter_elements_with_duplicate_indices", + "onnx/node/generated/test_scatter_elements_with_reduction_max", + "onnx/node/generated/test_scatter_elements_with_reduction_min", + "onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii", + "onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded", + "onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob", + "onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded", + "onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii", + "onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded", + "onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob", + "onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded", + "onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii", + "onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded", + "onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob", + "onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded", + "onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight", + "onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded", + "onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob", + "onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded", + "onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight", + "onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded", + "onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob", + "onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded", + "onnx/node/generated/test_sce_mean_3d", + "onnx/node/generated/test_sce_mean_3d_expanded", + "onnx/node/generated/test_sce_mean_3d_log_prob", + "onnx/node/generated/test_sce_mean_3d_log_prob_expanded", + "onnx/node/generated/test_sce_mean_no_weight_ii_3d", + "onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded", + "onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob", + "onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded", + "onnx/node/generated/test_sce_mean_no_weight_ii_4d", + "onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded", + "onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob", + "onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded", + "onnx/node/generated/test_sce_mean_weight", + "onnx/node/generated/test_sce_mean_weight_expanded", + "onnx/node/generated/test_sce_mean_weight_ii", + "onnx/node/generated/test_sce_mean_weight_ii_3d", + "onnx/node/generated/test_sce_mean_weight_ii_3d_expanded", + "onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob", + "onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded", + "onnx/node/generated/test_sce_mean_weight_ii_4d", + "onnx/node/generated/test_sce_mean_weight_ii_4d_expanded", + "onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob", + "onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded", + "onnx/node/generated/test_sce_mean_weight_ii_expanded", + "onnx/node/generated/test_sce_mean_weight_ii_log_prob", + "onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded", + "onnx/node/generated/test_sce_mean_weight_log_prob", + "onnx/node/generated/test_sce_mean_weight_log_prob_expanded", + "onnx/node/generated/test_sce_none_weights", + "onnx/node/generated/test_sce_none_weights_expanded", + "onnx/node/generated/test_sce_none_weights_log_prob", + "onnx/node/generated/test_sce_none_weights_log_prob_expanded", + "onnx/node/generated/test_shape_end_negative_1", + "onnx/node/generated/test_simple_rnn_batchwise", + "onnx/node/generated/test_simple_rnn_defaults", + "onnx/node/generated/test_simple_rnn_with_initial_bias", + "onnx/node/generated/test_slice", + "onnx/node/generated/test_slice_default_steps", + "onnx/node/generated/test_slice_end_out_of_bounds", + "onnx/node/generated/test_slice_neg", + "onnx/node/generated/test_slice_neg_steps", + "onnx/node/generated/test_slice_negative_axes", + "onnx/node/generated/test_slice_start_out_of_bounds", + "onnx/node/generated/test_softsign", + "onnx/node/generated/test_softsign_example", + "onnx/node/generated/test_stft", + "onnx/node/generated/test_stft_with_window", + "onnx/node/generated/test_string_concat", + "onnx/node/generated/test_string_concat_broadcasting", + "onnx/node/generated/test_string_concat_empty_string", + "onnx/node/generated/test_string_concat_utf8", + "onnx/node/generated/test_string_concat_zero_dimensional", + "onnx/node/generated/test_string_split_basic", + "onnx/node/generated/test_string_split_consecutive_delimiters", + "onnx/node/generated/test_string_split_empty_string_delimiter", + "onnx/node/generated/test_string_split_empty_tensor", + "onnx/node/generated/test_string_split_maxsplit", + "onnx/node/generated/test_string_split_no_delimiter", + "onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower", + "onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase", + "onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper", + "onnx/node/generated/test_strnormalizer_export_monday_empty_output", + "onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim", + "onnx/node/generated/test_strnormalizer_nostopwords_nochangecase", + "onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0", + "onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5", + "onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5", + "onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0", + "onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty", + "onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5", + "onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5", + "onnx/node/generated/test_thresholdedrelu", + "onnx/node/generated/test_thresholdedrelu_default", + "onnx/node/generated/test_thresholdedrelu_example", + "onnx/node/generated/test_training_dropout", + "onnx/node/generated/test_training_dropout_default", + "onnx/node/generated/test_training_dropout_default_mask", + "onnx/node/generated/test_training_dropout_mask", + "onnx/node/generated/test_training_dropout_zero_ratio", + "onnx/node/generated/test_training_dropout_zero_ratio_mask", + "onnx/node/generated/test_unique_not_sorted_without_axis", + "onnx/node/generated/test_unique_sorted_with_axis", + "onnx/node/generated/test_unique_sorted_with_axis_3d", + "onnx/node/generated/test_unique_sorted_with_negative_axis", + "onnx/node/generated/test_unique_sorted_without_axis", + "onnx/node/generated/test_wrap_pad" + ], + "expected_run_failures": [ + "onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True", + "onnx/node/generated/test_bernoulli", + "onnx/node/generated/test_bernoulli_double", + "onnx/node/generated/test_bernoulli_double_expanded", + "onnx/node/generated/test_bernoulli_expanded", + "onnx/node/generated/test_cast_FLOAT_to_BFLOAT16", + "onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16", + "onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded", + "onnx/node/generated/test_constantofshape_float_ones", + "onnx/node/generated/test_constantofshape_int_shape_zero", + "onnx/node/generated/test_constantofshape_int_zeros", + "onnx/node/generated/test_dropout_default_mask_ratio", + "onnx/node/generated/test_gridsample_nearest", + "onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1", + "onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1", + "onnx/node/generated/test_mod_mixed_sign_int16", + "onnx/node/generated/test_mod_mixed_sign_int32", + "onnx/node/generated/test_mod_mixed_sign_int64", + "onnx/node/generated/test_mod_mixed_sign_int8", + "onnx/node/generated/test_mod_uint64", + "onnx/node/generated/test_pow", + "onnx/node/generated/test_pow_example", + "onnx/node/generated/test_pow_types_float32_int32", + "onnx/node/generated/test_pow_types_float32_int64", + "onnx/node/generated/test_pow_types_float32_uint32", + "onnx/node/generated/test_pow_types_float32_uint64", + "onnx/node/generated/test_qlinearmatmul_2D_int8_float16", + "onnx/node/generated/test_qlinearmatmul_2D_int8_float32", + "onnx/node/generated/test_qlinearmatmul_3D_int8_float16", + "onnx/node/generated/test_qlinearmatmul_3D_int8_float32", + "onnx/node/generated/test_qlinearmatmul_3D_uint8_float16", + "onnx/node/generated/test_qlinearmatmul_3D_uint8_float32", + "onnx/node/generated/test_reduce_min_empty_set", + "onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero", + "onnx/node/generated/test_resize_downsample_scales_linear_align_corners", + "onnx/node/generated/test_shape_clip_start", + "onnx/node/generated/test_shape_end_1", + "onnx/node/generated/test_shape_start_1", + "onnx/node/generated/test_shape_start_1_end_2", + "onnx/node/generated/test_shape_start_1_end_negative_1", + "onnx/node/generated/test_shape_start_negative_1", + "onnx/node/generated/test_size", + "onnx/node/generated/test_size_example", + "onnx/node/generated/test_split_zero_size_splits_opset13", + "onnx/node/generated/test_split_zero_size_splits_opset18", + "onnx/node/generated/test_tril_zero", + "onnx/node/generated/test_triu_zero" + ] +} diff --git a/onnx-ops/conftest.py b/onnx-ops/conftest.py new file mode 100644 index 0000000..fe5e2c3 --- /dev/null +++ b/onnx-ops/conftest.py @@ -0,0 +1,430 @@ +# Copyright 2024 The IREE Authors +# +# Licensed under the Apache License v2.0 with LLVM Exceptions. +# See https://llvm.org/LICENSE.txt for license information. +# SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception + +from dataclasses import dataclass +from pathlib import Path +from typing import List +import logging +import pyjson5 +import os +import pytest +import subprocess + +THIS_DIR = Path(__file__).parent +TEST_DATA_FLAGFILE_NAME = "run_module_io_flags.txt" + +# --------------------------------------------------------------------------- # +# pytest hooks +# https://docs.pytest.org/en/stable/reference/reference.html#initialization-hooks +# https://docs.pytest.org/en/stable/reference/reference.html#collection-hooks + + +def pytest_addoption(parser): + # List of configuration files following this schema: + # { + # "config_name": str, + # "iree_compile_flags": list of str, + # "iree_run_module_flags": list of str, + # "skip_compile_tests": list of str, + # "skip_run_tests": list of str, + # "expected_compile_failures": list of str, + # "expected_run_failures": list of str + # } + # + # For example, to test on CPU with the `llvm-cpu` backend and `local-task` device: + # { + # "config_name": "cpu_llvm_task", + # "iree_compile_flags": ["--iree-hal-target-backends=llvm-cpu"], + # "iree_run_module_flags": ["--device=local-task"], + # "skip_compile_tests": [], + # "skip_run_tests": [], + # "expected_compile_failures": ["test_abs"], + # "expected_run_failures": ["test_add"], + # } + # + # The list of files can be specified in (by order of preference): + # 1. The `--config-files` argument + # e.g. `pytest ... --config-files foo.json bar.json` + # 2. The `IREE_TEST_CONFIG_FILES` environment variable + # e.g. `set IREE_TEST_CONFIG_FILES=foo.json;bar.json` + # 3. A default config file used for testing the test suite itself + default_config_files = [ + f for f in os.getenv("IREE_TEST_CONFIG_FILES", "").split(";") if f + ] + if not default_config_files: + default_config_files = [ + THIS_DIR / "configs" / "onnx_ops_cpu_llvm_sync.json", + ] + parser.addoption( + "--config-files", + action="store", + nargs="*", + default=default_config_files, + help="List of config JSON files used to build test cases", + ) + + parser.addoption( + "--ignore-xfails", + action="store_true", + default=False, + help="Ignores expected compile/run failures from configs, to print all error output", + ) + + parser.addoption( + "--skip-all-runs", + action="store_true", + default=False, + help="Skips all 'run' tests, overriding 'skip_run_tests' in configs", + ) + + +def pytest_sessionstart(session): + session.config.iree_test_configs = [] + for config_file in session.config.getoption("config_files"): + with open(config_file) as f: + test_config = pyjson5.load(f) + + # Sanity check the config file structure before going any further. + def check_field(field_name): + if field_name not in test_config: + raise ValueError( + f"config file '{config_file}' is missing a '{field_name}' field" + ) + + check_field("config_name") + check_field("iree_compile_flags") + check_field("iree_run_module_flags") + + session.config.iree_test_configs.append(test_config) + + +def pytest_collect_file(parent, file_path): + if file_path.name == TEST_DATA_FLAGFILE_NAME: + return MlirCompileRunTest.from_parent(parent, path=file_path) + + if file_path.suffix == ".json": + with open(file_path) as f: + test_cases_json = pyjson5.load(f) + if test_cases_json.get("file_format", "") == "test_cases_v0": + return MlirCompileRunTest.from_parent(parent, path=file_path) + + +# --------------------------------------------------------------------------- # + + +@dataclass(frozen=True) +class IreeCompileAndRunTestSpec: + """Specification for an IREE "compile and run" test.""" + + # Directory where test input files are located. + test_directory: Path + + # Name of input MLIR file in a format accepted by IREE (e.g. torch, tosa, or linalg dialect). + # Including file suffix, e.g. 'model.mlir' or 'model.mlirbc'. + input_mlir_name: str + + # Stem of input MLIR file, excluding file suffix, e.g. 'model'. + input_mlir_stem: str + + # Name of flagfile in the same directory as the input MLIR, containing flags like: + # --input=i64=@input_0.bin + # --expected_output=i64=@output_0.bin + data_flagfile_name: str + + # Name of the test configuration, e.g. "cpu_llvm_sync". + # This will be used in generated files and test case names. + test_name: str + + # Flags to pass to `iree-compile`, e.g. ["--iree-hal-target-backends=llvm-cpu"]. + iree_compile_flags: List[str] + + # Flags to pass to `iree-run-module`, e.g. ["--device=local-task"]. + # These will be passed in addition to `--flagfile={data_flagfile_name}`. + iree_run_module_flags: List[str] + + # True if compilation is expected to succeed. If false, the test will be marked XFAIL. + expect_compile_success: bool + + # True if running is expected to succeed. If false, the test will be marked XFAIL. + expect_run_success: bool + + # True to only compile the test and skip running. + skip_run: bool + + +class MlirCompileRunTest(pytest.File): + """Collector for MLIR -> compile -> run tests anchored on a file.""" + + @dataclass(frozen=True) + class TestCase: + mlir_file: str + runtime_flagfile: str + + def discover_test_cases(self): + """Discovers test cases with run_module_io_flags.txt files.""" + test_cases = [] + + mlir_files = sorted(self.path.parent.glob("*.mlir*")) + assert len(mlir_files) <= 1, "Test directories may only contain one .mlir file" + mlir_file = mlir_files[0] + + if self.path.name == TEST_DATA_FLAGFILE_NAME: + test_cases.append( + MlirCompileRunTest.TestCase( + mlir_file=mlir_file, + runtime_flagfile=TEST_DATA_FLAGFILE_NAME, + ) + ) + + return test_cases + + def collect(self): + # Expected directory structure: + # path/to/test_abs/ + # - *.mlir[bc] + # - run_module_io_flags.txt + # path/to/test_add/ + # - *.mlir[bc] + # - run_module_io_flags.txt + + test_directory = self.path.parent + relative_test_directory = test_directory.relative_to(THIS_DIR).as_posix() + test_directory_name = test_directory.name + + test_cases = self.discover_test_cases() + if len(test_cases) == 0: + logging.getLogger().debug(f"No test cases for '{test_directory_name}'") + return [] + + for config in self.config.iree_test_configs: + if relative_test_directory in config.get("skip_compile_tests", []): + continue + + expect_compile_success = self.config.getoption( + "ignore_xfails" + ) or relative_test_directory not in config.get( + "expected_compile_failures", [] + ) + expect_run_success = self.config.getoption( + "ignore_xfails" + ) or relative_test_directory not in config.get("expected_run_failures", []) + skip_run = self.config.getoption( + "skip_all_runs" + ) or relative_test_directory in config.get("skip_run_tests", []) + config_name = config["config_name"] + + for test_case in test_cases: + # Generate test item names like 'model.mlir::cpu_llvm_sync'. + # These show up in pytest output. + mlir_file = test_case.mlir_file + name_parts = [e for e in [mlir_file.name, config_name] if e] + item_name = "::".join(name_parts) + + spec = IreeCompileAndRunTestSpec( + test_directory=test_directory, + input_mlir_name=mlir_file.name, + input_mlir_stem=mlir_file.stem, + data_flagfile_name=test_case.runtime_flagfile, + test_name=config_name, + iree_compile_flags=config["iree_compile_flags"], + iree_run_module_flags=config["iree_run_module_flags"], + expect_compile_success=expect_compile_success, + expect_run_success=expect_run_success, + skip_run=skip_run, + ) + yield IreeCompileRunItem.from_parent(self, name=item_name, spec=spec) + + +class IreeCompileRunItem(pytest.Item): + """Test invocation item for an IREE compile + run test case.""" + + spec: IreeCompileAndRunTestSpec + + def __init__(self, spec, **kwargs): + super().__init__(**kwargs) + self.spec = spec + + relative_test_directory = self.spec.test_directory.relative_to( + THIS_DIR + ).as_posix() + self.user_properties.append( + ("relative_test_directory_name", relative_test_directory) + ) + self.user_properties.append(("input_mlir_name", self.spec.input_mlir_name)) + self.user_properties.append(("test_name", self.spec.test_name)) + + # TODO(scotttodd): swap cwd for a temp path? + self.test_cwd = self.spec.test_directory + + vmfb_name = f"{self.spec.input_mlir_stem}_{self.spec.test_name}.vmfb" + + compile_args = ["iree-compile", self.spec.input_mlir_name] + compile_args.extend(self.spec.iree_compile_flags) + compile_args.extend(["-o", vmfb_name]) + self.compile_cmd = subprocess.list2cmdline(compile_args) + + run_args = ["iree-run-module", f"--module={vmfb_name}"] + run_args.extend(self.spec.iree_run_module_flags) + run_args.append(f"--flagfile={self.spec.data_flagfile_name}") + self.run_cmd = subprocess.list2cmdline(run_args) + + def runtest(self): + # We want to test two phases: 'compile', and 'run'. + # A test can be marked as expected to fail at either stage, with these + # possible outcomes: + + # Expect 'compile' | Expect 'run' | Actual 'compile' | Actual 'run' | Result + # ---------------- | ------------ | ---------------- | ------------ | ------ + # + # PASS | PASS | PASS | PASS | PASS + # PASS | PASS | FAIL | N/A | FAIL + # PASS | PASS | PASS | FAIL | FAIL + # + # PASS | FAIL | PASS | PASS | XPASS + # PASS | FAIL | FAIL | N/A | FAIL + # PASS | FAIL | PASS | FAIL | XFAIL + # + # FAIL | N/A | PASS | PASS | XPASS + # FAIL | N/A | FAIL | N/A | XFAIL + # FAIL | N/A | PASS | FAIL | XPASS + + # * XFAIL and PASS are acceptable outcomes - they mean that the list of + # expected failures in the config file matched the test run. + # * FAIL means that something expected to work did not. That's an error. + # * XPASS means that a test is newly passing and can be removed from the + # expected failures list. + + if not self.spec.expect_compile_success: + self.add_marker( + pytest.mark.xfail( + raises=IreeCompileException, + strict=True, + reason="Expected compilation to fail (included in 'expected_compile_failures')", + ) + ) + if not self.spec.expect_run_success: + self.add_marker( + pytest.mark.xfail( + raises=IreeRunException, + strict=True, + reason="Expected run to fail (included in 'expected_run_failures')", + ) + ) + + self.test_compile() + + if self.spec.skip_run: + return + + try: + self.test_run() + except IreeRunException as e: + if not self.spec.expect_compile_success: + raise IreeXFailCompileRunException from e + raise e + + def test_compile(self): + cwd = self.test_cwd + logging.getLogger().info( + f"Launching compile command:\n" # + f"cd {cwd} && {self.compile_cmd}" + ) + proc = subprocess.run( + self.compile_cmd, shell=True, capture_output=True, cwd=cwd + ) + if proc.returncode != 0: + raise IreeCompileException(proc, cwd, self.compile_cmd) + + def test_run(self): + cwd = self.test_cwd + logging.getLogger().info( + f"Launching run command:\n" # + f"cd {cwd} && {self.run_cmd}" + ) + proc = subprocess.run(self.run_cmd, shell=True, capture_output=True, cwd=cwd) + if proc.returncode != 0: + raise IreeRunException(proc, cwd, self.compile_cmd, self.run_cmd) + + def repr_failure(self, excinfo): + """Called when self.runtest() raises an exception.""" + if isinstance(excinfo.value, (IreeCompileException, IreeRunException)): + return "\n".join(excinfo.value.args) + if isinstance(excinfo.value, IreeXFailCompileRunException): + return ( + "Expected compile failure but run failed (move to 'expected_run_failures'):\n" + + "\n".join(excinfo.value.__cause__.args) + ) + return super().repr_failure(excinfo) + + def reportinfo(self): + display_name = ( + f"{self.path.parent.name}::{self.spec.input_mlir_name}::{self.name}" + ) + return self.path, 0, f"IREE compile and run: {display_name}" + + # Defining this for pytest-retry to avoid an AttributeError. + def _initrequest(self): + pass + + +class IreeCompileException(Exception): + """Compiler exception that preserves the command line and output.""" + + def __init__( + self, process: subprocess.CompletedProcess, cwd: str, compile_cmd: str + ): + try: + errs = process.stderr.decode("utf-8") + except: + errs = str(process.stderr) + try: + outs = process.stdout.decode("utf-8") + except: + outs = str(process.stdout) + + super().__init__( + f"Error invoking iree-compile\n" + f"Error code: {process.returncode}\n" + f"Stderr diagnostics:\n{errs}\n\n" + f"Stdout diagnostics:\n{outs}\n\n" + f"Compiled with:\n" + f" cd {cwd} && {compile_cmd}\n\n" + ) + + +class IreeRunException(Exception): + """Runtime exception that preserves the command line and output.""" + + def __init__( + self, + process: subprocess.CompletedProcess, + cwd: str, + compile_cmd: str, + run_cmd: str, + ): + try: + errs = process.stderr.decode("utf-8") + except: + errs = str(process.stderr) + try: + outs = process.stdout.decode("utf-8") + except: + outs = str(process.stdout) + + super().__init__( + f"Error invoking iree-run-module\n" + f"Error code: {process.returncode}\n" + f"Stderr diagnostics:\n{errs}\n" + f"Stdout diagnostics:\n{outs}\n" + f"Compiled with:\n" + f" cd {cwd} && {compile_cmd}\n\n" + f"Run with:\n" + f" cd {cwd} && {run_cmd}\n\n" + ) + + +class IreeXFailCompileRunException(Exception): + pass diff --git a/onnx-ops/import_onnx_tests.py b/onnx-ops/import_onnx_tests.py new file mode 100644 index 0000000..8e3c7f4 --- /dev/null +++ b/onnx-ops/import_onnx_tests.py @@ -0,0 +1,196 @@ +# Copyright 2024 The IREE Authors +# +# Licensed under the Apache License v2.0 with LLVM Exceptions. +# See https://llvm.org/LICENSE.txt for license information. +# SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception + +import argparse +import onnx +from multiprocessing import Pool +from pathlib import Path +from onnx import version_converter +import shutil +import subprocess +import sys +from import_onnx_tests_utils import * + + +ONNX_PACKAGE_DIR = Path(onnx.__file__).parent +ONNX_NODE_TESTS_ROOT = ONNX_PACKAGE_DIR / "backend/test/data/node" + +# Convert test cases to at least this version using The ONNX Version Converter. +ONNX_CONVERTER_OUTPUT_MIN_VERSION = 17 + +# Write generated files to a subfolder. +THIS_DIR = Path(__file__).parent +GENERATED_FILES_OUTPUT_ROOT = THIS_DIR / "onnx/node/generated" +IMPORT_SUCCESSES_FILE_PATH = GENERATED_FILES_OUTPUT_ROOT / "import_successes.txt" +IMPORT_FAILURES_FILE_PATH = GENERATED_FILES_OUTPUT_ROOT / "import_failures.txt" + + +def find_onnx_tests(root_dir_path: Path): + test_dir_paths = [p for p in root_dir_path.iterdir() if p.is_dir()] + print(f"Found {len(test_dir_paths)} tests under '{root_dir_path}'") + return sorted(test_dir_paths) + + +def import_onnx_files_with_cleanup(test_dir_path: Path): + test_name = test_dir_path.name + imported_dir_path = Path(GENERATED_FILES_OUTPUT_ROOT) / test_name + result = import_onnx_files(test_dir_path, imported_dir_path) + if not result: + # Note: could comment this out to keep partially imported directories. + shutil.rmtree(imported_dir_path) + return (test_name, result) + + +def import_onnx_files(test_dir_path: Path, imported_dir_path: Path): + # This imports one 'test_[name]' subfolder from this: + # + # test_[name]/ + # model.onnx + # test_data_set_0/ + # input_0.pb + # output_0.pb + # + # to this: + # + # imported_dir_path/... + # test_[name]/ + # model.mlir (torch-mlir) + # input_0.npy + # output_0.npy + # run_module_io_flags.txt (flagfile with --input=input_0.npy, --expected_output=) + + imported_dir_path.mkdir(parents=True, exist_ok=True) + + test_data_flagfile_path = imported_dir_path / "run_module_io_flags.txt" + test_data_flagfile_lines = [] + + # Convert model.onnx up to ONNX_CONVERTER_OUTPUT_MIN_VERSION if needed. + # TODO(scotttodd): stamp some info e.g. importer tool / version / flags used + original_model_path = test_dir_path / "model.onnx" + converted_model_path = imported_dir_path / "model.onnx" + original_model = onnx.load_model(original_model_path) + original_version = original_model.opset_import[0].version + if original_version < ONNX_CONVERTER_OUTPUT_MIN_VERSION: + try: + converted_model = version_converter.convert_version( + original_model, ONNX_CONVERTER_OUTPUT_MIN_VERSION + ) + onnx.save(converted_model, converted_model_path) + except: + # Conversion failed. Do our best with the original file. + # TODO(scotttodd): log a warning? + shutil.copy(original_model_path, converted_model_path) + else: + # No conversion needed. + shutil.copy(original_model_path, converted_model_path) + + # Import converted model.onnx to model.mlir. + imported_model_path = imported_dir_path / "model.mlir" + exec_args = [ + "iree-import-onnx", + str(converted_model_path), + "-o", + str(imported_model_path), + ] + ret = subprocess.run(exec_args, capture_output=True) + if ret.returncode != 0: + # TODO(scotttodd): log ret.stdout and ret.stderr to a file/folder? + print(f" {imported_dir_path.name[5:]} import failed", file=sys.stderr) + return False + + test_data_dirs = sorted(test_dir_path.glob("test_data_set*")) + if len(test_data_dirs) != 1: + print("WARNING: unhandled 'len(test_data_dirs) != 1'") + return False + + # Convert from: + # * input/output_*.pb + # to: + # * input/output_*.bin (little endian binary files) + # * flagfile.txt with + # `--input={SHAPE}x{DTYPE}=@input_*.bin` and + # `--expected_output={SHAPE}x{DTYPE}=@output_*.bin` + test_data_dir = test_data_dirs[0] + test_inputs = sorted(list(test_data_dir.glob("input_*.pb"))) + test_outputs = sorted(list(test_data_dir.glob("output_*.pb"))) + model = onnx.load(converted_model_path) + for i in range(len(test_inputs)): + test_input = test_inputs[i] + type_proto = model.graph.input[i].type + converted_data = convert_onnx_proto_to_numpy_array(test_input, type_proto) + converted_type = convert_onnx_type_proto_to_iree_type_string(type_proto) + # TODO(scotttodd): raise exception instead of None as flow control? + if converted_data is None or converted_type is None: + return False + + input_path_bin = (imported_dir_path / test_input.stem).with_suffix(".bin") + write_binary_to_file(converted_data, input_path_bin) + test_data_flagfile_lines.append( + f"--input={converted_type}=@{input_path_bin.name}\n" + ) + + for i in range(len(test_outputs)): + test_output = test_outputs[i] + type_proto = model.graph.output[i].type + converted_data = convert_onnx_proto_to_numpy_array(test_output, type_proto) + converted_type = convert_onnx_type_proto_to_iree_type_string(type_proto) + # TODO(scotttodd): raise exception instead of None as flow control? + if converted_data is None or converted_type is None: + return False + + output_path_bin = (imported_dir_path / test_output.stem).with_suffix(".bin") + write_binary_to_file(converted_data, output_path_bin) + test_data_flagfile_lines.append( + f"--expected_output={converted_type}=@{output_path_bin.name}\n" + ) + + with open(test_data_flagfile_path, "wt") as f: + f.writelines(test_data_flagfile_lines) + + return True + + +if __name__ == "__main__": + parser = argparse.ArgumentParser(description="ONNX test case importer.") + parser.add_argument( + "-j", + "--jobs", + type=int, + default=8, + help="Number of parallel processes to use when importing test cases", + ) + args = parser.parse_args() + + if not GENERATED_FILES_OUTPUT_ROOT.is_dir(): + GENERATED_FILES_OUTPUT_ROOT.mkdir(parents=True) + # TODO(scotttodd): add flag to not clear output dir? + print(f"Clearing old generated files from '{GENERATED_FILES_OUTPUT_ROOT}'") + shutil.rmtree(GENERATED_FILES_OUTPUT_ROOT) + + test_dir_paths = find_onnx_tests(ONNX_NODE_TESTS_ROOT) + print(f"Importing tests in '{ONNX_NODE_TESTS_ROOT}'") + print("******************************************************************") + passed_imports = [] + failed_imports = [] + with Pool(args.jobs) as pool: + results = pool.imap_unordered(import_onnx_files_with_cleanup, test_dir_paths) + for result in results: + if result[1]: + passed_imports.append(result[0]) + else: + failed_imports.append(result[0]) + print("******************************************************************") + + passed_imports.sort() + failed_imports.sort() + + with open(IMPORT_SUCCESSES_FILE_PATH, "wt") as f: + f.write("\n".join(passed_imports)) + with open(IMPORT_FAILURES_FILE_PATH, "wt") as f: + f.write("\n".join(failed_imports)) + + print(f"Import pass count: {len(passed_imports)}") + print(f"Import fail count: {len(failed_imports)}") diff --git a/onnx-ops/import_onnx_tests_utils.py b/onnx-ops/import_onnx_tests_utils.py new file mode 100644 index 0000000..62668d3 --- /dev/null +++ b/onnx-ops/import_onnx_tests_utils.py @@ -0,0 +1,125 @@ +# Copyright 2024 The IREE Authors +# +# Licensed under the Apache License v2.0 with LLVM Exceptions. +# See https://llvm.org/LICENSE.txt for license information. +# SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception + +import struct +import numpy as np +import onnx +from pathlib import Path +from onnx import numpy_helper + + +def convert_onnx_proto_to_numpy_array( + proto_path: Path, type_proto: onnx.onnx_ml_pb2.TypeProto +) -> np.ndarray: + with open(proto_path, "rb") as f: + protobuf_content = f.read() + if type_proto.HasField("tensor_type"): + tensor = onnx.TensorProto() + tensor.ParseFromString(protobuf_content) + return numpy_helper.to_array(tensor) + else: + # TODO(scotttodd): raise exception / log to file + print(f"Unsupported proto type: {type_proto}") + return None + + +def convert_proto_elem_type_to_iree_dtype(etype): + if etype == onnx.TensorProto.FLOAT: + return "f32" + if etype == onnx.TensorProto.UINT8: + return "i8" + if etype == onnx.TensorProto.INT8: + return "i8" + if etype == onnx.TensorProto.UINT16: + return "i16" + if etype == onnx.TensorProto.INT16: + return "i16" + if etype == onnx.TensorProto.INT32: + return "i32" + if etype == onnx.TensorProto.INT64: + return "i64" + if etype == onnx.TensorProto.BOOL: + return "i1" + if etype == onnx.TensorProto.FLOAT16: + return "f16" + if etype == onnx.TensorProto.DOUBLE: + return "f64" + if etype == onnx.TensorProto.UINT32: + return "i32" + if etype == onnx.TensorProto.UINT64: + return "i64" + if etype == onnx.TensorProto.COMPLEX64: + return "complex" + if etype == onnx.TensorProto.COMPLEX128: + return "complex" + if etype == onnx.TensorProto.BFLOAT16: + return "bf16" + if etype == onnx.TensorProto.FLOAT8E4M3FN: + return "f8e4m3fn" + if etype == onnx.TensorProto.FLOAT8E4M3FNUZ: + return "f8e4m3fnuz" + if etype == onnx.TensorProto.FLOAT8E5M2: + return "f8e5m2" + if etype == onnx.TensorProto.FLOAT8E5M2FNUZ: + return "f8e5m2fnuz" + if etype == onnx.TensorProto.UINT4: + return "i4" + if etype == onnx.TensorProto.INT4: + return "i4" + return "" + + +def convert_onnx_type_proto_to_iree_type_string( + type_proto: onnx.onnx_ml_pb2.TypeProto, +) -> str: + if type_proto.HasField("tensor_type"): + tensor_type = type_proto.tensor_type + shape = tensor_type.shape + shape = "x".join([str(d.dim_value) for d in shape.dim]) + dtype = convert_proto_elem_type_to_iree_dtype(tensor_type.elem_type) + if shape == "": + return dtype + return f"{shape}x{dtype}" + else: + # TODO(scotttodd): raise exception / log to file + print(f"Unsupported proto type: {type_proto}") + return None + + +# map numpy dtype -> (iree dtype, struct.pack format str) +numpy_to_iree_dtype_map = { + np.dtype("int64"): ("si64", "q"), + np.dtype("uint64"): ("ui64", "Q"), + np.dtype("int32"): ("si32", "i"), + np.dtype("uint32"): ("ui32", "I"), + np.dtype("int16"): ("si16", "h"), + np.dtype("uint16"): ("ui16", "H"), + np.dtype("int8"): ("si8", "b"), + np.dtype("uint8"): ("ui8", "B"), + np.dtype("float64"): ("f64", "d"), + np.dtype("float32"): ("f32", "f"), + np.dtype("float16"): ("f16", "e"), + np.dtype("bool"): ("i1", "?"), +} + + +def pack_ndarray_to_binary(ndarr: np.ndarray): + mylist = ndarr.flatten().tolist() + dtype = ndarr.dtype + bytearr = b"" + if dtype in numpy_to_iree_dtype_map: + iree_dtype = numpy_to_iree_dtype_map[dtype][1] + bytearr = struct.pack(f"{len(mylist)}{iree_dtype}", *mylist) + else: + print(f"WARNING: unsupported data type in pack_ndarray_to_binary() : '{dtype}'") + # TODO(scotttodd): raise exception / log to file + return bytearr + + +def write_binary_to_file(ndarr: np.ndarray, filename: Path): + with open(filename, "wb") as f: + bytearr = pack_ndarray_to_binary(ndarr) + f.write(bytearr) diff --git a/onnx-ops/onnx/node/generated/import_failures.txt b/onnx-ops/onnx/node/generated/import_failures.txt new file mode 100644 index 0000000..4427ab3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/import_failures.txt @@ -0,0 +1,30 @@ +test_ai_onnx_ml_label_encoder_tensor_mapping +test_identity_opt +test_identity_sequence +test_if_opt +test_if_seq +test_loop13_seq +test_loop16_seq_none +test_optional_get_element_optional_sequence +test_optional_get_element_optional_tensor +test_optional_get_element_sequence +test_optional_has_element_empty_optional_input +test_optional_has_element_optional_input +test_optional_has_element_tensor_input +test_sequence_insert_at_back +test_sequence_insert_at_front +test_sequence_map_add_1_sequence_1_tensor +test_sequence_map_add_1_sequence_1_tensor_expanded +test_sequence_map_add_2_sequences +test_sequence_map_add_2_sequences_expanded +test_sequence_map_extract_shapes +test_sequence_map_extract_shapes_expanded +test_sequence_map_identity_1_sequence +test_sequence_map_identity_1_sequence_1_tensor +test_sequence_map_identity_1_sequence_1_tensor_expanded +test_sequence_map_identity_1_sequence_expanded +test_sequence_map_identity_2_sequences +test_sequence_map_identity_2_sequences_expanded +test_split_to_sequence_1 +test_split_to_sequence_2 +test_split_to_sequence_nokeepdims \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/import_successes.txt b/onnx-ops/onnx/node/generated/import_successes.txt new file mode 100644 index 0000000..2868dda --- /dev/null +++ b/onnx-ops/onnx/node/generated/import_successes.txt @@ -0,0 +1,1252 @@ +test_abs +test_acos +test_acos_example +test_acosh +test_acosh_example +test_adagrad +test_adagrad_multiple +test_adam +test_adam_multiple +test_add +test_add_bcast +test_add_uint8 +test_affine_grid_2d +test_affine_grid_2d_align_corners +test_affine_grid_2d_align_corners_expanded +test_affine_grid_2d_expanded +test_affine_grid_3d +test_affine_grid_3d_align_corners +test_affine_grid_3d_align_corners_expanded +test_affine_grid_3d_expanded +test_ai_onnx_ml_array_feature_extractor +test_ai_onnx_ml_binarizer +test_ai_onnx_ml_label_encoder_string_int +test_ai_onnx_ml_label_encoder_string_int_no_default +test_ai_onnx_ml_label_encoder_tensor_value_only_mapping +test_ai_onnx_ml_tree_ensemble_set_membership +test_ai_onnx_ml_tree_ensemble_single_tree +test_and2d +test_and3d +test_and4d +test_and_bcast3v1d +test_and_bcast3v2d +test_and_bcast4v2d +test_and_bcast4v3d +test_and_bcast4v4d +test_argmax_default_axis_example +test_argmax_default_axis_example_select_last_index +test_argmax_default_axis_random +test_argmax_default_axis_random_select_last_index +test_argmax_keepdims_example +test_argmax_keepdims_example_select_last_index +test_argmax_keepdims_random +test_argmax_keepdims_random_select_last_index +test_argmax_negative_axis_keepdims_example +test_argmax_negative_axis_keepdims_example_select_last_index +test_argmax_negative_axis_keepdims_random +test_argmax_negative_axis_keepdims_random_select_last_index +test_argmax_no_keepdims_example +test_argmax_no_keepdims_example_select_last_index +test_argmax_no_keepdims_random +test_argmax_no_keepdims_random_select_last_index +test_argmin_default_axis_example +test_argmin_default_axis_example_select_last_index +test_argmin_default_axis_random +test_argmin_default_axis_random_select_last_index +test_argmin_keepdims_example +test_argmin_keepdims_example_select_last_index +test_argmin_keepdims_random +test_argmin_keepdims_random_select_last_index +test_argmin_negative_axis_keepdims_example +test_argmin_negative_axis_keepdims_example_select_last_index +test_argmin_negative_axis_keepdims_random +test_argmin_negative_axis_keepdims_random_select_last_index +test_argmin_no_keepdims_example +test_argmin_no_keepdims_example_select_last_index +test_argmin_no_keepdims_random +test_argmin_no_keepdims_random_select_last_index +test_asin +test_asin_example +test_asinh +test_asinh_example +test_atan +test_atan_example +test_atanh +test_atanh_example +test_averagepool_1d_default +test_averagepool_2d_ceil +test_averagepool_2d_default +test_averagepool_2d_dilations +test_averagepool_2d_pads +test_averagepool_2d_pads_count_include_pad +test_averagepool_2d_precomputed_pads +test_averagepool_2d_precomputed_pads_count_include_pad +test_averagepool_2d_precomputed_same_upper +test_averagepool_2d_precomputed_strides +test_averagepool_2d_same_lower +test_averagepool_2d_same_upper +test_averagepool_2d_strides +test_averagepool_3d_default +test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False +test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True +test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False +test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True +test_averagepool_3d_dilations_small +test_basic_conv_with_padding +test_basic_conv_without_padding +test_basic_deform_conv_with_padding +test_basic_deform_conv_without_padding +test_batchnorm_epsilon +test_batchnorm_epsilon_training_mode +test_batchnorm_example +test_batchnorm_example_training_mode +test_bernoulli +test_bernoulli_double +test_bernoulli_double_expanded +test_bernoulli_expanded +test_bernoulli_seed +test_bernoulli_seed_expanded +test_bitshift_left_uint16 +test_bitshift_left_uint32 +test_bitshift_left_uint64 +test_bitshift_left_uint8 +test_bitshift_right_uint16 +test_bitshift_right_uint32 +test_bitshift_right_uint64 +test_bitshift_right_uint8 +test_bitwise_and_i16_3d +test_bitwise_and_i32_2d +test_bitwise_and_ui64_bcast_3v1d +test_bitwise_and_ui8_bcast_4v3d +test_bitwise_not_2d +test_bitwise_not_3d +test_bitwise_not_4d +test_bitwise_or_i16_4d +test_bitwise_or_i32_2d +test_bitwise_or_ui64_bcast_3v1d +test_bitwise_or_ui8_bcast_4v3d +test_bitwise_xor_i16_3d +test_bitwise_xor_i32_2d +test_bitwise_xor_ui64_bcast_3v1d +test_bitwise_xor_ui8_bcast_4v3d +test_blackmanwindow +test_blackmanwindow_expanded +test_blackmanwindow_symmetric +test_blackmanwindow_symmetric_expanded +test_cast_BFLOAT16_to_FLOAT +test_cast_DOUBLE_to_FLOAT +test_cast_DOUBLE_to_FLOAT16 +test_cast_FLOAT16_to_DOUBLE +test_cast_FLOAT16_to_FLOAT +test_cast_FLOAT16_to_FLOAT8E4M3FN +test_cast_FLOAT16_to_FLOAT8E4M3FNUZ +test_cast_FLOAT16_to_FLOAT8E5M2 +test_cast_FLOAT16_to_FLOAT8E5M2FNUZ +test_cast_FLOAT16_to_INT4 +test_cast_FLOAT16_to_UINT4 +test_cast_FLOAT8E4M3FNUZ_to_FLOAT +test_cast_FLOAT8E4M3FNUZ_to_FLOAT16 +test_cast_FLOAT8E4M3FN_to_FLOAT +test_cast_FLOAT8E4M3FN_to_FLOAT16 +test_cast_FLOAT8E5M2FNUZ_to_FLOAT +test_cast_FLOAT8E5M2FNUZ_to_FLOAT16 +test_cast_FLOAT8E5M2_to_FLOAT +test_cast_FLOAT8E5M2_to_FLOAT16 +test_cast_FLOAT_to_BFLOAT16 +test_cast_FLOAT_to_DOUBLE +test_cast_FLOAT_to_FLOAT16 +test_cast_FLOAT_to_FLOAT8E4M3FN +test_cast_FLOAT_to_FLOAT8E4M3FNUZ +test_cast_FLOAT_to_FLOAT8E5M2 +test_cast_FLOAT_to_FLOAT8E5M2FNUZ +test_cast_FLOAT_to_INT4 +test_cast_FLOAT_to_STRING +test_cast_FLOAT_to_UINT4 +test_cast_INT4_to_FLOAT +test_cast_INT4_to_FLOAT16 +test_cast_INT4_to_INT8 +test_cast_STRING_to_FLOAT +test_cast_UINT4_to_FLOAT +test_cast_UINT4_to_FLOAT16 +test_cast_UINT4_to_UINT8 +test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN +test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ +test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2 +test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ +test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN +test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ +test_cast_no_saturate_FLOAT_to_FLOAT8E5M2 +test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ +test_castlike_BFLOAT16_to_FLOAT +test_castlike_BFLOAT16_to_FLOAT_expanded +test_castlike_DOUBLE_to_FLOAT +test_castlike_DOUBLE_to_FLOAT16 +test_castlike_DOUBLE_to_FLOAT16_expanded +test_castlike_DOUBLE_to_FLOAT_expanded +test_castlike_FLOAT16_to_DOUBLE +test_castlike_FLOAT16_to_DOUBLE_expanded +test_castlike_FLOAT16_to_FLOAT +test_castlike_FLOAT16_to_FLOAT_expanded +test_castlike_FLOAT8E4M3FNUZ_to_FLOAT +test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded +test_castlike_FLOAT8E4M3FN_to_FLOAT +test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded +test_castlike_FLOAT8E5M2FNUZ_to_FLOAT +test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded +test_castlike_FLOAT8E5M2_to_FLOAT +test_castlike_FLOAT8E5M2_to_FLOAT_expanded +test_castlike_FLOAT_to_BFLOAT16 +test_castlike_FLOAT_to_BFLOAT16_expanded +test_castlike_FLOAT_to_DOUBLE +test_castlike_FLOAT_to_DOUBLE_expanded +test_castlike_FLOAT_to_FLOAT16 +test_castlike_FLOAT_to_FLOAT16_expanded +test_castlike_FLOAT_to_FLOAT8E4M3FN +test_castlike_FLOAT_to_FLOAT8E4M3FNUZ +test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded +test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded +test_castlike_FLOAT_to_FLOAT8E5M2 +test_castlike_FLOAT_to_FLOAT8E5M2FNUZ +test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded +test_castlike_FLOAT_to_FLOAT8E5M2_expanded +test_castlike_FLOAT_to_STRING +test_castlike_FLOAT_to_STRING_expanded +test_castlike_STRING_to_FLOAT +test_castlike_STRING_to_FLOAT_expanded +test_ceil +test_ceil_example +test_celu +test_celu_expanded +test_center_crop_pad_crop +test_center_crop_pad_crop_and_pad +test_center_crop_pad_crop_and_pad_expanded +test_center_crop_pad_crop_axes_chw +test_center_crop_pad_crop_axes_chw_expanded +test_center_crop_pad_crop_axes_hwc +test_center_crop_pad_crop_axes_hwc_expanded +test_center_crop_pad_crop_expanded +test_center_crop_pad_crop_negative_axes_hwc +test_center_crop_pad_crop_negative_axes_hwc_expanded +test_center_crop_pad_pad +test_center_crop_pad_pad_expanded +test_clip +test_clip_default_inbounds +test_clip_default_inbounds_expanded +test_clip_default_int8_inbounds +test_clip_default_int8_inbounds_expanded +test_clip_default_int8_max +test_clip_default_int8_max_expanded +test_clip_default_int8_min +test_clip_default_int8_min_expanded +test_clip_default_max +test_clip_default_max_expanded +test_clip_default_min +test_clip_default_min_expanded +test_clip_example +test_clip_example_expanded +test_clip_expanded +test_clip_inbounds +test_clip_inbounds_expanded +test_clip_outbounds +test_clip_outbounds_expanded +test_clip_splitbounds +test_clip_splitbounds_expanded +test_col2im +test_col2im_5d +test_col2im_dilations +test_col2im_pads +test_col2im_strides +test_compress_0 +test_compress_1 +test_compress_default_axis +test_compress_negative_axis +test_concat_1d_axis_0 +test_concat_1d_axis_negative_1 +test_concat_2d_axis_0 +test_concat_2d_axis_1 +test_concat_2d_axis_negative_1 +test_concat_2d_axis_negative_2 +test_concat_3d_axis_0 +test_concat_3d_axis_1 +test_concat_3d_axis_2 +test_concat_3d_axis_negative_1 +test_concat_3d_axis_negative_2 +test_concat_3d_axis_negative_3 +test_constant +test_constant_pad +test_constant_pad_axes +test_constant_pad_negative_axes +test_constantofshape_float_ones +test_constantofshape_int_shape_zero +test_constantofshape_int_zeros +test_conv_with_autopad_same +test_conv_with_strides_and_asymmetric_padding +test_conv_with_strides_no_padding +test_conv_with_strides_padding +test_convinteger_with_padding +test_convinteger_without_padding +test_convtranspose +test_convtranspose_1d +test_convtranspose_3d +test_convtranspose_autopad_same +test_convtranspose_dilations +test_convtranspose_kernel_shape +test_convtranspose_output_shape +test_convtranspose_pad +test_convtranspose_pads +test_cos +test_cos_example +test_cosh +test_cosh_example +test_cumsum_1d +test_cumsum_1d_exclusive +test_cumsum_1d_reverse +test_cumsum_1d_reverse_exclusive +test_cumsum_2d_axis_0 +test_cumsum_2d_axis_1 +test_cumsum_2d_negative_axis +test_deform_conv_with_mask_bias +test_deform_conv_with_multiple_offset_groups +test_depthtospace_crd_mode_example +test_depthtospace_example +test_dequantizelinear +test_dequantizelinear_axis +test_dequantizelinear_blocked +test_dequantizelinear_e4m3fn +test_dequantizelinear_e4m3fn_float16 +test_dequantizelinear_e4m3fn_zero_point +test_dequantizelinear_e5m2 +test_dequantizelinear_int16 +test_dequantizelinear_int4 +test_dequantizelinear_uint16 +test_dequantizelinear_uint4 +test_det_2d +test_det_nd +test_dft +test_dft_axis +test_dft_axis_opset19 +test_dft_inverse +test_dft_inverse_opset19 +test_dft_opset19 +test_div +test_div_bcast +test_div_example +test_div_uint8 +test_dropout_default +test_dropout_default_mask +test_dropout_default_mask_ratio +test_dropout_default_old +test_dropout_default_ratio +test_dropout_random_old +test_dynamicquantizelinear +test_dynamicquantizelinear_expanded +test_dynamicquantizelinear_max_adjusted +test_dynamicquantizelinear_max_adjusted_expanded +test_dynamicquantizelinear_min_adjusted +test_dynamicquantizelinear_min_adjusted_expanded +test_edge_pad +test_einsum_batch_diagonal +test_einsum_batch_matmul +test_einsum_inner_prod +test_einsum_sum +test_einsum_transpose +test_elu +test_elu_default +test_elu_default_expanded_ver18 +test_elu_example +test_elu_example_expanded_ver18 +test_elu_expanded_ver18 +test_equal +test_equal_bcast +test_equal_string +test_equal_string_broadcast +test_erf +test_exp +test_exp_example +test_expand_dim_changed +test_expand_dim_unchanged +test_eyelike_populate_off_main_diagonal +test_eyelike_with_dtype +test_eyelike_without_dtype +test_flatten_axis0 +test_flatten_axis1 +test_flatten_axis2 +test_flatten_axis3 +test_flatten_default_axis +test_flatten_negative_axis1 +test_flatten_negative_axis2 +test_flatten_negative_axis3 +test_flatten_negative_axis4 +test_floor +test_floor_example +test_gather_0 +test_gather_1 +test_gather_2d_indices +test_gather_elements_0 +test_gather_elements_1 +test_gather_elements_negative_indices +test_gather_negative_indices +test_gathernd_example_float32 +test_gathernd_example_int32 +test_gathernd_example_int32_batch_dim1 +test_gelu_default_1 +test_gelu_default_1_expanded +test_gelu_default_2 +test_gelu_default_2_expanded +test_gelu_tanh_1 +test_gelu_tanh_1_expanded +test_gelu_tanh_2 +test_gelu_tanh_2_expanded +test_gemm_all_attributes +test_gemm_alpha +test_gemm_beta +test_gemm_default_matrix_bias +test_gemm_default_no_bias +test_gemm_default_scalar_bias +test_gemm_default_single_elem_vector_bias +test_gemm_default_vector_bias +test_gemm_default_zero_bias +test_gemm_transposeA +test_gemm_transposeB +test_globalaveragepool +test_globalaveragepool_precomputed +test_globalmaxpool +test_globalmaxpool_precomputed +test_greater +test_greater_bcast +test_greater_equal +test_greater_equal_bcast +test_greater_equal_bcast_expanded +test_greater_equal_expanded +test_gridsample +test_gridsample_aligncorners_true +test_gridsample_bicubic +test_gridsample_bicubic_align_corners_0_additional_1 +test_gridsample_bicubic_align_corners_1_additional_1 +test_gridsample_bilinear +test_gridsample_bilinear_align_corners_0_additional_1 +test_gridsample_bilinear_align_corners_1_additional_1 +test_gridsample_border_padding +test_gridsample_nearest +test_gridsample_nearest_align_corners_0_additional_1 +test_gridsample_nearest_align_corners_1_additional_1 +test_gridsample_reflection_padding +test_gridsample_volumetric_bilinear_align_corners_0 +test_gridsample_volumetric_bilinear_align_corners_1 +test_gridsample_volumetric_nearest_align_corners_0 +test_gridsample_volumetric_nearest_align_corners_1 +test_gridsample_zeros_padding +test_group_normalization_epsilon +test_group_normalization_epsilon_expanded +test_group_normalization_example +test_group_normalization_example_expanded +test_gru_batchwise +test_gru_defaults +test_gru_seq_length +test_gru_with_initial_bias +test_hammingwindow +test_hammingwindow_expanded +test_hammingwindow_symmetric +test_hammingwindow_symmetric_expanded +test_hannwindow +test_hannwindow_expanded +test_hannwindow_symmetric +test_hannwindow_symmetric_expanded +test_hardmax_axis_0 +test_hardmax_axis_1 +test_hardmax_axis_2 +test_hardmax_default_axis +test_hardmax_example +test_hardmax_negative_axis +test_hardmax_one_hot +test_hardsigmoid +test_hardsigmoid_default +test_hardsigmoid_default_expanded_ver18 +test_hardsigmoid_example +test_hardsigmoid_example_expanded_ver18 +test_hardsigmoid_expanded_ver18 +test_hardswish +test_hardswish_expanded +test_identity +test_if +test_image_decoder_decode_bmp_rgb +test_image_decoder_decode_jpeg2k_rgb +test_image_decoder_decode_jpeg_bgr +test_image_decoder_decode_jpeg_grayscale +test_image_decoder_decode_jpeg_rgb +test_image_decoder_decode_png_rgb +test_image_decoder_decode_pnm_rgb +test_image_decoder_decode_tiff_rgb +test_image_decoder_decode_webp_rgb +test_instancenorm_epsilon +test_instancenorm_example +test_isinf +test_isinf_float16 +test_isinf_negative +test_isinf_positive +test_isnan +test_isnan_float16 +test_layer_normalization_2d_axis0 +test_layer_normalization_2d_axis0_expanded +test_layer_normalization_2d_axis0_expanded_ver18 +test_layer_normalization_2d_axis1 +test_layer_normalization_2d_axis1_expanded +test_layer_normalization_2d_axis1_expanded_ver18 +test_layer_normalization_2d_axis_negative_1 +test_layer_normalization_2d_axis_negative_1_expanded +test_layer_normalization_2d_axis_negative_1_expanded_ver18 +test_layer_normalization_2d_axis_negative_2 +test_layer_normalization_2d_axis_negative_2_expanded +test_layer_normalization_2d_axis_negative_2_expanded_ver18 +test_layer_normalization_3d_axis0_epsilon +test_layer_normalization_3d_axis0_epsilon_expanded +test_layer_normalization_3d_axis0_epsilon_expanded_ver18 +test_layer_normalization_3d_axis1_epsilon +test_layer_normalization_3d_axis1_epsilon_expanded +test_layer_normalization_3d_axis1_epsilon_expanded_ver18 +test_layer_normalization_3d_axis2_epsilon +test_layer_normalization_3d_axis2_epsilon_expanded +test_layer_normalization_3d_axis2_epsilon_expanded_ver18 +test_layer_normalization_3d_axis_negative_1_epsilon +test_layer_normalization_3d_axis_negative_1_epsilon_expanded +test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18 +test_layer_normalization_3d_axis_negative_2_epsilon +test_layer_normalization_3d_axis_negative_2_epsilon_expanded +test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18 +test_layer_normalization_3d_axis_negative_3_epsilon +test_layer_normalization_3d_axis_negative_3_epsilon_expanded +test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18 +test_layer_normalization_4d_axis0 +test_layer_normalization_4d_axis0_expanded +test_layer_normalization_4d_axis0_expanded_ver18 +test_layer_normalization_4d_axis1 +test_layer_normalization_4d_axis1_expanded +test_layer_normalization_4d_axis1_expanded_ver18 +test_layer_normalization_4d_axis2 +test_layer_normalization_4d_axis2_expanded +test_layer_normalization_4d_axis2_expanded_ver18 +test_layer_normalization_4d_axis3 +test_layer_normalization_4d_axis3_expanded +test_layer_normalization_4d_axis3_expanded_ver18 +test_layer_normalization_4d_axis_negative_1 +test_layer_normalization_4d_axis_negative_1_expanded +test_layer_normalization_4d_axis_negative_1_expanded_ver18 +test_layer_normalization_4d_axis_negative_2 +test_layer_normalization_4d_axis_negative_2_expanded +test_layer_normalization_4d_axis_negative_2_expanded_ver18 +test_layer_normalization_4d_axis_negative_3 +test_layer_normalization_4d_axis_negative_3_expanded +test_layer_normalization_4d_axis_negative_3_expanded_ver18 +test_layer_normalization_4d_axis_negative_4 +test_layer_normalization_4d_axis_negative_4_expanded +test_layer_normalization_4d_axis_negative_4_expanded_ver18 +test_layer_normalization_default_axis +test_layer_normalization_default_axis_expanded +test_layer_normalization_default_axis_expanded_ver18 +test_leakyrelu +test_leakyrelu_default +test_leakyrelu_default_expanded +test_leakyrelu_example +test_leakyrelu_example_expanded +test_leakyrelu_expanded +test_less +test_less_bcast +test_less_equal +test_less_equal_bcast +test_less_equal_bcast_expanded +test_less_equal_expanded +test_log +test_log_example +test_logsoftmax_axis_0 +test_logsoftmax_axis_0_expanded +test_logsoftmax_axis_0_expanded_ver18 +test_logsoftmax_axis_1 +test_logsoftmax_axis_1_expanded +test_logsoftmax_axis_1_expanded_ver18 +test_logsoftmax_axis_2 +test_logsoftmax_axis_2_expanded +test_logsoftmax_axis_2_expanded_ver18 +test_logsoftmax_default_axis +test_logsoftmax_default_axis_expanded +test_logsoftmax_default_axis_expanded_ver18 +test_logsoftmax_example_1 +test_logsoftmax_example_1_expanded +test_logsoftmax_example_1_expanded_ver18 +test_logsoftmax_large_number +test_logsoftmax_large_number_expanded +test_logsoftmax_large_number_expanded_ver18 +test_logsoftmax_negative_axis +test_logsoftmax_negative_axis_expanded +test_logsoftmax_negative_axis_expanded_ver18 +test_loop11 +test_lppool_1d_default +test_lppool_2d_default +test_lppool_2d_dilations +test_lppool_2d_pads +test_lppool_2d_same_lower +test_lppool_2d_same_upper +test_lppool_2d_strides +test_lppool_3d_default +test_lrn +test_lrn_default +test_lstm_batchwise +test_lstm_defaults +test_lstm_with_initial_bias +test_lstm_with_peepholes +test_matmul_2d +test_matmul_3d +test_matmul_4d +test_matmulinteger +test_max_example +test_max_float16 +test_max_float32 +test_max_float64 +test_max_int16 +test_max_int32 +test_max_int64 +test_max_int8 +test_max_one_input +test_max_two_inputs +test_max_uint16 +test_max_uint32 +test_max_uint64 +test_max_uint8 +test_maxpool_1d_default +test_maxpool_2d_ceil +test_maxpool_2d_ceil_output_size_reduce_by_one +test_maxpool_2d_default +test_maxpool_2d_dilations +test_maxpool_2d_pads +test_maxpool_2d_precomputed_pads +test_maxpool_2d_precomputed_same_upper +test_maxpool_2d_precomputed_strides +test_maxpool_2d_same_lower +test_maxpool_2d_same_upper +test_maxpool_2d_strides +test_maxpool_2d_uint8 +test_maxpool_3d_default +test_maxpool_3d_dilations +test_maxpool_3d_dilations_use_ref_impl +test_maxpool_3d_dilations_use_ref_impl_large +test_maxpool_with_argmax_2d_precomputed_pads +test_maxpool_with_argmax_2d_precomputed_strides +test_maxunpool_export_with_output_shape +test_maxunpool_export_without_output_shape +test_mean_example +test_mean_one_input +test_mean_two_inputs +test_melweightmatrix +test_min_example +test_min_float16 +test_min_float32 +test_min_float64 +test_min_int16 +test_min_int32 +test_min_int64 +test_min_int8 +test_min_one_input +test_min_two_inputs +test_min_uint16 +test_min_uint32 +test_min_uint64 +test_min_uint8 +test_mish +test_mish_expanded +test_mod_broadcast +test_mod_int64_fmod +test_mod_mixed_sign_float16 +test_mod_mixed_sign_float32 +test_mod_mixed_sign_float64 +test_mod_mixed_sign_int16 +test_mod_mixed_sign_int32 +test_mod_mixed_sign_int64 +test_mod_mixed_sign_int8 +test_mod_uint16 +test_mod_uint32 +test_mod_uint64 +test_mod_uint8 +test_momentum +test_momentum_multiple +test_mul +test_mul_bcast +test_mul_example +test_mul_uint8 +test_mvn +test_mvn_expanded +test_mvn_expanded_ver18 +test_neg +test_neg_example +test_nesterov_momentum +test_nllloss_NC +test_nllloss_NC_expanded +test_nllloss_NCd1 +test_nllloss_NCd1_expanded +test_nllloss_NCd1_ii +test_nllloss_NCd1_ii_expanded +test_nllloss_NCd1_mean_weight_negative_ii +test_nllloss_NCd1_mean_weight_negative_ii_expanded +test_nllloss_NCd1_weight +test_nllloss_NCd1_weight_expanded +test_nllloss_NCd1_weight_ii +test_nllloss_NCd1_weight_ii_expanded +test_nllloss_NCd1d2 +test_nllloss_NCd1d2_expanded +test_nllloss_NCd1d2_no_weight_reduction_mean_ii +test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded +test_nllloss_NCd1d2_reduction_mean +test_nllloss_NCd1d2_reduction_mean_expanded +test_nllloss_NCd1d2_reduction_sum +test_nllloss_NCd1d2_reduction_sum_expanded +test_nllloss_NCd1d2_with_weight +test_nllloss_NCd1d2_with_weight_expanded +test_nllloss_NCd1d2_with_weight_reduction_mean +test_nllloss_NCd1d2_with_weight_reduction_mean_expanded +test_nllloss_NCd1d2_with_weight_reduction_sum +test_nllloss_NCd1d2_with_weight_reduction_sum_expanded +test_nllloss_NCd1d2_with_weight_reduction_sum_ii +test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded +test_nllloss_NCd1d2d3_none_no_weight_negative_ii +test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded +test_nllloss_NCd1d2d3_sum_weight_high_ii +test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded +test_nllloss_NCd1d2d3d4d5_mean_weight +test_nllloss_NCd1d2d3d4d5_mean_weight_expanded +test_nllloss_NCd1d2d3d4d5_none_no_weight +test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded +test_nonmaxsuppression_center_point_box_format +test_nonmaxsuppression_flipped_coordinates +test_nonmaxsuppression_identical_boxes +test_nonmaxsuppression_limit_output_size +test_nonmaxsuppression_single_box +test_nonmaxsuppression_suppress_by_IOU +test_nonmaxsuppression_suppress_by_IOU_and_scores +test_nonmaxsuppression_two_batches +test_nonmaxsuppression_two_classes +test_nonzero_example +test_not_2d +test_not_3d +test_not_4d +test_onehot_negative_indices +test_onehot_with_axis +test_onehot_with_negative_axis +test_onehot_without_axis +test_optional_get_element_tensor +test_optional_has_element_empty_no_input_name_optional_input +test_optional_has_element_empty_no_input_name_tensor_input +test_optional_has_element_empty_no_input_optional_input +test_optional_has_element_empty_no_input_tensor_input +test_or2d +test_or3d +test_or4d +test_or_bcast3v1d +test_or_bcast3v2d +test_or_bcast4v2d +test_or_bcast4v3d +test_or_bcast4v4d +test_pow +test_pow_bcast_array +test_pow_bcast_scalar +test_pow_example +test_pow_types_float32_int32 +test_pow_types_float32_int64 +test_pow_types_float32_uint32 +test_pow_types_float32_uint64 +test_pow_types_int32_float32 +test_pow_types_int32_int32 +test_pow_types_int64_float32 +test_pow_types_int64_int64 +test_prelu_broadcast +test_prelu_broadcast_expanded +test_prelu_example +test_prelu_example_expanded +test_qlinearconv +test_qlinearmatmul_2D_int8_float16 +test_qlinearmatmul_2D_int8_float32 +test_qlinearmatmul_2D_uint8_float16 +test_qlinearmatmul_2D_uint8_float32 +test_qlinearmatmul_3D_int8_float16 +test_qlinearmatmul_3D_int8_float32 +test_qlinearmatmul_3D_uint8_float16 +test_qlinearmatmul_3D_uint8_float32 +test_quantizelinear +test_quantizelinear_axis +test_quantizelinear_blocked_asymmetric +test_quantizelinear_blocked_symmetric +test_quantizelinear_e4m3fn +test_quantizelinear_e5m2 +test_quantizelinear_int16 +test_quantizelinear_int4 +test_quantizelinear_uint16 +test_quantizelinear_uint4 +test_range_float_type_positive_delta +test_range_float_type_positive_delta_expanded +test_range_int32_type_negative_delta +test_range_int32_type_negative_delta_expanded +test_reciprocal +test_reciprocal_example +test_reduce_l1_default_axes_keepdims_example +test_reduce_l1_default_axes_keepdims_example_expanded +test_reduce_l1_default_axes_keepdims_random +test_reduce_l1_default_axes_keepdims_random_expanded +test_reduce_l1_do_not_keepdims_example +test_reduce_l1_do_not_keepdims_example_expanded +test_reduce_l1_do_not_keepdims_random +test_reduce_l1_do_not_keepdims_random_expanded +test_reduce_l1_empty_set +test_reduce_l1_empty_set_expanded +test_reduce_l1_keep_dims_example +test_reduce_l1_keep_dims_example_expanded +test_reduce_l1_keep_dims_random +test_reduce_l1_keep_dims_random_expanded +test_reduce_l1_negative_axes_keep_dims_example +test_reduce_l1_negative_axes_keep_dims_example_expanded +test_reduce_l1_negative_axes_keep_dims_random +test_reduce_l1_negative_axes_keep_dims_random_expanded +test_reduce_l2_default_axes_keepdims_example +test_reduce_l2_default_axes_keepdims_example_expanded +test_reduce_l2_default_axes_keepdims_random +test_reduce_l2_default_axes_keepdims_random_expanded +test_reduce_l2_do_not_keepdims_example +test_reduce_l2_do_not_keepdims_example_expanded +test_reduce_l2_do_not_keepdims_random +test_reduce_l2_do_not_keepdims_random_expanded +test_reduce_l2_empty_set +test_reduce_l2_empty_set_expanded +test_reduce_l2_keep_dims_example +test_reduce_l2_keep_dims_example_expanded +test_reduce_l2_keep_dims_random +test_reduce_l2_keep_dims_random_expanded +test_reduce_l2_negative_axes_keep_dims_example +test_reduce_l2_negative_axes_keep_dims_example_expanded +test_reduce_l2_negative_axes_keep_dims_random +test_reduce_l2_negative_axes_keep_dims_random_expanded +test_reduce_log_sum_asc_axes +test_reduce_log_sum_asc_axes_expanded +test_reduce_log_sum_default +test_reduce_log_sum_default_expanded +test_reduce_log_sum_desc_axes +test_reduce_log_sum_desc_axes_expanded +test_reduce_log_sum_empty_set +test_reduce_log_sum_empty_set_expanded +test_reduce_log_sum_exp_default_axes_keepdims_example +test_reduce_log_sum_exp_default_axes_keepdims_example_expanded +test_reduce_log_sum_exp_default_axes_keepdims_random +test_reduce_log_sum_exp_default_axes_keepdims_random_expanded +test_reduce_log_sum_exp_do_not_keepdims_example +test_reduce_log_sum_exp_do_not_keepdims_example_expanded +test_reduce_log_sum_exp_do_not_keepdims_random +test_reduce_log_sum_exp_do_not_keepdims_random_expanded +test_reduce_log_sum_exp_empty_set +test_reduce_log_sum_exp_empty_set_expanded +test_reduce_log_sum_exp_keepdims_example +test_reduce_log_sum_exp_keepdims_example_expanded +test_reduce_log_sum_exp_keepdims_random +test_reduce_log_sum_exp_keepdims_random_expanded +test_reduce_log_sum_exp_negative_axes_keepdims_example +test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded +test_reduce_log_sum_exp_negative_axes_keepdims_random +test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded +test_reduce_log_sum_negative_axes +test_reduce_log_sum_negative_axes_expanded +test_reduce_max_bool_inputs +test_reduce_max_default_axes_keepdim_example +test_reduce_max_default_axes_keepdims_random +test_reduce_max_do_not_keepdims_example +test_reduce_max_do_not_keepdims_random +test_reduce_max_keepdims_example +test_reduce_max_keepdims_random +test_reduce_max_negative_axes_keepdims_example +test_reduce_max_negative_axes_keepdims_random +test_reduce_mean_default_axes_keepdims_example +test_reduce_mean_default_axes_keepdims_random +test_reduce_mean_do_not_keepdims_example +test_reduce_mean_do_not_keepdims_random +test_reduce_mean_keepdims_example +test_reduce_mean_keepdims_random +test_reduce_mean_negative_axes_keepdims_example +test_reduce_mean_negative_axes_keepdims_random +test_reduce_min_bool_inputs +test_reduce_min_default_axes_keepdims_example +test_reduce_min_default_axes_keepdims_random +test_reduce_min_do_not_keepdims_example +test_reduce_min_do_not_keepdims_random +test_reduce_min_empty_set +test_reduce_min_keepdims_example +test_reduce_min_keepdims_random +test_reduce_min_negative_axes_keepdims_example +test_reduce_min_negative_axes_keepdims_random +test_reduce_prod_default_axes_keepdims_example +test_reduce_prod_default_axes_keepdims_random +test_reduce_prod_do_not_keepdims_example +test_reduce_prod_do_not_keepdims_random +test_reduce_prod_empty_set +test_reduce_prod_keepdims_example +test_reduce_prod_keepdims_random +test_reduce_prod_negative_axes_keepdims_example +test_reduce_prod_negative_axes_keepdims_random +test_reduce_sum_default_axes_keepdims_example +test_reduce_sum_default_axes_keepdims_random +test_reduce_sum_do_not_keepdims_example +test_reduce_sum_do_not_keepdims_random +test_reduce_sum_empty_axes_input_noop_example +test_reduce_sum_empty_set +test_reduce_sum_empty_set_non_reduced_axis_zero +test_reduce_sum_keepdims_example +test_reduce_sum_keepdims_random +test_reduce_sum_negative_axes_keepdims_example +test_reduce_sum_negative_axes_keepdims_random +test_reduce_sum_square_default_axes_keepdims_example +test_reduce_sum_square_default_axes_keepdims_example_expanded +test_reduce_sum_square_default_axes_keepdims_random +test_reduce_sum_square_default_axes_keepdims_random_expanded +test_reduce_sum_square_do_not_keepdims_example +test_reduce_sum_square_do_not_keepdims_example_expanded +test_reduce_sum_square_do_not_keepdims_random +test_reduce_sum_square_do_not_keepdims_random_expanded +test_reduce_sum_square_empty_set +test_reduce_sum_square_empty_set_expanded +test_reduce_sum_square_keepdims_example +test_reduce_sum_square_keepdims_example_expanded +test_reduce_sum_square_keepdims_random +test_reduce_sum_square_keepdims_random_expanded +test_reduce_sum_square_negative_axes_keepdims_example +test_reduce_sum_square_negative_axes_keepdims_example_expanded +test_reduce_sum_square_negative_axes_keepdims_random +test_reduce_sum_square_negative_axes_keepdims_random_expanded +test_reflect_pad +test_regex_full_match_basic +test_regex_full_match_email_domain +test_regex_full_match_empty +test_relu +test_relu_expanded_ver18 +test_reshape_allowzero_reordered +test_reshape_extended_dims +test_reshape_negative_dim +test_reshape_negative_extended_dims +test_reshape_one_dim +test_reshape_reduced_dims +test_reshape_reordered_all_dims +test_reshape_reordered_last_dims +test_reshape_zero_and_negative_dim +test_reshape_zero_dim +test_resize_downsample_scales_cubic +test_resize_downsample_scales_cubic_A_n0p5_exclude_outside +test_resize_downsample_scales_cubic_align_corners +test_resize_downsample_scales_cubic_antialias +test_resize_downsample_scales_linear +test_resize_downsample_scales_linear_align_corners +test_resize_downsample_scales_linear_antialias +test_resize_downsample_scales_linear_half_pixel_symmetric +test_resize_downsample_scales_nearest +test_resize_downsample_sizes_cubic +test_resize_downsample_sizes_cubic_antialias +test_resize_downsample_sizes_linear_antialias +test_resize_downsample_sizes_linear_pytorch_half_pixel +test_resize_downsample_sizes_nearest +test_resize_downsample_sizes_nearest_not_larger +test_resize_downsample_sizes_nearest_not_smaller +test_resize_tf_crop_and_resize +test_resize_tf_crop_and_resize_axes_2_3 +test_resize_tf_crop_and_resize_axes_3_2 +test_resize_upsample_scales_cubic +test_resize_upsample_scales_cubic_A_n0p5_exclude_outside +test_resize_upsample_scales_cubic_align_corners +test_resize_upsample_scales_cubic_asymmetric +test_resize_upsample_scales_linear +test_resize_upsample_scales_linear_align_corners +test_resize_upsample_scales_linear_half_pixel_symmetric +test_resize_upsample_scales_nearest +test_resize_upsample_scales_nearest_axes_2_3 +test_resize_upsample_scales_nearest_axes_3_2 +test_resize_upsample_sizes_cubic +test_resize_upsample_sizes_nearest +test_resize_upsample_sizes_nearest_axes_2_3 +test_resize_upsample_sizes_nearest_axes_3_2 +test_resize_upsample_sizes_nearest_ceil_half_pixel +test_resize_upsample_sizes_nearest_floor_align_corners +test_resize_upsample_sizes_nearest_not_larger +test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric +test_reversesequence_batch +test_reversesequence_time +test_rnn_seq_length +test_roialign_aligned_false +test_roialign_aligned_true +test_roialign_mode_max +test_round +test_scan9_sum +test_scan_sum +test_scatter_elements_with_axis +test_scatter_elements_with_duplicate_indices +test_scatter_elements_with_negative_indices +test_scatter_elements_with_reduction_max +test_scatter_elements_with_reduction_min +test_scatter_elements_without_axis +test_scatter_with_axis +test_scatter_without_axis +test_scatternd +test_scatternd_add +test_scatternd_max +test_scatternd_min +test_scatternd_multiply +test_sce_NCd1_mean_weight_negative_ii +test_sce_NCd1_mean_weight_negative_ii_expanded +test_sce_NCd1_mean_weight_negative_ii_log_prob +test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded +test_sce_NCd1d2d3_none_no_weight_negative_ii +test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded +test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob +test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded +test_sce_NCd1d2d3_sum_weight_high_ii +test_sce_NCd1d2d3_sum_weight_high_ii_expanded +test_sce_NCd1d2d3_sum_weight_high_ii_log_prob +test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded +test_sce_NCd1d2d3d4d5_mean_weight +test_sce_NCd1d2d3d4d5_mean_weight_expanded +test_sce_NCd1d2d3d4d5_mean_weight_log_prob +test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded +test_sce_NCd1d2d3d4d5_none_no_weight +test_sce_NCd1d2d3d4d5_none_no_weight_expanded +test_sce_NCd1d2d3d4d5_none_no_weight_log_prob +test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded +test_sce_mean +test_sce_mean_3d +test_sce_mean_3d_expanded +test_sce_mean_3d_log_prob +test_sce_mean_3d_log_prob_expanded +test_sce_mean_expanded +test_sce_mean_log_prob +test_sce_mean_log_prob_expanded +test_sce_mean_no_weight_ii +test_sce_mean_no_weight_ii_3d +test_sce_mean_no_weight_ii_3d_expanded +test_sce_mean_no_weight_ii_3d_log_prob +test_sce_mean_no_weight_ii_3d_log_prob_expanded +test_sce_mean_no_weight_ii_4d +test_sce_mean_no_weight_ii_4d_expanded +test_sce_mean_no_weight_ii_4d_log_prob +test_sce_mean_no_weight_ii_4d_log_prob_expanded +test_sce_mean_no_weight_ii_expanded +test_sce_mean_no_weight_ii_log_prob +test_sce_mean_no_weight_ii_log_prob_expanded +test_sce_mean_weight +test_sce_mean_weight_expanded +test_sce_mean_weight_ii +test_sce_mean_weight_ii_3d +test_sce_mean_weight_ii_3d_expanded +test_sce_mean_weight_ii_3d_log_prob +test_sce_mean_weight_ii_3d_log_prob_expanded +test_sce_mean_weight_ii_4d +test_sce_mean_weight_ii_4d_expanded +test_sce_mean_weight_ii_4d_log_prob +test_sce_mean_weight_ii_4d_log_prob_expanded +test_sce_mean_weight_ii_expanded +test_sce_mean_weight_ii_log_prob +test_sce_mean_weight_ii_log_prob_expanded +test_sce_mean_weight_log_prob +test_sce_mean_weight_log_prob_expanded +test_sce_none +test_sce_none_expanded +test_sce_none_log_prob +test_sce_none_log_prob_expanded +test_sce_none_weights +test_sce_none_weights_expanded +test_sce_none_weights_log_prob +test_sce_none_weights_log_prob_expanded +test_sce_sum +test_sce_sum_expanded +test_sce_sum_log_prob +test_sce_sum_log_prob_expanded +test_selu +test_selu_default +test_selu_default_expanded_ver18 +test_selu_example +test_selu_example_expanded_ver18 +test_selu_expanded_ver18 +test_shape +test_shape_clip_end +test_shape_clip_start +test_shape_end_1 +test_shape_end_negative_1 +test_shape_example +test_shape_start_1 +test_shape_start_1_end_2 +test_shape_start_1_end_negative_1 +test_shape_start_negative_1 +test_shrink_hard +test_shrink_hard_expanded_ver18 +test_shrink_soft +test_shrink_soft_expanded_ver18 +test_sigmoid +test_sigmoid_example +test_sign +test_simple_rnn_batchwise +test_simple_rnn_defaults +test_simple_rnn_with_initial_bias +test_sin +test_sin_example +test_sinh +test_sinh_example +test_size +test_size_example +test_slice +test_slice_default_axes +test_slice_default_steps +test_slice_end_out_of_bounds +test_slice_neg +test_slice_neg_steps +test_slice_negative_axes +test_slice_start_out_of_bounds +test_softmax_axis_0 +test_softmax_axis_0_expanded +test_softmax_axis_0_expanded_ver18 +test_softmax_axis_1 +test_softmax_axis_1_expanded +test_softmax_axis_1_expanded_ver18 +test_softmax_axis_2 +test_softmax_axis_2_expanded +test_softmax_axis_2_expanded_ver18 +test_softmax_default_axis +test_softmax_default_axis_expanded +test_softmax_default_axis_expanded_ver18 +test_softmax_example +test_softmax_example_expanded +test_softmax_example_expanded_ver18 +test_softmax_large_number +test_softmax_large_number_expanded +test_softmax_large_number_expanded_ver18 +test_softmax_negative_axis +test_softmax_negative_axis_expanded +test_softmax_negative_axis_expanded_ver18 +test_softplus +test_softplus_example +test_softplus_example_expanded_ver18 +test_softplus_expanded_ver18 +test_softsign +test_softsign_example +test_softsign_example_expanded_ver18 +test_softsign_expanded_ver18 +test_spacetodepth +test_spacetodepth_example +test_split_1d_uneven_split_opset18 +test_split_2d_uneven_split_opset18 +test_split_equal_parts_1d_opset13 +test_split_equal_parts_1d_opset18 +test_split_equal_parts_2d +test_split_equal_parts_2d_opset13 +test_split_equal_parts_default_axis_opset13 +test_split_equal_parts_default_axis_opset18 +test_split_variable_parts_1d_opset13 +test_split_variable_parts_1d_opset18 +test_split_variable_parts_2d_opset13 +test_split_variable_parts_2d_opset18 +test_split_variable_parts_default_axis_opset13 +test_split_variable_parts_default_axis_opset18 +test_split_zero_size_splits_opset13 +test_split_zero_size_splits_opset18 +test_sqrt +test_sqrt_example +test_squeeze +test_squeeze_negative_axes +test_stft +test_stft_with_window +test_string_concat +test_string_concat_broadcasting +test_string_concat_empty_string +test_string_concat_utf8 +test_string_concat_zero_dimensional +test_string_split_basic +test_string_split_consecutive_delimiters +test_string_split_empty_string_delimiter +test_string_split_empty_tensor +test_string_split_maxsplit +test_string_split_no_delimiter +test_strnormalizer_export_monday_casesensintive_lower +test_strnormalizer_export_monday_casesensintive_nochangecase +test_strnormalizer_export_monday_casesensintive_upper +test_strnormalizer_export_monday_empty_output +test_strnormalizer_export_monday_insensintive_upper_twodim +test_strnormalizer_nostopwords_nochangecase +test_sub +test_sub_bcast +test_sub_example +test_sub_uint8 +test_sum_example +test_sum_one_input +test_sum_two_inputs +test_tan +test_tan_example +test_tanh +test_tanh_example +test_tfidfvectorizer_tf_batch_onlybigrams_skip0 +test_tfidfvectorizer_tf_batch_onlybigrams_skip5 +test_tfidfvectorizer_tf_batch_uniandbigrams_skip5 +test_tfidfvectorizer_tf_only_bigrams_skip0 +test_tfidfvectorizer_tf_onlybigrams_levelempty +test_tfidfvectorizer_tf_onlybigrams_skip5 +test_tfidfvectorizer_tf_uniandbigrams_skip5 +test_thresholdedrelu +test_thresholdedrelu_default +test_thresholdedrelu_default_expanded_ver18 +test_thresholdedrelu_example +test_thresholdedrelu_example_expanded_ver18 +test_thresholdedrelu_expanded_ver18 +test_tile +test_tile_precomputed +test_top_k +test_top_k_negative_axis +test_top_k_smallest +test_training_dropout +test_training_dropout_default +test_training_dropout_default_mask +test_training_dropout_mask +test_training_dropout_zero_ratio +test_training_dropout_zero_ratio_mask +test_transpose_all_permutations_0 +test_transpose_all_permutations_1 +test_transpose_all_permutations_2 +test_transpose_all_permutations_3 +test_transpose_all_permutations_4 +test_transpose_all_permutations_5 +test_transpose_default +test_tril +test_tril_neg +test_tril_one_row_neg +test_tril_out_neg +test_tril_out_pos +test_tril_pos +test_tril_square +test_tril_square_neg +test_tril_zero +test_triu +test_triu_neg +test_triu_one_row +test_triu_out_neg_out +test_triu_out_pos +test_triu_pos +test_triu_square +test_triu_square_neg +test_triu_zero +test_unique_not_sorted_without_axis +test_unique_sorted_with_axis +test_unique_sorted_with_axis_3d +test_unique_sorted_with_negative_axis +test_unique_sorted_without_axis +test_unsqueeze_axis_0 +test_unsqueeze_axis_1 +test_unsqueeze_axis_2 +test_unsqueeze_negative_axes +test_unsqueeze_three_axes +test_unsqueeze_two_axes +test_unsqueeze_unsorted_axes +test_upsample_nearest +test_where_example +test_where_long_example +test_wrap_pad +test_xor2d +test_xor3d +test_xor4d +test_xor_bcast3v1d +test_xor_bcast3v2d +test_xor_bcast4v2d +test_xor_bcast4v3d +test_xor_bcast4v4d \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_abs/input_0.bin b/onnx-ops/onnx/node/generated/test_abs/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_abs/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_abs/model.mlir b/onnx-ops/onnx/node/generated/test_abs/model.mlir new file mode 100644 index 0000000..b45a36c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_abs/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_abs(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_abs/output_0.bin b/onnx-ops/onnx/node/generated/test_abs/output_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_abs/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_abs/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_abs/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_abs/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_acos/input_0.bin b/onnx-ops/onnx/node/generated/test_acos/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acos/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_acos/model.mlir b/onnx-ops/onnx/node/generated/test_acos/model.mlir new file mode 100644 index 0000000..b00af0f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acos/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_acos(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Acos"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_acos/output_0.bin b/onnx-ops/onnx/node/generated/test_acos/output_0.bin new file mode 100644 index 0000000..1faaa70 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_acos/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_acos/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_acos/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acos/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_acos_example/input_0.bin b/onnx-ops/onnx/node/generated/test_acos_example/input_0.bin new file mode 100644 index 0000000..302f8a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_acos_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_acos_example/model.mlir b/onnx-ops/onnx/node/generated/test_acos_example/model.mlir new file mode 100644 index 0000000..e2d19c8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acos_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_acos_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Acos"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_acos_example/output_0.bin b/onnx-ops/onnx/node/generated/test_acos_example/output_0.bin new file mode 100644 index 0000000..f5ab7e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acos_example/output_0.bin @@ -0,0 +1,3 @@ + +@? +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_acos_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_acos_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acos_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_acosh/input_0.bin b/onnx-ops/onnx/node/generated/test_acosh/input_0.bin new file mode 100644 index 0000000..cf6af68 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_acosh/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_acosh/model.mlir b/onnx-ops/onnx/node/generated/test_acosh/model.mlir new file mode 100644 index 0000000..13ac881 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acosh/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_acosh(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Acosh"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_acosh/output_0.bin b/onnx-ops/onnx/node/generated/test_acosh/output_0.bin new file mode 100644 index 0000000..57e29ab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acosh/output_0.bin @@ -0,0 +1 @@ +@D{,@#@@8@&@w@8@Zm=@ @22@*@ @>;@?ZT?~/? 5@81@Վ7@P>@%2@@d1@\9<@o)@@@+@V?5(@a(@յ?(ճ?V@k@@\@>@^??O?n'@?<<@YZ? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_acosh/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_acosh/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acosh/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_acosh_example/input_0.bin b/onnx-ops/onnx/node/generated/test_acosh_example/input_0.bin new file mode 100644 index 0000000..77072f3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_acosh_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_acosh_example/model.mlir b/onnx-ops/onnx/node/generated/test_acosh_example/model.mlir new file mode 100644 index 0000000..6f05291 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acosh_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_acosh_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Acosh"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_acosh_example/output_0.bin b/onnx-ops/onnx/node/generated/test_acosh_example/output_0.bin new file mode 100644 index 0000000..50784c3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_acosh_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_acosh_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_acosh_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_acosh_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_adagrad/input_0.bin b/onnx-ops/onnx/node/generated/test_adagrad/input_0.bin new file mode 100644 index 0000000..347576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad/input_0.bin @@ -0,0 +1 @@ += \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adagrad/input_1.bin b/onnx-ops/onnx/node/generated/test_adagrad/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad/input_2.bin b/onnx-ops/onnx/node/generated/test_adagrad/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad/input_3.bin b/onnx-ops/onnx/node/generated/test_adagrad/input_3.bin new file mode 100644 index 0000000..29ab18b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad/input_4.bin b/onnx-ops/onnx/node/generated/test_adagrad/input_4.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad/model.mlir b/onnx-ops/onnx/node/generated/test_adagrad/model.mlir new file mode 100644 index 0000000..c338dad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_adagrad(%arg0: !torch.vtensor<[],f32>, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[1],f32>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_versions = {ai.onnx.preview.training = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Adagrad"(%arg0, %arg1, %arg2, %arg3, %arg4) {torch.onnx.decay_factor = 1.000000e-01 : f32, torch.onnx.epsilon = 9.99999974E-6 : f32, torch.onnx.norm_coefficient = 1.000000e-03 : f32} : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) + return %0#0, %0#1 : !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_adagrad/output_0.bin b/onnx-ops/onnx/node/generated/test_adagrad/output_0.bin new file mode 100644 index 0000000..09aca52 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad/output_0.bin @@ -0,0 +1 @@ +b? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adagrad/output_1.bin b/onnx-ops/onnx/node/generated/test_adagrad/output_1.bin new file mode 100644 index 0000000..75d32dd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad/output_1.bin @@ -0,0 +1 @@ +@?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adagrad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_adagrad/run_module_io_flags.txt new file mode 100644 index 0000000..ed8e055 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad/run_module_io_flags.txt @@ -0,0 +1,7 @@ +--input=f32=@input_0.bin +--input=i64=@input_1.bin +--input=1xf32=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=1xf32=@output_0.bin +--expected_output=1xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_0.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_0.bin new file mode 100644 index 0000000..347576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_0.bin @@ -0,0 +1 @@ += \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_1.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_2.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_3.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_3.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_4.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_4.bin new file mode 100644 index 0000000..29ab18b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_5.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_5.bin new file mode 100644 index 0000000..b8e3279 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_5.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_6.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_6.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_6.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_7.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_7.bin new file mode 100644 index 0000000..7c1f567 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adagrad_multiple/input_7.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/model.mlir b/onnx-ops/onnx/node/generated/test_adagrad_multiple/model.mlir new file mode 100644 index 0000000..8fa137c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad_multiple/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_adagrad_multiple(%arg0: !torch.vtensor<[],f32>, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[1],f32>, %arg3: !torch.vtensor<[2],f32>, %arg4: !torch.vtensor<[1],f32>, %arg5: !torch.vtensor<[2],f32>, %arg6: !torch.vtensor<[1],f32>, %arg7: !torch.vtensor<[2],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_versions = {ai.onnx.preview.training = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:4 = torch.operator "onnx.Adagrad"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) {torch.onnx.decay_factor = 1.000000e-01 : f32, torch.onnx.epsilon = 9.99999974E-6 : f32, torch.onnx.norm_coefficient = 1.000000e-03 : f32} : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1, %0#2, %0#3 : !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_0.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_0.bin new file mode 100644 index 0000000..09aca52 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_0.bin @@ -0,0 +1 @@ +b? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_1.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_1.bin new file mode 100644 index 0000000..08a1746 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_1.bin @@ -0,0 +1 @@ +@?7@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_2.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_2.bin new file mode 100644 index 0000000..75d32dd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_2.bin @@ -0,0 +1 @@ +@?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_3.bin b/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_3.bin new file mode 100644 index 0000000..531187f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad_multiple/output_3.bin @@ -0,0 +1 @@ +@A \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adagrad_multiple/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_adagrad_multiple/run_module_io_flags.txt new file mode 100644 index 0000000..f91c88a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adagrad_multiple/run_module_io_flags.txt @@ -0,0 +1,12 @@ +--input=f32=@input_0.bin +--input=i64=@input_1.bin +--input=1xf32=@input_2.bin +--input=2xf32=@input_3.bin +--input=1xf32=@input_4.bin +--input=2xf32=@input_5.bin +--input=1xf32=@input_6.bin +--input=2xf32=@input_7.bin +--expected_output=1xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=1xf32=@output_2.bin +--expected_output=2xf32=@output_3.bin diff --git a/onnx-ops/onnx/node/generated/test_adam/input_0.bin b/onnx-ops/onnx/node/generated/test_adam/input_0.bin new file mode 100644 index 0000000..347576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/input_0.bin @@ -0,0 +1 @@ += \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam/input_1.bin b/onnx-ops/onnx/node/generated/test_adam/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam/input_2.bin b/onnx-ops/onnx/node/generated/test_adam/input_2.bin new file mode 100644 index 0000000..5312e05 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/input_2.bin @@ -0,0 +1 @@ +?333@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam/input_3.bin b/onnx-ops/onnx/node/generated/test_adam/input_3.bin new file mode 100644 index 0000000..bf9379f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam/input_4.bin b/onnx-ops/onnx/node/generated/test_adam/input_4.bin new file mode 100644 index 0000000..9a3aade --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/input_4.bin @@ -0,0 +1 @@ +?fff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam/input_5.bin b/onnx-ops/onnx/node/generated/test_adam/input_5.bin new file mode 100644 index 0000000..a0d5cf8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/input_5.bin @@ -0,0 +1 @@ +== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam/model.mlir b/onnx-ops/onnx/node/generated/test_adam/model.mlir new file mode 100644 index 0000000..1cf9dce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_adam(%arg0: !torch.vtensor<[],f32>, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[2],f32>, %arg3: !torch.vtensor<[2],f32>, %arg4: !torch.vtensor<[2],f32>, %arg5: !torch.vtensor<[2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_versions = {ai.onnx.preview.training = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.Adam"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5) {torch.onnx.alpha = 0.949999988 : f32, torch.onnx.beta = 1.000000e-01 : f32, torch.onnx.epsilon = 1.000000e-07 : f32, torch.onnx.norm_coefficient = 1.000000e-03 : f32} : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_adam/output_0.bin b/onnx-ops/onnx/node/generated/test_adam/output_0.bin new file mode 100644 index 0000000..8ce83b4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/output_0.bin @@ -0,0 +1 @@ +d4?\N*@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam/output_1.bin b/onnx-ops/onnx/node/generated/test_adam/output_1.bin new file mode 100644 index 0000000..eb42b52 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/output_1.bin @@ -0,0 +1 @@ +1?R@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam/output_2.bin b/onnx-ops/onnx/node/generated/test_adam/output_2.bin new file mode 100644 index 0000000..32be835 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/output_2.bin @@ -0,0 +1 @@ +9M?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_adam/run_module_io_flags.txt new file mode 100644 index 0000000..b43c9a3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=f32=@input_0.bin +--input=i64=@input_1.bin +--input=2xf32=@input_2.bin +--input=2xf32=@input_3.bin +--input=2xf32=@input_4.bin +--input=2xf32=@input_5.bin +--expected_output=2xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=2xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_0.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_0.bin new file mode 100644 index 0000000..347576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam_multiple/input_0.bin @@ -0,0 +1 @@ += \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_1.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_2.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_3.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_3.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_4.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_4.bin new file mode 100644 index 0000000..29ab18b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_5.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_5.bin new file mode 100644 index 0000000..b8e3279 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_5.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_6.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_6.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_6.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_7.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_7.bin new file mode 100644 index 0000000..7c1f567 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_7.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_8.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_8.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_8.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/input_9.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/input_9.bin new file mode 100644 index 0000000..1444bbb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/input_9.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/model.mlir b/onnx-ops/onnx/node/generated/test_adam_multiple/model.mlir new file mode 100644 index 0000000..87cc1e2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam_multiple/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_adam_multiple(%arg0: !torch.vtensor<[],f32>, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[1],f32>, %arg3: !torch.vtensor<[2],f32>, %arg4: !torch.vtensor<[1],f32>, %arg5: !torch.vtensor<[2],f32>, %arg6: !torch.vtensor<[1],f32>, %arg7: !torch.vtensor<[2],f32>, %arg8: !torch.vtensor<[1],f32>, %arg9: !torch.vtensor<[2],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_versions = {ai.onnx.preview.training = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:6 = torch.operator "onnx.Adam"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7, %arg8, %arg9) {torch.onnx.alpha = 0.949999988 : f32, torch.onnx.beta = 8.500000e-01 : f32, torch.onnx.norm_coefficient = 1.000000e-03 : f32} : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1, %0#2, %0#3, %0#4, %0#5 : !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/output_0.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/output_0.bin new file mode 100644 index 0000000..870bb12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam_multiple/output_0.bin @@ -0,0 +1 @@ +VB? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/output_1.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/output_1.bin new file mode 100644 index 0000000..ea2917c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam_multiple/output_1.bin @@ -0,0 +1 @@ +d ?6? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/output_2.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/output_2.bin new file mode 100644 index 0000000..1d7f7bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam_multiple/output_2.bin @@ -0,0 +1 @@ +p? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/output_3.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/output_3.bin new file mode 100644 index 0000000..77b47f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_adam_multiple/output_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/output_4.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/output_4.bin new file mode 100644 index 0000000..4ac277e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam_multiple/output_4.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/output_5.bin b/onnx-ops/onnx/node/generated/test_adam_multiple/output_5.bin new file mode 100644 index 0000000..c985387 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam_multiple/output_5.bin @@ -0,0 +1 @@ +Z?;A \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_adam_multiple/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_adam_multiple/run_module_io_flags.txt new file mode 100644 index 0000000..82d2d3e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_adam_multiple/run_module_io_flags.txt @@ -0,0 +1,16 @@ +--input=f32=@input_0.bin +--input=i64=@input_1.bin +--input=1xf32=@input_2.bin +--input=2xf32=@input_3.bin +--input=1xf32=@input_4.bin +--input=2xf32=@input_5.bin +--input=1xf32=@input_6.bin +--input=2xf32=@input_7.bin +--input=1xf32=@input_8.bin +--input=2xf32=@input_9.bin +--expected_output=1xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=1xf32=@output_2.bin +--expected_output=2xf32=@output_3.bin +--expected_output=1xf32=@output_4.bin +--expected_output=2xf32=@output_5.bin diff --git a/onnx-ops/onnx/node/generated/test_add/input_0.bin b/onnx-ops/onnx/node/generated/test_add/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_add/input_1.bin b/onnx-ops/onnx/node/generated/test_add/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_add/model.mlir b/onnx-ops/onnx/node/generated/test_add/model.mlir new file mode 100644 index 0000000..d0e4a50 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_add(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Add"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_add/output_0.bin b/onnx-ops/onnx/node/generated/test_add/output_0.bin new file mode 100644 index 0000000..ce50c78 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_add/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_add/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_add/run_module_io_flags.txt new file mode 100644 index 0000000..7bd95ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_add_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_add_bcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add_bcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_add_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_add_bcast/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add_bcast/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_add_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_add_bcast/model.mlir new file mode 100644 index 0000000..bbf7ce5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_add_bcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Add"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_add_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_add_bcast/output_0.bin new file mode 100644 index 0000000..1e7196e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_add_bcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_add_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_add_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..b3bf093 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_add_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_add_uint8/input_0.bin new file mode 100644 index 0000000..b07ff6d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_add_uint8/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_add_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_add_uint8/input_1.bin new file mode 100644 index 0000000..b0b4206 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add_uint8/input_1.bin @@ -0,0 +1,4 @@ + + + +        \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_add_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_add_uint8/model.mlir new file mode 100644 index 0000000..19f2544 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_add_uint8(%arg0: !torch.vtensor<[3,4,5],ui8>, %arg1: !torch.vtensor<[3,4,5],ui8>) -> !torch.vtensor<[3,4,5],ui8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Add"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],ui8>, !torch.vtensor<[3,4,5],ui8>) -> !torch.vtensor<[3,4,5],ui8> + return %0 : !torch.vtensor<[3,4,5],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_add_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_add_uint8/output_0.bin new file mode 100644 index 0000000..a542a50 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add_uint8/output_0.bin @@ -0,0 +1 @@ +&, $!"' ,$'" \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_add_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_add_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..57b7b04 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_add_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi8=@input_0.bin +--input=3x4x5xi8=@input_1.bin +--expected_output=3x4x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d/input_0.bin new file mode 100644 index 0000000..b0aec6a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d/input_1.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d/input_1.bin new file mode 100644 index 0000000..6bf574f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d/model.mlir b/onnx-ops/onnx/node/generated/test_affine_grid_2d/model.mlir new file mode 100644 index 0000000..fb67397 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_affine_grid_2d(%arg0: !torch.vtensor<[2,2,3],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,5,6,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AffineGrid"(%arg0, %arg1) {torch.onnx.align_corners = 0 : si64} : (!torch.vtensor<[2,2,3],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,5,6,2],f32> + return %0 : !torch.vtensor<[2,5,6,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d/output_0.bin new file mode 100644 index 0000000..89c4344 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d/output_0.bin @@ -0,0 +1,2 @@ +"@0:@]@qP@unAJ4Aiui @Î@xG@,j @Y@(." @f$@W@ :1@hΥ@=Ql@P| @pο1@H@>w5`@Lqw@! V@쿗@c&?~x?e[_ @ͧ0vD#@6:@1ME@;?!W@qR?:h@ӊ?+@=r@(>5G%@"?7@8e?>H@7?Z@ҵ?h?;%>9A@4?@w?B(@M?Ǿ:@L5?LL@K?yv?%G??b?F@?˸@?P,@3?a>@H@?Ŏ??`?e??T @Ֆ?[@ +@^00@jf@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_affine_grid_2d/run_module_io_flags.txt new file mode 100644 index 0000000..9c0d663 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x3xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=2x5x6x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/input_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/input_0.bin new file mode 100644 index 0000000..b0aec6a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/input_1.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/input_1.bin new file mode 100644 index 0000000..6bf574f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/model.mlir b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/model.mlir new file mode 100644 index 0000000..805d642 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_affine_grid_2d_align_corners(%arg0: !torch.vtensor<[2,2,3],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,5,6,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AffineGrid"(%arg0, %arg1) {torch.onnx.align_corners = 1 : si64} : (!torch.vtensor<[2,2,3],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,5,6,2],f32> + return %0 : !torch.vtensor<[2,5,6,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/output_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/output_0.bin new file mode 100644 index 0000000..3fd131c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/output_0.bin @@ -0,0 +1 @@ + _@ cLO@KAAuA K(A5ñ@ٻv@@B@c\8@~(yt@鿼Nz@}P@m@m @rP9a@@؊@6ǘ,@}H@eJd@=L@Ŀ<@t:}?=?YZ@?&?Vga@C}A3@: @c#@bY8@ju=`.N@>̓c@;?8x@!"??` ܽ@T> '@W?p<@qV?Q@]?d;g@߻??<>?О ?JM@Fq?*@?"@@2J?}U@˝?9?Hs;?T?= ?u@`?@n?MZ.@?C@Э@ ?yw?gظ?˻?@?? 7@"9@x@b@2@.@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/run_module_io_flags.txt new file mode 100644 index 0000000..9c0d663 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x3xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=2x5x6x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/input_0.bin new file mode 100644 index 0000000..b0aec6a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/input_1.bin new file mode 100644 index 0000000..6bf574f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/model.mlir new file mode 100644 index 0000000..f4cd1e5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/model.mlir @@ -0,0 +1,140 @@ +module { + func.func @test_affine_grid_2d_align_corners_expanded(%arg0: !torch.vtensor<[2,2,3],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,5,6,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 2 : si64} : () -> !torch.vtensor<[],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 4 : si64} : () -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [1 : si64]} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64]} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value_int = -1 : si64} : () -> !torch.vtensor<[],si64> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.CastLike"(%1, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %12 = torch.operator "onnx.Equal"(%11, %2) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],i1> + %13 = torch.operator "onnx.Size"(%arg1) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %14 = torch.operator "onnx.Equal"(%13, %3) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],i1> + %15:5 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) { + %63:5 = torch.operator "onnx.Split"(%arg1) {torch.onnx.num_outputs = 5 : si64} : (!torch.vtensor<[4],si64>) -> (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[0],si64>) + torch.operator_terminator %63#0, %63#1, %63#2, %63#3, %63#4 : !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[0],si64> + }, { + %63:4 = torch.operator "onnx.Split"(%arg1) {torch.onnx.num_outputs = 4 : si64} : (!torch.vtensor<[4],si64>) -> (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) + %64 = torch.operator "onnx.Identity"(%4) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + torch.operator_terminator %63#0, %63#1, %64, %63#2, %63#3 : !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64> + } + %16 = torch.operator "onnx.Concat"(%15#0, %15#1, %15#2, %15#3, %15#4) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %17 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[],f32> { + %63 = torch.operator "onnx.Identity"(%arg0) : (!torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[2,2,3],f32> + torch.operator_terminator %63 : !torch.vtensor<[2,2,3],f32> + }, { + %63 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64, 1 : si64, 2 : si64, 0 : si64, 1 : si64, 2 : si64]} : () -> !torch.vtensor<[6],si64> + %64 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [2 : si64, 3 : si64]} : () -> !torch.vtensor<[2],si64> + %65 = torch.operator "onnx.Reshape"(%63, %64) : (!torch.vtensor<[6],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2,3],si64> + %66 = torch.operator "onnx.Concat"(%15#0, %64) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3],si64> + %67 = torch.operator "onnx.Expand"(%65, %66) : (!torch.vtensor<[2,3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[?,2,3],si64> + %68 = torch.operator "onnx.GatherElements"(%arg0, %67) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,2,3],f32>, !torch.vtensor<[?,2,3],si64>) -> !torch.vtensor<[?,2,3],f32> + %69:2 = torch.operator "onnx.Split"(%68) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 2 : si64} : (!torch.vtensor<[?,2,3],f32>) -> (!torch.vtensor<[?,1,3],f32>, !torch.vtensor<[?,1,3],f32>) + %70 = torch.operator "onnx.Squeeze"(%69#0) : (!torch.vtensor<[?,1,3],f32>) -> !torch.vtensor<[],f32> + %71 = torch.operator "onnx.Squeeze"(%69#1) : (!torch.vtensor<[?,1,3],f32>) -> !torch.vtensor<[],f32> + %72:3 = torch.operator "onnx.Split"(%70) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %73:3 = torch.operator "onnx.Split"(%71) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %74 = torch.operator "onnx.Shape"(%73#0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[?],si64> + %75 = torch.operator "onnx.ConstantOfShape"(%74) : (!torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %76 = torch.operator "onnx.CastLike"(%75, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %77 = torch.operator "onnx.Add"(%76, %9) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %78 = torch.operator "onnx.Concat"(%72#0, %72#1, %76, %72#2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %79 = torch.operator "onnx.Concat"(%73#0, %73#1, %76, %73#2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %80 = torch.operator "onnx.Concat"(%76, %76, %77, %76) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %81 = torch.operator "onnx.Unsqueeze"(%78, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %82 = torch.operator "onnx.Unsqueeze"(%79, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %83 = torch.operator "onnx.Unsqueeze"(%80, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %84 = torch.operator "onnx.Concat"(%81, %82, %83) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %84 : !torch.vtensor<[],f32> + } + %18 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [2 : si64]} : () -> !torch.vtensor<[1],si64> + %19 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [3 : si64]} : () -> !torch.vtensor<[1],si64> + %20 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [5 : si64]} : () -> !torch.vtensor<[1],si64> + %21 = torch.operator "onnx.Slice"(%16, %18, %20) : (!torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %22 = torch.operator "onnx.ConstantOfShape"(%21) : (!torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %23 = torch.operator "onnx.CastLike"(%22, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %24 = torch.operator "onnx.Add"(%23, %9) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %25 = torch.operator "onnx.CastLike"(%15#2, %8) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %26 = torch.operator "onnx.CastLike"(%15#3, %8) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %27 = torch.operator "onnx.CastLike"(%15#4, %8) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %28:6 = torch.operator "onnx.If"(%12) : (!torch.vtensor<[],i1>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) { + %63 = torch.operator "onnx.Sub"(%25, %9) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %64 = torch.operator "onnx.Sub"(%26, %9) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %65 = torch.operator "onnx.Sub"(%27, %9) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %66 = torch.operator "onnx.Equal"(%15#2, %0) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[1],i1> + %67 = torch.operator "onnx.If"(%66) : (!torch.vtensor<[1],i1>) -> !torch.vtensor<[],f32> { + %73 = torch.operator "onnx.Div"(%10, %63) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + torch.operator_terminator %73 : !torch.vtensor<[1],f32> + }, { + %73 = torch.operator "onnx.Identity"(%8) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %73 : !torch.vtensor<[],f32> + } + %68 = torch.operator "onnx.Div"(%10, %64) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %69 = torch.operator "onnx.Div"(%10, %65) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %70 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %71 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %72 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %70, %67, %71, %68, %72, %69 : !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32> + }, { + %63 = torch.operator "onnx.Div"(%10, %25) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %64 = torch.operator "onnx.Div"(%10, %26) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %65 = torch.operator "onnx.Div"(%10, %27) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %66 = torch.operator "onnx.Div"(%63, %10) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %67 = torch.operator "onnx.Add"(%7, %66) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %68 = torch.operator "onnx.Div"(%64, %10) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %69 = torch.operator "onnx.Add"(%7, %68) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %70 = torch.operator "onnx.Div"(%65, %10) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %71 = torch.operator "onnx.Add"(%7, %70) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + torch.operator_terminator %67, %63, %69, %64, %71, %65 : !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[?],f32> + } + %29 = torch.operator "onnx.Range"(%2, %15#4, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %30 = torch.operator "onnx.CastLike"(%29, %28#5) : (!torch.vtensor<[?],si64>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %31 = torch.operator "onnx.Mul"(%30, %28#5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %32 = torch.operator "onnx.Add"(%28#4, %31) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[],f32> + %33 = torch.operator "onnx.Range"(%2, %15#3, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %34 = torch.operator "onnx.CastLike"(%33, %28#3) : (!torch.vtensor<[?],si64>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[?],f32> + %35 = torch.operator "onnx.Mul"(%34, %28#3) : (!torch.vtensor<[?],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[?],f32> + %36 = torch.operator "onnx.Add"(%28#2, %35) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[],f32> + %37 = torch.operator "onnx.Range"(%2, %15#2, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %38 = torch.operator "onnx.CastLike"(%37, %28#1) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %39 = torch.operator "onnx.Mul"(%38, %28#1) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %40 = torch.operator "onnx.Add"(%28#0, %39) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %41 = torch.operator "onnx.Transpose"(%23) {torch.onnx.perm = [1 : si64, 2 : si64, 0 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %42 = torch.operator "onnx.Add"(%41, %40) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %43 = torch.operator "onnx.Transpose"(%42) {torch.onnx.perm = [2 : si64, 0 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %44 = torch.operator "onnx.Transpose"(%23) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %45 = torch.operator "onnx.Add"(%44, %36) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %46 = torch.operator "onnx.Transpose"(%45) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %47 = torch.operator "onnx.Add"(%32, %23) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %48 = torch.operator "onnx.Unsqueeze"(%47, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %49 = torch.operator "onnx.Unsqueeze"(%46, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %50 = torch.operator "onnx.Unsqueeze"(%43, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %51 = torch.operator "onnx.Unsqueeze"(%24, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %52 = torch.operator "onnx.Concat"(%48, %49, %50, %51) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %53 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [-1 : si64, 4 : si64]} : () -> !torch.vtensor<[2],si64> + %54 = torch.operator "onnx.Reshape"(%52, %53) : (!torch.vtensor<[],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?,4],f32> + %55 = torch.operator "onnx.Transpose"(%54) : (!torch.vtensor<[?,4],f32>) -> !torch.vtensor<[4,?],f32> + %56 = torch.operator "onnx.CastLike"(%55, %17) : (!torch.vtensor<[4,?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[4,?],f32> + %57 = torch.operator "onnx.MatMul"(%17, %56) : (!torch.vtensor<[],f32>, !torch.vtensor<[4,?],f32>) -> !torch.vtensor<[],f32> + %58 = torch.operator "onnx.Transpose"(%57) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %59 = torch.operator "onnx.Concat"(%15#0, %15#2, %15#3, %15#4, %19) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %60 = torch.operator "onnx.Reshape"(%58, %59) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %61 = torch.operator "onnx.CastLike"(%60, %17) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %62 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[2,5,6,2],f32> { + %63 = torch.operator "onnx.Identity"(%61) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %63 : !torch.vtensor<[],f32> + }, { + %63 = torch.operator "onnx.Squeeze"(%61, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %64 = torch.operator "onnx.Slice"(%63, %5, %18, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + torch.operator_terminator %64 : !torch.vtensor<[],f32> + } + return %62 : !torch.vtensor<[2,5,6,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/output_0.bin new file mode 100644 index 0000000..3fd131c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/output_0.bin @@ -0,0 +1 @@ + _@ cLO@KAAuA K(A5ñ@ٻv@@B@c\8@~(yt@鿼Nz@}P@m@m @rP9a@@؊@6ǘ,@}H@eJd@=L@Ŀ<@t:}?=?YZ@?&?Vga@C}A3@: @c#@bY8@ju=`.N@>̓c@;?8x@!"??` ܽ@T> '@W?p<@qV?Q@]?d;g@߻??<>?О ?JM@Fq?*@?"@@2J?}U@˝?9?Hs;?T?= ?u@`?@n?MZ.@?C@Э@ ?yw?gظ?˻?@?? 7@"9@x@b@2@.@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..9c0d663 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_align_corners_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x3xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=2x5x6x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/input_0.bin new file mode 100644 index 0000000..b0aec6a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/input_1.bin new file mode 100644 index 0000000..6bf574f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/model.mlir new file mode 100644 index 0000000..d26ea48 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/model.mlir @@ -0,0 +1,140 @@ +module { + func.func @test_affine_grid_2d_expanded(%arg0: !torch.vtensor<[2,2,3],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,5,6,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 2 : si64} : () -> !torch.vtensor<[],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 4 : si64} : () -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [1 : si64]} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64]} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value_int = -1 : si64} : () -> !torch.vtensor<[],si64> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.CastLike"(%1, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %12 = torch.operator "onnx.Equal"(%11, %2) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],i1> + %13 = torch.operator "onnx.Size"(%arg1) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %14 = torch.operator "onnx.Equal"(%13, %3) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],i1> + %15:5 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) { + %63:5 = torch.operator "onnx.Split"(%arg1) {torch.onnx.num_outputs = 5 : si64} : (!torch.vtensor<[4],si64>) -> (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[0],si64>) + torch.operator_terminator %63#0, %63#1, %63#2, %63#3, %63#4 : !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[0],si64> + }, { + %63:4 = torch.operator "onnx.Split"(%arg1) {torch.onnx.num_outputs = 4 : si64} : (!torch.vtensor<[4],si64>) -> (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) + %64 = torch.operator "onnx.Identity"(%4) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + torch.operator_terminator %63#0, %63#1, %64, %63#2, %63#3 : !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64> + } + %16 = torch.operator "onnx.Concat"(%15#0, %15#1, %15#2, %15#3, %15#4) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %17 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[],f32> { + %63 = torch.operator "onnx.Identity"(%arg0) : (!torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[2,2,3],f32> + torch.operator_terminator %63 : !torch.vtensor<[2,2,3],f32> + }, { + %63 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64, 1 : si64, 2 : si64, 0 : si64, 1 : si64, 2 : si64]} : () -> !torch.vtensor<[6],si64> + %64 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [2 : si64, 3 : si64]} : () -> !torch.vtensor<[2],si64> + %65 = torch.operator "onnx.Reshape"(%63, %64) : (!torch.vtensor<[6],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2,3],si64> + %66 = torch.operator "onnx.Concat"(%15#0, %64) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3],si64> + %67 = torch.operator "onnx.Expand"(%65, %66) : (!torch.vtensor<[2,3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[?,2,3],si64> + %68 = torch.operator "onnx.GatherElements"(%arg0, %67) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,2,3],f32>, !torch.vtensor<[?,2,3],si64>) -> !torch.vtensor<[?,2,3],f32> + %69:2 = torch.operator "onnx.Split"(%68) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 2 : si64} : (!torch.vtensor<[?,2,3],f32>) -> (!torch.vtensor<[?,1,3],f32>, !torch.vtensor<[?,1,3],f32>) + %70 = torch.operator "onnx.Squeeze"(%69#0) : (!torch.vtensor<[?,1,3],f32>) -> !torch.vtensor<[],f32> + %71 = torch.operator "onnx.Squeeze"(%69#1) : (!torch.vtensor<[?,1,3],f32>) -> !torch.vtensor<[],f32> + %72:3 = torch.operator "onnx.Split"(%70) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %73:3 = torch.operator "onnx.Split"(%71) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %74 = torch.operator "onnx.Shape"(%73#0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[?],si64> + %75 = torch.operator "onnx.ConstantOfShape"(%74) : (!torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %76 = torch.operator "onnx.CastLike"(%75, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %77 = torch.operator "onnx.Add"(%76, %9) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %78 = torch.operator "onnx.Concat"(%72#0, %72#1, %76, %72#2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %79 = torch.operator "onnx.Concat"(%73#0, %73#1, %76, %73#2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %80 = torch.operator "onnx.Concat"(%76, %76, %77, %76) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %81 = torch.operator "onnx.Unsqueeze"(%78, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %82 = torch.operator "onnx.Unsqueeze"(%79, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %83 = torch.operator "onnx.Unsqueeze"(%80, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %84 = torch.operator "onnx.Concat"(%81, %82, %83) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %84 : !torch.vtensor<[],f32> + } + %18 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [2 : si64]} : () -> !torch.vtensor<[1],si64> + %19 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [3 : si64]} : () -> !torch.vtensor<[1],si64> + %20 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [5 : si64]} : () -> !torch.vtensor<[1],si64> + %21 = torch.operator "onnx.Slice"(%16, %18, %20) : (!torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %22 = torch.operator "onnx.ConstantOfShape"(%21) : (!torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %23 = torch.operator "onnx.CastLike"(%22, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,2,3],f32>) -> !torch.vtensor<[],f32> + %24 = torch.operator "onnx.Add"(%23, %9) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %25 = torch.operator "onnx.CastLike"(%15#2, %8) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %26 = torch.operator "onnx.CastLike"(%15#3, %8) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %27 = torch.operator "onnx.CastLike"(%15#4, %8) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %28:6 = torch.operator "onnx.If"(%12) : (!torch.vtensor<[],i1>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) { + %63 = torch.operator "onnx.Sub"(%25, %9) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %64 = torch.operator "onnx.Sub"(%26, %9) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %65 = torch.operator "onnx.Sub"(%27, %9) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %66 = torch.operator "onnx.Equal"(%15#2, %0) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[1],i1> + %67 = torch.operator "onnx.If"(%66) : (!torch.vtensor<[1],i1>) -> !torch.vtensor<[],f32> { + %73 = torch.operator "onnx.Div"(%10, %63) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + torch.operator_terminator %73 : !torch.vtensor<[1],f32> + }, { + %73 = torch.operator "onnx.Identity"(%8) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %73 : !torch.vtensor<[],f32> + } + %68 = torch.operator "onnx.Div"(%10, %64) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %69 = torch.operator "onnx.Div"(%10, %65) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %70 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %71 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %72 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %70, %67, %71, %68, %72, %69 : !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32> + }, { + %63 = torch.operator "onnx.Div"(%10, %25) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %64 = torch.operator "onnx.Div"(%10, %26) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %65 = torch.operator "onnx.Div"(%10, %27) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %66 = torch.operator "onnx.Div"(%63, %10) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %67 = torch.operator "onnx.Add"(%7, %66) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %68 = torch.operator "onnx.Div"(%64, %10) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %69 = torch.operator "onnx.Add"(%7, %68) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %70 = torch.operator "onnx.Div"(%65, %10) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %71 = torch.operator "onnx.Add"(%7, %70) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + torch.operator_terminator %67, %63, %69, %64, %71, %65 : !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[?],f32> + } + %29 = torch.operator "onnx.Range"(%2, %15#4, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %30 = torch.operator "onnx.CastLike"(%29, %28#5) : (!torch.vtensor<[?],si64>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %31 = torch.operator "onnx.Mul"(%30, %28#5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %32 = torch.operator "onnx.Add"(%28#4, %31) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[],f32> + %33 = torch.operator "onnx.Range"(%2, %15#3, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %34 = torch.operator "onnx.CastLike"(%33, %28#3) : (!torch.vtensor<[?],si64>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[?],f32> + %35 = torch.operator "onnx.Mul"(%34, %28#3) : (!torch.vtensor<[?],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[?],f32> + %36 = torch.operator "onnx.Add"(%28#2, %35) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[],f32> + %37 = torch.operator "onnx.Range"(%2, %15#2, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %38 = torch.operator "onnx.CastLike"(%37, %28#1) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %39 = torch.operator "onnx.Mul"(%38, %28#1) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %40 = torch.operator "onnx.Add"(%28#0, %39) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %41 = torch.operator "onnx.Transpose"(%23) {torch.onnx.perm = [1 : si64, 2 : si64, 0 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %42 = torch.operator "onnx.Add"(%41, %40) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %43 = torch.operator "onnx.Transpose"(%42) {torch.onnx.perm = [2 : si64, 0 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %44 = torch.operator "onnx.Transpose"(%23) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %45 = torch.operator "onnx.Add"(%44, %36) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %46 = torch.operator "onnx.Transpose"(%45) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %47 = torch.operator "onnx.Add"(%32, %23) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %48 = torch.operator "onnx.Unsqueeze"(%47, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %49 = torch.operator "onnx.Unsqueeze"(%46, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %50 = torch.operator "onnx.Unsqueeze"(%43, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %51 = torch.operator "onnx.Unsqueeze"(%24, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %52 = torch.operator "onnx.Concat"(%48, %49, %50, %51) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %53 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [-1 : si64, 4 : si64]} : () -> !torch.vtensor<[2],si64> + %54 = torch.operator "onnx.Reshape"(%52, %53) : (!torch.vtensor<[],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?,4],f32> + %55 = torch.operator "onnx.Transpose"(%54) : (!torch.vtensor<[?,4],f32>) -> !torch.vtensor<[4,?],f32> + %56 = torch.operator "onnx.CastLike"(%55, %17) : (!torch.vtensor<[4,?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[4,?],f32> + %57 = torch.operator "onnx.MatMul"(%17, %56) : (!torch.vtensor<[],f32>, !torch.vtensor<[4,?],f32>) -> !torch.vtensor<[],f32> + %58 = torch.operator "onnx.Transpose"(%57) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %59 = torch.operator "onnx.Concat"(%15#0, %15#2, %15#3, %15#4, %19) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %60 = torch.operator "onnx.Reshape"(%58, %59) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %61 = torch.operator "onnx.CastLike"(%60, %17) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %62 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[2,5,6,2],f32> { + %63 = torch.operator "onnx.Identity"(%61) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %63 : !torch.vtensor<[],f32> + }, { + %63 = torch.operator "onnx.Squeeze"(%61, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %64 = torch.operator "onnx.Slice"(%63, %5, %18, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + torch.operator_terminator %64 : !torch.vtensor<[],f32> + } + return %62 : !torch.vtensor<[2,5,6,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/output_0.bin new file mode 100644 index 0000000..89c4344 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/output_0.bin @@ -0,0 +1,2 @@ +"@0:@]@qP@unAJ4Aiui @Î@xG@,j @Y@(." @f$@W@ :1@hΥ@=Ql@P| @pο1@H@>w5`@Lqw@! V@쿗@c&?~x?e[_ @ͧ0vD#@6:@1ME@;?!W@qR?:h@ӊ?+@=r@(>5G%@"?7@8e?>H@7?Z@ҵ?h?;%>9A@4?@w?B(@M?Ǿ:@L5?LL@K?yv?%G??b?F@?˸@?P,@3?a>@H@?Ŏ??`?e??T @Ֆ?[@ +@^00@jf@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..9c0d663 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_2d_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x3xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=2x5x6x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d/input_0.bin new file mode 100644 index 0000000..b09be33 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d/input_1.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d/input_1.bin new file mode 100644 index 0000000..92e454e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d/model.mlir b/onnx-ops/onnx/node/generated/test_affine_grid_3d/model.mlir new file mode 100644 index 0000000..b338d9c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_affine_grid_3d(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[5],si64>) -> !torch.vtensor<[2,4,5,6,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AffineGrid"(%arg0, %arg1) {torch.onnx.align_corners = 0 : si64} : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[5],si64>) -> !torch.vtensor<[2,4,5,6,3],f32> + return %0 : !torch.vtensor<[2,4,5,6,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d/output_0.bin new file mode 100644 index 0000000..0f1c9e9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_affine_grid_3d/run_module_io_flags.txt new file mode 100644 index 0000000..38ffc7b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=5xi64=@input_1.bin +--expected_output=2x4x5x6x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/input_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/input_0.bin new file mode 100644 index 0000000..b09be33 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/input_1.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/input_1.bin new file mode 100644 index 0000000..92e454e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/model.mlir b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/model.mlir new file mode 100644 index 0000000..9a54ccb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_affine_grid_3d_align_corners(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[5],si64>) -> !torch.vtensor<[2,4,5,6,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AffineGrid"(%arg0, %arg1) {torch.onnx.align_corners = 1 : si64} : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[5],si64>) -> !torch.vtensor<[2,4,5,6,3],f32> + return %0 : !torch.vtensor<[2,4,5,6,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/output_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/output_0.bin new file mode 100644 index 0000000..67e77be Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/run_module_io_flags.txt new file mode 100644 index 0000000..38ffc7b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=5xi64=@input_1.bin +--expected_output=2x4x5x6x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/input_0.bin new file mode 100644 index 0000000..b09be33 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/input_1.bin new file mode 100644 index 0000000..92e454e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/model.mlir new file mode 100644 index 0000000..d9c2a31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/model.mlir @@ -0,0 +1,140 @@ +module { + func.func @test_affine_grid_3d_align_corners_expanded(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[5],si64>) -> !torch.vtensor<[2,4,5,6,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 2 : si64} : () -> !torch.vtensor<[],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 4 : si64} : () -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [1 : si64]} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64]} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value_int = -1 : si64} : () -> !torch.vtensor<[],si64> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.CastLike"(%1, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %12 = torch.operator "onnx.Equal"(%11, %2) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],i1> + %13 = torch.operator "onnx.Size"(%arg1) : (!torch.vtensor<[5],si64>) -> !torch.vtensor<[],si64> + %14 = torch.operator "onnx.Equal"(%13, %3) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],i1> + %15:5 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> (!torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>) { + %63:5 = torch.operator "onnx.Split"(%arg1) {torch.onnx.num_outputs = 5 : si64} : (!torch.vtensor<[5],si64>) -> (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) + torch.operator_terminator %63#0, %63#1, %63#2, %63#3, %63#4 : !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64> + }, { + %63:4 = torch.operator "onnx.Split"(%arg1) {torch.onnx.num_outputs = 4 : si64} : (!torch.vtensor<[5],si64>) -> (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[?],si64>) + %64 = torch.operator "onnx.Identity"(%4) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + torch.operator_terminator %63#0, %63#1, %64, %63#2, %63#3 : !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[?],si64> + } + %16 = torch.operator "onnx.Concat"(%15#0, %15#1, %15#2, %15#3, %15#4) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %17 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[],f32> { + %63 = torch.operator "onnx.Identity"(%arg0) : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,4],f32> + torch.operator_terminator %63 : !torch.vtensor<[2,3,4],f32> + }, { + %63 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64, 1 : si64, 2 : si64, 0 : si64, 1 : si64, 2 : si64]} : () -> !torch.vtensor<[6],si64> + %64 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [2 : si64, 3 : si64]} : () -> !torch.vtensor<[2],si64> + %65 = torch.operator "onnx.Reshape"(%63, %64) : (!torch.vtensor<[6],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2,3],si64> + %66 = torch.operator "onnx.Concat"(%15#0, %64) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[?],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?],si64> + %67 = torch.operator "onnx.Expand"(%65, %66) : (!torch.vtensor<[2,3],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[],si64> + %68 = torch.operator "onnx.GatherElements"(%arg0, %67) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %69:2 = torch.operator "onnx.Split"(%68) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 2 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %70 = torch.operator "onnx.Squeeze"(%69#0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %71 = torch.operator "onnx.Squeeze"(%69#1) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %72:3 = torch.operator "onnx.Split"(%70) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %73:3 = torch.operator "onnx.Split"(%71) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %74 = torch.operator "onnx.Shape"(%73#0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[?],si64> + %75 = torch.operator "onnx.ConstantOfShape"(%74) : (!torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %76 = torch.operator "onnx.CastLike"(%75, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %77 = torch.operator "onnx.Add"(%76, %9) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %78 = torch.operator "onnx.Concat"(%72#0, %72#1, %76, %72#2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %79 = torch.operator "onnx.Concat"(%73#0, %73#1, %76, %73#2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %80 = torch.operator "onnx.Concat"(%76, %76, %77, %76) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %81 = torch.operator "onnx.Unsqueeze"(%78, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %82 = torch.operator "onnx.Unsqueeze"(%79, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %83 = torch.operator "onnx.Unsqueeze"(%80, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %84 = torch.operator "onnx.Concat"(%81, %82, %83) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %84 : !torch.vtensor<[],f32> + } + %18 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [2 : si64]} : () -> !torch.vtensor<[1],si64> + %19 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [3 : si64]} : () -> !torch.vtensor<[1],si64> + %20 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [5 : si64]} : () -> !torch.vtensor<[1],si64> + %21 = torch.operator "onnx.Slice"(%16, %18, %20) : (!torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %22 = torch.operator "onnx.ConstantOfShape"(%21) : (!torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %23 = torch.operator "onnx.CastLike"(%22, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %24 = torch.operator "onnx.Add"(%23, %9) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %25 = torch.operator "onnx.CastLike"(%15#2, %8) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %26 = torch.operator "onnx.CastLike"(%15#3, %8) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %27 = torch.operator "onnx.CastLike"(%15#4, %8) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %28:6 = torch.operator "onnx.If"(%12) : (!torch.vtensor<[],i1>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) { + %63 = torch.operator "onnx.Sub"(%25, %9) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %64 = torch.operator "onnx.Sub"(%26, %9) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %65 = torch.operator "onnx.Sub"(%27, %9) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %66 = torch.operator "onnx.Equal"(%15#2, %0) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[1],i1> + %67 = torch.operator "onnx.If"(%66) : (!torch.vtensor<[1],i1>) -> !torch.vtensor<[],f32> { + %73 = torch.operator "onnx.Div"(%10, %63) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + torch.operator_terminator %73 : !torch.vtensor<[1],f32> + }, { + %73 = torch.operator "onnx.Identity"(%8) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %73 : !torch.vtensor<[],f32> + } + %68 = torch.operator "onnx.Div"(%10, %64) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %69 = torch.operator "onnx.Div"(%10, %65) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %70 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %71 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %72 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %70, %67, %71, %68, %72, %69 : !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32> + }, { + %63 = torch.operator "onnx.Div"(%10, %25) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %64 = torch.operator "onnx.Div"(%10, %26) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %65 = torch.operator "onnx.Div"(%10, %27) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %66 = torch.operator "onnx.Div"(%63, %10) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %67 = torch.operator "onnx.Add"(%7, %66) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %68 = torch.operator "onnx.Div"(%64, %10) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %69 = torch.operator "onnx.Add"(%7, %68) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %70 = torch.operator "onnx.Div"(%65, %10) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %71 = torch.operator "onnx.Add"(%7, %70) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + torch.operator_terminator %67, %63, %69, %64, %71, %65 : !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[?],f32> + } + %29 = torch.operator "onnx.Range"(%2, %15#4, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %30 = torch.operator "onnx.CastLike"(%29, %28#5) : (!torch.vtensor<[?],si64>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %31 = torch.operator "onnx.Mul"(%30, %28#5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %32 = torch.operator "onnx.Add"(%28#4, %31) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[],f32> + %33 = torch.operator "onnx.Range"(%2, %15#3, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %34 = torch.operator "onnx.CastLike"(%33, %28#3) : (!torch.vtensor<[?],si64>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %35 = torch.operator "onnx.Mul"(%34, %28#3) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %36 = torch.operator "onnx.Add"(%28#2, %35) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[],f32> + %37 = torch.operator "onnx.Range"(%2, %15#2, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %38 = torch.operator "onnx.CastLike"(%37, %28#1) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %39 = torch.operator "onnx.Mul"(%38, %28#1) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %40 = torch.operator "onnx.Add"(%28#0, %39) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %41 = torch.operator "onnx.Transpose"(%23) {torch.onnx.perm = [1 : si64, 2 : si64, 0 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %42 = torch.operator "onnx.Add"(%41, %40) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %43 = torch.operator "onnx.Transpose"(%42) {torch.onnx.perm = [2 : si64, 0 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %44 = torch.operator "onnx.Transpose"(%23) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %45 = torch.operator "onnx.Add"(%44, %36) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %46 = torch.operator "onnx.Transpose"(%45) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %47 = torch.operator "onnx.Add"(%32, %23) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %48 = torch.operator "onnx.Unsqueeze"(%47, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %49 = torch.operator "onnx.Unsqueeze"(%46, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %50 = torch.operator "onnx.Unsqueeze"(%43, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %51 = torch.operator "onnx.Unsqueeze"(%24, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %52 = torch.operator "onnx.Concat"(%48, %49, %50, %51) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %53 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [-1 : si64, 4 : si64]} : () -> !torch.vtensor<[2],si64> + %54 = torch.operator "onnx.Reshape"(%52, %53) : (!torch.vtensor<[],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?,4],f32> + %55 = torch.operator "onnx.Transpose"(%54) : (!torch.vtensor<[?,4],f32>) -> !torch.vtensor<[4,?],f32> + %56 = torch.operator "onnx.CastLike"(%55, %17) : (!torch.vtensor<[4,?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[4,?],f32> + %57 = torch.operator "onnx.MatMul"(%17, %56) : (!torch.vtensor<[],f32>, !torch.vtensor<[4,?],f32>) -> !torch.vtensor<[],f32> + %58 = torch.operator "onnx.Transpose"(%57) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %59 = torch.operator "onnx.Concat"(%15#0, %15#2, %15#3, %15#4, %19) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %60 = torch.operator "onnx.Reshape"(%58, %59) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %61 = torch.operator "onnx.CastLike"(%60, %17) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %62 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[2,4,5,6,3],f32> { + %63 = torch.operator "onnx.Identity"(%61) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %63 : !torch.vtensor<[],f32> + }, { + %63 = torch.operator "onnx.Squeeze"(%61, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %64 = torch.operator "onnx.Slice"(%63, %5, %18, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + torch.operator_terminator %64 : !torch.vtensor<[],f32> + } + return %62 : !torch.vtensor<[2,4,5,6,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/output_0.bin new file mode 100644 index 0000000..67e77be Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..38ffc7b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_3d_align_corners_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=5xi64=@input_1.bin +--expected_output=2x4x5x6x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/input_0.bin new file mode 100644 index 0000000..b09be33 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/input_1.bin new file mode 100644 index 0000000..92e454e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/model.mlir new file mode 100644 index 0000000..d896e40 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/model.mlir @@ -0,0 +1,140 @@ +module { + func.func @test_affine_grid_3d_expanded(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[5],si64>) -> !torch.vtensor<[2,4,5,6,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 2 : si64} : () -> !torch.vtensor<[],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 4 : si64} : () -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [1 : si64]} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64]} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value_int = -1 : si64} : () -> !torch.vtensor<[],si64> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.CastLike"(%1, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %12 = torch.operator "onnx.Equal"(%11, %2) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],i1> + %13 = torch.operator "onnx.Size"(%arg1) : (!torch.vtensor<[5],si64>) -> !torch.vtensor<[],si64> + %14 = torch.operator "onnx.Equal"(%13, %3) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],i1> + %15:5 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> (!torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>) { + %63:5 = torch.operator "onnx.Split"(%arg1) {torch.onnx.num_outputs = 5 : si64} : (!torch.vtensor<[5],si64>) -> (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) + torch.operator_terminator %63#0, %63#1, %63#2, %63#3, %63#4 : !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64> + }, { + %63:4 = torch.operator "onnx.Split"(%arg1) {torch.onnx.num_outputs = 4 : si64} : (!torch.vtensor<[5],si64>) -> (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[?],si64>) + %64 = torch.operator "onnx.Identity"(%4) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + torch.operator_terminator %63#0, %63#1, %64, %63#2, %63#3 : !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[?],si64> + } + %16 = torch.operator "onnx.Concat"(%15#0, %15#1, %15#2, %15#3, %15#4) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %17 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[],f32> { + %63 = torch.operator "onnx.Identity"(%arg0) : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,4],f32> + torch.operator_terminator %63 : !torch.vtensor<[2,3,4],f32> + }, { + %63 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64, 1 : si64, 2 : si64, 0 : si64, 1 : si64, 2 : si64]} : () -> !torch.vtensor<[6],si64> + %64 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [2 : si64, 3 : si64]} : () -> !torch.vtensor<[2],si64> + %65 = torch.operator "onnx.Reshape"(%63, %64) : (!torch.vtensor<[6],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2,3],si64> + %66 = torch.operator "onnx.Concat"(%15#0, %64) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[?],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?],si64> + %67 = torch.operator "onnx.Expand"(%65, %66) : (!torch.vtensor<[2,3],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[],si64> + %68 = torch.operator "onnx.GatherElements"(%arg0, %67) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %69:2 = torch.operator "onnx.Split"(%68) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 2 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %70 = torch.operator "onnx.Squeeze"(%69#0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %71 = torch.operator "onnx.Squeeze"(%69#1) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %72:3 = torch.operator "onnx.Split"(%70) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %73:3 = torch.operator "onnx.Split"(%71) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) + %74 = torch.operator "onnx.Shape"(%73#0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[?],si64> + %75 = torch.operator "onnx.ConstantOfShape"(%74) : (!torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %76 = torch.operator "onnx.CastLike"(%75, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %77 = torch.operator "onnx.Add"(%76, %9) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %78 = torch.operator "onnx.Concat"(%72#0, %72#1, %76, %72#2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %79 = torch.operator "onnx.Concat"(%73#0, %73#1, %76, %73#2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %80 = torch.operator "onnx.Concat"(%76, %76, %77, %76) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %81 = torch.operator "onnx.Unsqueeze"(%78, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %82 = torch.operator "onnx.Unsqueeze"(%79, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %83 = torch.operator "onnx.Unsqueeze"(%80, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %84 = torch.operator "onnx.Concat"(%81, %82, %83) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %84 : !torch.vtensor<[],f32> + } + %18 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [2 : si64]} : () -> !torch.vtensor<[1],si64> + %19 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [3 : si64]} : () -> !torch.vtensor<[1],si64> + %20 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [5 : si64]} : () -> !torch.vtensor<[1],si64> + %21 = torch.operator "onnx.Slice"(%16, %18, %20) : (!torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %22 = torch.operator "onnx.ConstantOfShape"(%21) : (!torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %23 = torch.operator "onnx.CastLike"(%22, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[],f32> + %24 = torch.operator "onnx.Add"(%23, %9) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %25 = torch.operator "onnx.CastLike"(%15#2, %8) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %26 = torch.operator "onnx.CastLike"(%15#3, %8) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %27 = torch.operator "onnx.CastLike"(%15#4, %8) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %28:6 = torch.operator "onnx.If"(%12) : (!torch.vtensor<[],i1>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) { + %63 = torch.operator "onnx.Sub"(%25, %9) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %64 = torch.operator "onnx.Sub"(%26, %9) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %65 = torch.operator "onnx.Sub"(%27, %9) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %66 = torch.operator "onnx.Equal"(%15#2, %0) : (!torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[1],i1> + %67 = torch.operator "onnx.If"(%66) : (!torch.vtensor<[1],i1>) -> !torch.vtensor<[],f32> { + %73 = torch.operator "onnx.Div"(%10, %63) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + torch.operator_terminator %73 : !torch.vtensor<[1],f32> + }, { + %73 = torch.operator "onnx.Identity"(%8) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %73 : !torch.vtensor<[],f32> + } + %68 = torch.operator "onnx.Div"(%10, %64) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %69 = torch.operator "onnx.Div"(%10, %65) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %70 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %71 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %72 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %70, %67, %71, %68, %72, %69 : !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[?],f32> + }, { + %63 = torch.operator "onnx.Div"(%10, %25) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %64 = torch.operator "onnx.Div"(%10, %26) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %65 = torch.operator "onnx.Div"(%10, %27) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %66 = torch.operator "onnx.Div"(%63, %10) : (!torch.vtensor<[1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1],f32> + %67 = torch.operator "onnx.Add"(%7, %66) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %68 = torch.operator "onnx.Div"(%64, %10) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %69 = torch.operator "onnx.Add"(%7, %68) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %70 = torch.operator "onnx.Div"(%65, %10) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %71 = torch.operator "onnx.Add"(%7, %70) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + torch.operator_terminator %67, %63, %69, %64, %71, %65 : !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>, !torch.vtensor<[?],f32> + } + %29 = torch.operator "onnx.Range"(%2, %15#4, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %30 = torch.operator "onnx.CastLike"(%29, %28#5) : (!torch.vtensor<[?],si64>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %31 = torch.operator "onnx.Mul"(%30, %28#5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %32 = torch.operator "onnx.Add"(%28#4, %31) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[],f32> + %33 = torch.operator "onnx.Range"(%2, %15#3, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %34 = torch.operator "onnx.CastLike"(%33, %28#3) : (!torch.vtensor<[?],si64>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %35 = torch.operator "onnx.Mul"(%34, %28#3) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %36 = torch.operator "onnx.Add"(%28#2, %35) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[],f32> + %37 = torch.operator "onnx.Range"(%2, %15#2, %0) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[?],si64> + %38 = torch.operator "onnx.CastLike"(%37, %28#1) : (!torch.vtensor<[?],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %39 = torch.operator "onnx.Mul"(%38, %28#1) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %40 = torch.operator "onnx.Add"(%28#0, %39) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %41 = torch.operator "onnx.Transpose"(%23) {torch.onnx.perm = [1 : si64, 2 : si64, 0 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %42 = torch.operator "onnx.Add"(%41, %40) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %43 = torch.operator "onnx.Transpose"(%42) {torch.onnx.perm = [2 : si64, 0 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %44 = torch.operator "onnx.Transpose"(%23) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %45 = torch.operator "onnx.Add"(%44, %36) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %46 = torch.operator "onnx.Transpose"(%45) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %47 = torch.operator "onnx.Add"(%32, %23) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %48 = torch.operator "onnx.Unsqueeze"(%47, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %49 = torch.operator "onnx.Unsqueeze"(%46, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %50 = torch.operator "onnx.Unsqueeze"(%43, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %51 = torch.operator "onnx.Unsqueeze"(%24, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %52 = torch.operator "onnx.Concat"(%48, %49, %50, %51) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %53 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [-1 : si64, 4 : si64]} : () -> !torch.vtensor<[2],si64> + %54 = torch.operator "onnx.Reshape"(%52, %53) : (!torch.vtensor<[],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?,4],f32> + %55 = torch.operator "onnx.Transpose"(%54) : (!torch.vtensor<[?,4],f32>) -> !torch.vtensor<[4,?],f32> + %56 = torch.operator "onnx.CastLike"(%55, %17) : (!torch.vtensor<[4,?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[4,?],f32> + %57 = torch.operator "onnx.MatMul"(%17, %56) : (!torch.vtensor<[],f32>, !torch.vtensor<[4,?],f32>) -> !torch.vtensor<[],f32> + %58 = torch.operator "onnx.Transpose"(%57) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %59 = torch.operator "onnx.Concat"(%15#0, %15#2, %15#3, %15#4, %19) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[?],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %60 = torch.operator "onnx.Reshape"(%58, %59) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[],f32> + %61 = torch.operator "onnx.CastLike"(%60, %17) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %62 = torch.operator "onnx.If"(%14) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[2,4,5,6,3],f32> { + %63 = torch.operator "onnx.Identity"(%61) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %63 : !torch.vtensor<[],f32> + }, { + %63 = torch.operator "onnx.Squeeze"(%61, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %64 = torch.operator "onnx.Slice"(%63, %5, %18, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + torch.operator_terminator %64 : !torch.vtensor<[],f32> + } + return %62 : !torch.vtensor<[2,4,5,6,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/output_0.bin new file mode 100644 index 0000000..0f1c9e9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..38ffc7b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_affine_grid_3d_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=5xi64=@input_1.bin +--expected_output=2x4x5x6x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/input_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/input_0.bin new file mode 100644 index 0000000..a2324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/input_1.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/input_1.bin new file mode 100644 index 0000000..05a13f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/model.mlir b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/model.mlir new file mode 100644 index 0000000..f706694 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ai_onnx_ml_array_feature_extractor(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_versions = {ai.onnx.ml = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArrayFeatureExtractor"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/output_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/output_0.bin new file mode 100644 index 0000000..0930817 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/run_module_io_flags.txt new file mode 100644 index 0000000..955118a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_array_feature_extractor/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/input_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/model.mlir b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/model.mlir new file mode 100644 index 0000000..ec08da8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ai_onnx_ml_binarizer(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_versions = {ai.onnx.ml = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Binarizer"(%arg0) {torch.onnx.threshold = 1.000000e+00 : f32} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/output_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/output_0.bin new file mode 100644 index 0000000..7368c28 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_binarizer/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/input_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/model.mlir b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/model.mlir new file mode 100644 index 0000000..d753b1f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ai_onnx_ml_label_encoder_string_int(%arg0: !torch.vtensor<[5],!torch.str>) -> !torch.vtensor<[5],si64> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_versions = {ai.onnx.ml = 4 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LabelEncoder"(%arg0) {torch.onnx.default_int64 = 42 : si64, torch.onnx.keys_strings = ["a", "b", "c"], torch.onnx.values_int64s = [0 : si64, 1 : si64, 2 : si64]} : (!torch.vtensor<[5],!torch.str>) -> !torch.vtensor<[5],si64> + return %0 : !torch.vtensor<[5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/output_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/output_0.bin new file mode 100644 index 0000000..f9c4703 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/run_module_io_flags.txt new file mode 100644 index 0000000..97d801d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x=@input_0.bin +--expected_output=5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/input_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/model.mlir b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/model.mlir new file mode 100644 index 0000000..28da12a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ai_onnx_ml_label_encoder_string_int_no_default(%arg0: !torch.vtensor<[5],!torch.str>) -> !torch.vtensor<[5],si64> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_versions = {ai.onnx.ml = 4 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LabelEncoder"(%arg0) {torch.onnx.keys_strings = ["a", "b", "c"], torch.onnx.values_int64s = [0 : si64, 1 : si64, 2 : si64]} : (!torch.vtensor<[5],!torch.str>) -> !torch.vtensor<[5],si64> + return %0 : !torch.vtensor<[5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/output_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/output_0.bin new file mode 100644 index 0000000..c49bdca Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/run_module_io_flags.txt new file mode 100644 index 0000000..97d801d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_string_int_no_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x=@input_0.bin +--expected_output=5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/input_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/model.mlir b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/model.mlir new file mode 100644 index 0000000..1183723 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ai_onnx_ml_label_encoder_tensor_value_only_mapping(%arg0: !torch.vtensor<[5],!torch.str>) -> !torch.vtensor<[5],si16> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_versions = {ai.onnx.ml = 4 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LabelEncoder"(%arg0) {torch.onnx.default_tensor = dense<42> : tensor<1xsi16>, torch.onnx.keys_strings = ["a", "b", "c"], torch.onnx.values_tensor = dense<[0, 1, 2]> : tensor<3xsi16>} : (!torch.vtensor<[5],!torch.str>) -> !torch.vtensor<[5],si16> + return %0 : !torch.vtensor<[5],si16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/output_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/output_0.bin new file mode 100644 index 0000000..63d1519 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/run_module_io_flags.txt new file mode 100644 index 0000000..d0df79e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_label_encoder_tensor_value_only_mapping/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x=@input_0.bin +--expected_output=5xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/input_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/input_0.bin new file mode 100644 index 0000000..f4ad8aa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/model.mlir b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/model.mlir new file mode 100644 index 0000000..fb7ff77 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ai_onnx_ml_tree_ensemble_set_membership(%arg0: !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_versions = {ai.onnx.ml = 5 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TreeEnsemble"(%arg0) {torch.onnx.aggregate_function = 1 : si64, torch.onnx.leaf_targetids = [0 : si64, 1 : si64, 2 : si64, 3 : si64], torch.onnx.leaf_weights = dense<[1.000000e+00, 1.000000e+01, 1.000000e+03, 1.000000e+02]> : tensor<4xf32>, torch.onnx.membership_values = dense<[1.200000e+00, 3.700000e+00, 8.000000e+00, 9.000000e+00, 0x7FC00000, 1.200000e+01, 7.000000e+00, 0x7FC00000]> : tensor<8xf32>, torch.onnx.n_targets = 4 : si64, torch.onnx.nodes_falseleafs = [1 : si64, 0 : si64, 1 : si64], torch.onnx.nodes_falsenodeids = [2 : si64, 2 : si64, 3 : si64], torch.onnx.nodes_featureids = [0 : si64, 0 : si64, 0 : si64], torch.onnx.nodes_modes = dense<[0, 6, 6]> : tensor<3xui8>, torch.onnx.nodes_splits = dense<[1.100000e+01, 2.323440e+05, 0x7FC00000]> : tensor<3xf32>, torch.onnx.nodes_trueleafs = [0 : si64, 1 : si64, 1 : si64], torch.onnx.nodes_truenodeids = [1 : si64, 0 : si64, 1 : si64], torch.onnx.post_transform = 0 : si64, torch.onnx.tree_roots = [0 : si64]} : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,4],f32> + return %0 : !torch.vtensor<[6,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/output_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/output_0.bin new file mode 100644 index 0000000..49645d3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/run_module_io_flags.txt new file mode 100644 index 0000000..3d10a8a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_set_membership/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=6x1xf32=@input_0.bin +--expected_output=6x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/input_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/input_0.bin new file mode 100644 index 0000000..faa2731 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/input_0.bin @@ -0,0 +1 @@ +333333?333333 @Q(\?(\@RQ? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/model.mlir b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/model.mlir new file mode 100644 index 0000000..f135ab4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ai_onnx_ml_tree_ensemble_single_tree(%arg0: !torch.vtensor<[3,2],f64>) -> !torch.vtensor<[3,2],f64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_versions = {ai.onnx.ml = 5 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TreeEnsemble"(%arg0) {torch.onnx.aggregate_function = 1 : si64, torch.onnx.leaf_targetids = [0 : si64, 1 : si64, 0 : si64, 1 : si64], torch.onnx.leaf_weights = dense<[5.230000e+00, 1.212000e+01, -1.223000e+01, 7.210000e+00]> : tensor<4xf64>, torch.onnx.n_targets = 2 : si64, torch.onnx.nodes_falseleafs = [0 : si64, 1 : si64, 1 : si64], torch.onnx.nodes_falsenodeids = [2 : si64, 2 : si64, 3 : si64], torch.onnx.nodes_featureids = [0 : si64, 0 : si64, 0 : si64], torch.onnx.nodes_modes = dense<0> : tensor<3xui8>, torch.onnx.nodes_splits = dense<[3.140000e+00, 1.200000e+00, 4.200000e+00]> : tensor<3xf64>, torch.onnx.nodes_trueleafs = [0 : si64, 1 : si64, 1 : si64], torch.onnx.nodes_truenodeids = [1 : si64, 0 : si64, 1 : si64], torch.onnx.post_transform = 0 : si64, torch.onnx.tree_roots = [0 : si64]} : (!torch.vtensor<[3,2],f64>) -> !torch.vtensor<[3,2],f64> + return %0 : !torch.vtensor<[3,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/output_0.bin b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/output_0.bin new file mode 100644 index 0000000..7af15fc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/run_module_io_flags.txt new file mode 100644 index 0000000..a39cea8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ai_onnx_ml_tree_ensemble_single_tree/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x2xf64=@input_0.bin +--expected_output=3x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_and2d/input_0.bin b/onnx-ops/onnx/node/generated/test_and2d/input_0.bin new file mode 100644 index 0000000..552f7af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and2d/input_1.bin b/onnx-ops/onnx/node/generated/test_and2d/input_1.bin new file mode 100644 index 0000000..95489d9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and2d/model.mlir b/onnx-ops/onnx/node/generated/test_and2d/model.mlir new file mode 100644 index 0000000..1079ce0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_and2d(%arg0: !torch.vtensor<[3,4],i1>, %arg1: !torch.vtensor<[3,4],i1>) -> !torch.vtensor<[3,4],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.And"(%arg0, %arg1) : (!torch.vtensor<[3,4],i1>, !torch.vtensor<[3,4],i1>) -> !torch.vtensor<[3,4],i1> + return %0 : !torch.vtensor<[3,4],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_and2d/output_0.bin b/onnx-ops/onnx/node/generated/test_and2d/output_0.bin new file mode 100644 index 0000000..95489d9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_and2d/run_module_io_flags.txt new file mode 100644 index 0000000..9a333d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xi1=@input_0.bin +--input=3x4xi1=@input_1.bin +--expected_output=3x4xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_and3d/input_0.bin b/onnx-ops/onnx/node/generated/test_and3d/input_0.bin new file mode 100644 index 0000000..402560b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and3d/input_1.bin b/onnx-ops/onnx/node/generated/test_and3d/input_1.bin new file mode 100644 index 0000000..b9b8df9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and3d/model.mlir b/onnx-ops/onnx/node/generated/test_and3d/model.mlir new file mode 100644 index 0000000..65f5f65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_and3d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.And"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_and3d/output_0.bin b/onnx-ops/onnx/node/generated/test_and3d/output_0.bin new file mode 100644 index 0000000..a999c9c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_and3d/run_module_io_flags.txt new file mode 100644 index 0000000..a62475e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=3x4x5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_and4d/input_0.bin b/onnx-ops/onnx/node/generated/test_and4d/input_0.bin new file mode 100644 index 0000000..a8a2c14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and4d/input_1.bin b/onnx-ops/onnx/node/generated/test_and4d/input_1.bin new file mode 100644 index 0000000..794db0d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and4d/model.mlir b/onnx-ops/onnx/node/generated/test_and4d/model.mlir new file mode 100644 index 0000000..b37dddd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_and4d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[3,4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.And"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[3,4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_and4d/output_0.bin b/onnx-ops/onnx/node/generated/test_and4d/output_0.bin new file mode 100644 index 0000000..a2155c6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and4d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_and4d/run_module_io_flags.txt new file mode 100644 index 0000000..ee1e651 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=3x4x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v1d/input_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/input_0.bin new file mode 100644 index 0000000..bc1df5d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v1d/input_1.bin b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/input_1.bin new file mode 100644 index 0000000..e00894f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v1d/model.mlir b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/model.mlir new file mode 100644 index 0000000..e0cc720 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_and_bcast3v1d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.And"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v1d/output_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/output_0.bin new file mode 100644 index 0000000..d53c25c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v1d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/run_module_io_flags.txt new file mode 100644 index 0000000..07af385 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast3v1d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v2d/input_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/input_0.bin new file mode 100644 index 0000000..d931e14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v2d/input_1.bin b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/input_1.bin new file mode 100644 index 0000000..541a089 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v2d/model.mlir b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/model.mlir new file mode 100644 index 0000000..8c0ed44 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_and_bcast3v2d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[4,5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.And"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v2d/output_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/output_0.bin new file mode 100644 index 0000000..95f9dec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast3v2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/run_module_io_flags.txt new file mode 100644 index 0000000..c9bce13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast3v2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=4x5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v2d/input_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/input_0.bin new file mode 100644 index 0000000..409932c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v2d/input_1.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/input_1.bin new file mode 100644 index 0000000..ff8d6c0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v2d/model.mlir b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/model.mlir new file mode 100644 index 0000000..4fef9fa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_and_bcast4v2d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.And"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v2d/output_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/output_0.bin new file mode 100644 index 0000000..ffd8c39 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/run_module_io_flags.txt new file mode 100644 index 0000000..048b016 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast4v2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v3d/input_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/input_0.bin new file mode 100644 index 0000000..fac09cc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v3d/input_1.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/input_1.bin new file mode 100644 index 0000000..030995a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v3d/model.mlir b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/model.mlir new file mode 100644 index 0000000..cea5a48 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_and_bcast4v3d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.And"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v3d/output_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/output_0.bin new file mode 100644 index 0000000..9fce8c0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/run_module_io_flags.txt new file mode 100644 index 0000000..482d41c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast4v3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=4x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v4d/input_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/input_0.bin new file mode 100644 index 0000000..b8e40b6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v4d/input_1.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/input_1.bin new file mode 100644 index 0000000..34ce939 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v4d/model.mlir b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/model.mlir new file mode 100644 index 0000000..bce7844 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_and_bcast4v4d(%arg0: !torch.vtensor<[1,4,1,6],i1>, %arg1: !torch.vtensor<[3,1,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.And"(%arg0, %arg1) : (!torch.vtensor<[1,4,1,6],i1>, !torch.vtensor<[3,1,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v4d/output_0.bin b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/output_0.bin new file mode 100644 index 0000000..bc12704 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_and_bcast4v4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/run_module_io_flags.txt new file mode 100644 index 0000000..6dd280e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_and_bcast4v4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x4x1x6xi1=@input_0.bin +--input=3x1x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/input_0.bin new file mode 100644 index 0000000..7e7d064 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/model.mlir new file mode 100644 index 0000000..432d52c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_default_axis_example(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[1,2],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[1,2],si64> + return %0 : !torch.vtensor<[1,2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/output_0.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/run_module_io_flags.txt new file mode 100644 index 0000000..658d2ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=1x2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/input_0.bin new file mode 100644 index 0000000..52eadc7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/model.mlir new file mode 100644 index 0000000..6ade7e0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_default_axis_example_select_last_index(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[1,2],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[1,2],si64> + return %0 : !torch.vtensor<[1,2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/output_0.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..658d2ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_example_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=1x2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/model.mlir new file mode 100644 index 0000000..7042cfe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_default_axis_random(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[1,3,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[1,3,4],si64> + return %0 : !torch.vtensor<[1,3,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/output_0.bin new file mode 100644 index 0000000..6d26066 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/run_module_io_flags.txt new file mode 100644 index 0000000..ac7d7b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=1x3x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/model.mlir new file mode 100644 index 0000000..08fffc8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_default_axis_random_select_last_index(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[1,3,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[1,3,4],si64> + return %0 : !torch.vtensor<[1,3,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/output_0.bin new file mode 100644 index 0000000..6d26066 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..ac7d7b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_default_axis_random_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=1x3x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/input_0.bin new file mode 100644 index 0000000..7e7d064 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/model.mlir new file mode 100644 index 0000000..8944bce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_keepdims_example(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> + return %0 : !torch.vtensor<[2,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/output_0.bin new file mode 100644 index 0000000..05a13f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..4439be5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/input_0.bin new file mode 100644 index 0000000..52eadc7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/model.mlir new file mode 100644 index 0000000..fe79bb2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_keepdims_example_select_last_index(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> + return %0 : !torch.vtensor<[2,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/output_0.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..4439be5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_example_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/model.mlir new file mode 100644 index 0000000..986206b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_keepdims_random(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,1,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,1,4],si64> + return %0 : !torch.vtensor<[2,1,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/output_0.bin new file mode 100644 index 0000000..063832a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..83dd33c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x1x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/model.mlir new file mode 100644 index 0000000..5b11694 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_keepdims_random_select_last_index(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,1,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,1,4],si64> + return %0 : !torch.vtensor<[2,1,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/output_0.bin new file mode 100644 index 0000000..063832a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..83dd33c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_keepdims_random_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x1x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/input_0.bin new file mode 100644 index 0000000..7e7d064 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/model.mlir new file mode 100644 index 0000000..18a87ab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_negative_axis_keepdims_example(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> + return %0 : !torch.vtensor<[2,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/output_0.bin new file mode 100644 index 0000000..05a13f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..4439be5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/input_0.bin new file mode 100644 index 0000000..52eadc7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/model.mlir new file mode 100644 index 0000000..feedc14 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_negative_axis_keepdims_example_select_last_index(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> + return %0 : !torch.vtensor<[2,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/output_0.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..4439be5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_example_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/model.mlir new file mode 100644 index 0000000..f258400 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_negative_axis_keepdims_random(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,1],si64> + return %0 : !torch.vtensor<[2,3,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/output_0.bin new file mode 100644 index 0000000..50752a6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..0c55d78 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x3x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/model.mlir new file mode 100644 index 0000000..41c2f25 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_negative_axis_keepdims_random_select_last_index(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,1],si64> + return %0 : !torch.vtensor<[2,3,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/output_0.bin new file mode 100644 index 0000000..50752a6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..0c55d78 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_negative_axis_keepdims_random_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x3x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/input_0.bin new file mode 100644 index 0000000..7e7d064 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/model.mlir new file mode 100644 index 0000000..b02bfa5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_no_keepdims_example(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2],si64> + return %0 : !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/output_0.bin new file mode 100644 index 0000000..05a13f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..64b25e0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/input_0.bin new file mode 100644 index 0000000..52eadc7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/model.mlir new file mode 100644 index 0000000..2220d20 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_no_keepdims_example_select_last_index(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 0 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2],si64> + return %0 : !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/output_0.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..64b25e0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_example_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/model.mlir new file mode 100644 index 0000000..31bcebe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_no_keepdims_random(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4],si64> + return %0 : !torch.vtensor<[2,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/output_0.bin new file mode 100644 index 0000000..063832a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..48400e3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/model.mlir new file mode 100644 index 0000000..de7d270 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmax_no_keepdims_random_select_last_index(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMax"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 0 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4],si64> + return %0 : !torch.vtensor<[2,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/output_0.bin new file mode 100644 index 0000000..063832a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..48400e3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmax_no_keepdims_random_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/input_0.bin new file mode 100644 index 0000000..7e7d064 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/model.mlir new file mode 100644 index 0000000..69b0aab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_default_axis_example(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[1,2],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[1,2],si64> + return %0 : !torch.vtensor<[1,2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/output_0.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/run_module_io_flags.txt new file mode 100644 index 0000000..658d2ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=1x2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/input_0.bin new file mode 100644 index 0000000..52eadc7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/model.mlir new file mode 100644 index 0000000..11d23be --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_default_axis_example_select_last_index(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[1,2],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[1,2],si64> + return %0 : !torch.vtensor<[1,2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/output_0.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..658d2ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_example_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=1x2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/model.mlir new file mode 100644 index 0000000..1b2d8a4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_default_axis_random(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[1,3,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[1,3,4],si64> + return %0 : !torch.vtensor<[1,3,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/output_0.bin new file mode 100644 index 0000000..2ee337e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/run_module_io_flags.txt new file mode 100644 index 0000000..ac7d7b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=1x3x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/model.mlir new file mode 100644 index 0000000..14e6dc9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_default_axis_random_select_last_index(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[1,3,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[1,3,4],si64> + return %0 : !torch.vtensor<[1,3,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/output_0.bin new file mode 100644 index 0000000..2ee337e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..ac7d7b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_default_axis_random_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=1x3x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/input_0.bin new file mode 100644 index 0000000..7e7d064 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/model.mlir new file mode 100644 index 0000000..d25b758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_keepdims_example(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> + return %0 : !torch.vtensor<[2,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/output_0.bin new file mode 100644 index 0000000..49689ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..4439be5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/input_0.bin new file mode 100644 index 0000000..52eadc7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/model.mlir new file mode 100644 index 0000000..762a1fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_keepdims_example_select_last_index(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> + return %0 : !torch.vtensor<[2,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/output_0.bin new file mode 100644 index 0000000..49689ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..4439be5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_example_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/model.mlir new file mode 100644 index 0000000..9b4fa87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_keepdims_random(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,1,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,1,4],si64> + return %0 : !torch.vtensor<[2,1,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/output_0.bin new file mode 100644 index 0000000..cdb696e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..83dd33c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x1x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/model.mlir new file mode 100644 index 0000000..b6863e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_keepdims_random_select_last_index(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,1,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,1,4],si64> + return %0 : !torch.vtensor<[2,1,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/output_0.bin new file mode 100644 index 0000000..cdb696e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..83dd33c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_keepdims_random_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x1x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/input_0.bin new file mode 100644 index 0000000..7e7d064 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/model.mlir new file mode 100644 index 0000000..9edec48 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_negative_axis_keepdims_example(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> + return %0 : !torch.vtensor<[2,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/output_0.bin new file mode 100644 index 0000000..49689ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..4439be5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/input_0.bin new file mode 100644 index 0000000..52eadc7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/model.mlir new file mode 100644 index 0000000..4eb6778 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_negative_axis_keepdims_example_select_last_index(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,1],si64> + return %0 : !torch.vtensor<[2,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/output_0.bin new file mode 100644 index 0000000..49689ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..4439be5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_example_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/model.mlir new file mode 100644 index 0000000..ddc205d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_negative_axis_keepdims_random(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,1],si64> + return %0 : !torch.vtensor<[2,3,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/output_0.bin new file mode 100644 index 0000000..7e42f3d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..0c55d78 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x3x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/model.mlir new file mode 100644 index 0000000..7019672 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_negative_axis_keepdims_random_select_last_index(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,1],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.keepdims = 1 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,1],si64> + return %0 : !torch.vtensor<[2,3,1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/output_0.bin new file mode 100644 index 0000000..7e42f3d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..0c55d78 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_negative_axis_keepdims_random_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x3x1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/input_0.bin new file mode 100644 index 0000000..7e7d064 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/model.mlir new file mode 100644 index 0000000..a9ec6bb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_no_keepdims_example(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2],si64> + return %0 : !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/output_0.bin new file mode 100644 index 0000000..49689ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..64b25e0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/input_0.bin new file mode 100644 index 0000000..52eadc7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/model.mlir new file mode 100644 index 0000000..7687793 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_no_keepdims_example_select_last_index(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 0 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2],si64> + return %0 : !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/output_0.bin new file mode 100644 index 0000000..49689ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..64b25e0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_example_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/model.mlir new file mode 100644 index 0000000..12bd9c7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_no_keepdims_random(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4],si64> + return %0 : !torch.vtensor<[2,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/output_0.bin new file mode 100644 index 0000000..cdb696e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..48400e3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/input_0.bin b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/input_0.bin new file mode 100644 index 0000000..eff7bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&?1?0AD ^o@4@@j(A$v@9E扳@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/model.mlir b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/model.mlir new file mode 100644 index 0000000..783d22d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_argmin_no_keepdims_random_select_last_index(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ArgMin"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.keepdims = 0 : si64, torch.onnx.select_last_index = 1 : si64} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4],si64> + return %0 : !torch.vtensor<[2,4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/output_0.bin b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/output_0.bin new file mode 100644 index 0000000..cdb696e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/run_module_io_flags.txt new file mode 100644 index 0000000..48400e3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_argmin_no_keepdims_random_select_last_index/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x4xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_asin/input_0.bin b/onnx-ops/onnx/node/generated/test_asin/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asin/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_asin/model.mlir b/onnx-ops/onnx/node/generated/test_asin/model.mlir new file mode 100644 index 0000000..6f4c5ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asin/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_asin(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Asin"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_asin/output_0.bin b/onnx-ops/onnx/node/generated/test_asin/output_0.bin new file mode 100644 index 0000000..63bc9b3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asin/output_0.bin @@ -0,0 +1 @@ +ĸ?PL?*%??>3?J>?8s?l{>i?? ?_?=ت=<{?#Hd???fm?C>F@e?[=1?M>`H?T ?>>Zb?%>$?c]>kE?9v=;:?q-c>N>X>S?/x>L?)Z=yW>%>06?>a>|> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_asin/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_asin/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asin/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_asin_example/input_0.bin b/onnx-ops/onnx/node/generated/test_asin_example/input_0.bin new file mode 100644 index 0000000..302f8a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_asin_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_asin_example/model.mlir b/onnx-ops/onnx/node/generated/test_asin_example/model.mlir new file mode 100644 index 0000000..bb07dbe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asin_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_asin_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Asin"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_asin_example/output_0.bin b/onnx-ops/onnx/node/generated/test_asin_example/output_0.bin new file mode 100644 index 0000000..0577a2e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_asin_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_asin_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_asin_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asin_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_asinh/input_0.bin b/onnx-ops/onnx/node/generated/test_asinh/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asinh/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_asinh/model.mlir b/onnx-ops/onnx/node/generated/test_asinh/model.mlir new file mode 100644 index 0000000..39ba2ef --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asinh/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_asinh(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Asinh"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_asinh/output_0.bin b/onnx-ops/onnx/node/generated/test_asinh/output_0.bin new file mode 100644 index 0000000..7096f35 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asinh/output_0.bin @@ -0,0 +1 @@ +ɚ?>%]?,?)?~]{X?ngӽ'>>?A3?b=c>ѧ>!H?/q?\;=>W=?? >@G>L\t>!?M=?vPj$Q馿?IپP 7?LϠDbQ-s漎> =>ߵ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_asinh/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_asinh/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asinh/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_asinh_example/input_0.bin b/onnx-ops/onnx/node/generated/test_asinh_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_asinh_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_asinh_example/model.mlir b/onnx-ops/onnx/node/generated/test_asinh_example/model.mlir new file mode 100644 index 0000000..eed9df6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asinh_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_asinh_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Asinh"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_asinh_example/output_0.bin b/onnx-ops/onnx/node/generated/test_asinh_example/output_0.bin new file mode 100644 index 0000000..7ec2a50 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_asinh_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_asinh_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_asinh_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_asinh_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_atan/input_0.bin b/onnx-ops/onnx/node/generated/test_atan/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atan/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_atan/model.mlir b/onnx-ops/onnx/node/generated/test_atan/model.mlir new file mode 100644 index 0000000..957f6ee --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atan/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_atan(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Atan"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_atan/output_0.bin b/onnx-ops/onnx/node/generated/test_atan/output_0.bin new file mode 100644 index 0000000..0d4b284 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atan/output_0.bin @@ -0,0 +1 @@ +# ?~>OF?V?"?F܂B?~pҽz>4~>|w?&?=>> {?4OW>=4F3?{6?r#z?mwK;={=}#~?%y?j>>9:8l>fc?0`?3N Ou4m?jSfӾHec.)?dVB:(>Q'8^s3>=b>ٵt* \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_atan/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_atan/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atan/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_atan_example/input_0.bin b/onnx-ops/onnx/node/generated/test_atan_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_atan_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_atan_example/model.mlir b/onnx-ops/onnx/node/generated/test_atan_example/model.mlir new file mode 100644 index 0000000..6b08a5e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atan_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_atan_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Atan"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_atan_example/output_0.bin b/onnx-ops/onnx/node/generated/test_atan_example/output_0.bin new file mode 100644 index 0000000..7ae572f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_atan_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_atan_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_atan_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atan_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_atanh/input_0.bin b/onnx-ops/onnx/node/generated/test_atanh/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atanh/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_atanh/model.mlir b/onnx-ops/onnx/node/generated/test_atanh/model.mlir new file mode 100644 index 0000000..582a956 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atanh/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_atanh(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Atanh"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_atanh/output_0.bin b/onnx-ops/onnx/node/generated/test_atanh/output_0.bin new file mode 100644 index 0000000..3c8fc9e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atanh/output_0.bin @@ -0,0 +1,2 @@ +?qe?̍2?eo?~>+D?@>B?W?>??%?/9?0==Ԧ<*?5??C@R?>?w]=B?> +??1?>>?!>;,%?<Ϟ8?W6?T8?۸?;U?>>\?v= N?O?Z>g>(3>&>)%?>$@=Y>&>G?>T^?v> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_atanh/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_atanh/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atanh/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_atanh_example/input_0.bin b/onnx-ops/onnx/node/generated/test_atanh_example/input_0.bin new file mode 100644 index 0000000..302f8a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_atanh_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_atanh_example/model.mlir b/onnx-ops/onnx/node/generated/test_atanh_example/model.mlir new file mode 100644 index 0000000..292078b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atanh_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_atanh_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Atanh"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_atanh_example/output_0.bin b/onnx-ops/onnx/node/generated/test_atanh_example/output_0.bin new file mode 100644 index 0000000..42c8d1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_atanh_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_atanh_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_atanh_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_atanh_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_1d_default/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_1d_default/input_0.bin new file mode 100644 index 0000000..c2a666c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_1d_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_averagepool_1d_default/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_1d_default/model.mlir new file mode 100644 index 0000000..fd2e1fa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_1d_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_1d_default(%arg0: !torch.vtensor<[1,3,32],f32>) -> !torch.vtensor<[1,3,31],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.kernel_shape = [2 : si64]} : (!torch.vtensor<[1,3,32],f32>) -> !torch.vtensor<[1,3,31],f32> + return %0 : !torch.vtensor<[1,3,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_1d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_1d_default/output_0.bin new file mode 100644 index 0000000..e58ae1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_1d_default/output_0.bin @@ -0,0 +1 @@ +i?0?p?nx@f>`^y>W`>>L?Ǎ?v>ǐ> >i?\$?\=Ѐ ڿsOB?Piz=C?T>>M4ѐx<,?#?DO?y>ږ $)Ľh}1?ఛ?P>,ȿ_=v8?4jnX,[s־Gi A1}XojL>\}>$<>E)?|C mcjھ>>eZ"?@nCվ$G9f4 bU.? ļƕ?`?>3 >>!7?C?*?h? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_averagepool_1d_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_1d_default/run_module_io_flags.txt new file mode 100644 index 0000000..a6c3430 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_1d_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32xf32=@input_0.bin +--expected_output=1x3x31xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/model.mlir new file mode 100644 index 0000000..635046d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_ceil(%arg0: !torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.ceil_mode = 1 : si64, torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/output_0.bin new file mode 100644 index 0000000..a7dba96 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/run_module_io_flags.txt new file mode 100644 index 0000000..20f0871 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_ceil/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x4xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_default/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_default/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_default/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_default/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_default/model.mlir new file mode 100644 index 0000000..a83f738 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_default(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,31,31],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,31,31],f32> + return %0 : !torch.vtensor<[1,3,31,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_default/output_0.bin new file mode 100644 index 0000000..49fa245 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_default/run_module_io_flags.txt new file mode 100644 index 0000000..5c8b840 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x31x31xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/model.mlir new file mode 100644 index 0000000..a9b0082 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_dilations(%arg0: !torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.ceil_mode = 1 : si64, torch.onnx.dilations = [2 : si64, 2 : si64], torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.strides = [1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/output_0.bin new file mode 100644 index 0000000..1bb93ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/run_module_io_flags.txt new file mode 100644 index 0000000..20f0871 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_dilations/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x4xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/input_0.bin new file mode 100644 index 0000000..de81f74 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/model.mlir new file mode 100644 index 0000000..d9a7847 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_pads(%arg0: !torch.vtensor<[1,3,28,28],f32>) -> !torch.vtensor<[1,3,30,30],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,28,28],f32>) -> !torch.vtensor<[1,3,30,30],f32> + return %0 : !torch.vtensor<[1,3,30,30],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/output_0.bin new file mode 100644 index 0000000..dcae288 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/run_module_io_flags.txt new file mode 100644 index 0000000..8f23a07 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x28x28xf32=@input_0.bin +--expected_output=1x3x30x30xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/input_0.bin new file mode 100644 index 0000000..de81f74 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/model.mlir new file mode 100644 index 0000000..42a2c99 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_pads_count_include_pad(%arg0: !torch.vtensor<[1,3,28,28],f32>) -> !torch.vtensor<[1,3,30,30],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.count_include_pad = 1 : si64, torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,28,28],f32>) -> !torch.vtensor<[1,3,30,30],f32> + return %0 : !torch.vtensor<[1,3,30,30],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/output_0.bin new file mode 100644 index 0000000..03b26c5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/run_module_io_flags.txt new file mode 100644 index 0000000..8f23a07 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_pads_count_include_pad/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x28x28xf32=@input_0.bin +--expected_output=1x3x30x30xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/model.mlir new file mode 100644 index 0000000..0e1fc6a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_precomputed_pads(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.kernel_shape = [5 : si64, 5 : si64], torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/output_0.bin new file mode 100644 index 0000000..864ad69 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/run_module_io_flags.txt new file mode 100644 index 0000000..c260172 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/model.mlir new file mode 100644 index 0000000..2abff06 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_precomputed_pads_count_include_pad(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.count_include_pad = 1 : si64, torch.onnx.kernel_shape = [5 : si64, 5 : si64], torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/output_0.bin new file mode 100644 index 0000000..8778bd7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/run_module_io_flags.txt new file mode 100644 index 0000000..c260172 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_pads_count_include_pad/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/model.mlir new file mode 100644 index 0000000..6606879 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_precomputed_same_upper(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.auto_pad = "SAME_UPPER", torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/output_0.bin new file mode 100644 index 0000000..2cd4bcd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/run_module_io_flags.txt new file mode 100644 index 0000000..a2933bf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_same_upper/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/model.mlir new file mode 100644 index 0000000..e129ad4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_precomputed_strides(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/output_0.bin new file mode 100644 index 0000000..c113829 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/run_module_io_flags.txt new file mode 100644 index 0000000..20fe107 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_precomputed_strides/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/model.mlir new file mode 100644 index 0000000..2e1541b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_same_lower(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.auto_pad = "SAME_LOWER", torch.onnx.kernel_shape = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> + return %0 : !torch.vtensor<[1,3,32,32],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/output_0.bin new file mode 100644 index 0000000..020ae3c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/run_module_io_flags.txt new file mode 100644 index 0000000..15b9bec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_lower/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x32x32xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/model.mlir new file mode 100644 index 0000000..c9d06d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_same_upper(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.auto_pad = "SAME_UPPER", torch.onnx.kernel_shape = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> + return %0 : !torch.vtensor<[1,3,32,32],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/output_0.bin new file mode 100644 index 0000000..8182017 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/run_module_io_flags.txt new file mode 100644 index 0000000..15b9bec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_same_upper/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x32x32xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/model.mlir new file mode 100644 index 0000000..a44d750 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_2d_strides(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,10,10],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.kernel_shape = [5 : si64, 5 : si64], torch.onnx.strides = [3 : si64, 3 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,10,10],f32> + return %0 : !torch.vtensor<[1,3,10,10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/output_0.bin new file mode 100644 index 0000000..af9d12e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/run_module_io_flags.txt new file mode 100644 index 0000000..9074285 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_2d_strides/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x10x10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_default/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_default/input_0.bin new file mode 100644 index 0000000..5f347e2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_default/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_default/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_3d_default/model.mlir new file mode 100644 index 0000000..8ce5522 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_3d_default(%arg0: !torch.vtensor<[1,3,32,32,32],f32>) -> !torch.vtensor<[1,3,31,31,31],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,32,32,32],f32>) -> !torch.vtensor<[1,3,31,31,31],f32> + return %0 : !torch.vtensor<[1,3,31,31,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_default/output_0.bin new file mode 100644 index 0000000..81e14f3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_3d_default/run_module_io_flags.txt new file mode 100644 index 0000000..09991e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32x32xf32=@input_0.bin +--expected_output=1x3x31x31x31xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/input_0.bin new file mode 100644 index 0000000..177af2b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/model.mlir new file mode 100644 index 0000000..49ec1f9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False(%arg0: !torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,8,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.ceil_mode = 0 : si64, torch.onnx.count_include_pad = 0 : si64, torch.onnx.dilations = [2 : si64, 2 : si64, 2 : si64], torch.onnx.kernel_shape = [5 : si64, 5 : si64, 5 : si64], torch.onnx.strides = [3 : si64, 3 : si64, 3 : si64]} : (!torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,8,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/output_0.bin new file mode 100644 index 0000000..a9088c6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/run_module_io_flags.txt new file mode 100644 index 0000000..8cf6919 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x32x32x32xf32=@input_0.bin +--expected_output=1x1x8x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/input_0.bin new file mode 100644 index 0000000..f8dd5f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/model.mlir new file mode 100644 index 0000000..b6dd704 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True(%arg0: !torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,9,9,9],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.ceil_mode = 1 : si64, torch.onnx.count_include_pad = 0 : si64, torch.onnx.dilations = [2 : si64, 2 : si64, 2 : si64], torch.onnx.kernel_shape = [5 : si64, 5 : si64, 5 : si64], torch.onnx.strides = [3 : si64, 3 : si64, 3 : si64]} : (!torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,9,9,9],f32> + return %0 : !torch.vtensor<[1,1,9,9,9],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/output_0.bin new file mode 100644 index 0000000..89fbf13 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/run_module_io_flags.txt new file mode 100644 index 0000000..6060a1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x32x32x32xf32=@input_0.bin +--expected_output=1x1x9x9x9xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/input_0.bin new file mode 100644 index 0000000..81d35e9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/model.mlir new file mode 100644 index 0000000..ea31282 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False(%arg0: !torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,8,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.ceil_mode = 0 : si64, torch.onnx.count_include_pad = 1 : si64, torch.onnx.dilations = [2 : si64, 2 : si64, 2 : si64], torch.onnx.kernel_shape = [5 : si64, 5 : si64, 5 : si64], torch.onnx.strides = [3 : si64, 3 : si64, 3 : si64]} : (!torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,8,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/output_0.bin new file mode 100644 index 0000000..c37f503 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/run_module_io_flags.txt new file mode 100644 index 0000000..8cf6919 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x32x32x32xf32=@input_0.bin +--expected_output=1x1x8x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/input_0.bin new file mode 100644 index 0000000..379b88a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/model.mlir new file mode 100644 index 0000000..3ecc22f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True(%arg0: !torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,9,9,9],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.ceil_mode = 1 : si64, torch.onnx.count_include_pad = 1 : si64, torch.onnx.dilations = [2 : si64, 2 : si64, 2 : si64], torch.onnx.kernel_shape = [5 : si64, 5 : si64, 5 : si64], torch.onnx.strides = [3 : si64, 3 : si64, 3 : si64]} : (!torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,9,9,9],f32> + return %0 : !torch.vtensor<[1,1,9,9,9],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/output_0.bin new file mode 100644 index 0000000..0e470a9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/run_module_io_flags.txt new file mode 100644 index 0000000..6060a1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x32x32x32xf32=@input_0.bin +--expected_output=1x1x9x9x9xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/input_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/input_0.bin new file mode 100644 index 0000000..0e46cb4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/model.mlir b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/model.mlir new file mode 100644 index 0000000..4b403c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_averagepool_3d_dilations_small(%arg0: !torch.vtensor<[1,1,4,4,4],f32>) -> !torch.vtensor<[1,1,2,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.AveragePool"(%arg0) {torch.onnx.ceil_mode = 1 : si64, torch.onnx.dilations = [2 : si64, 2 : si64, 2 : si64], torch.onnx.kernel_shape = [2 : si64, 2 : si64, 2 : si64], torch.onnx.strides = [1 : si64, 1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,4,4,4],f32>) -> !torch.vtensor<[1,1,2,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/output_0.bin b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/output_0.bin new file mode 100644 index 0000000..8e4fbd7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/run_module_io_flags.txt new file mode 100644 index 0000000..79ecbe7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_averagepool_3d_dilations_small/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x4x4xf32=@input_0.bin +--expected_output=1x1x2x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/input_0.bin new file mode 100644 index 0000000..0038997 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/input_1.bin new file mode 100644 index 0000000..9decbf8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/model.mlir b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/model.mlir new file mode 100644 index 0000000..ce31120 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_basic_conv_with_padding(%arg0: !torch.vtensor<[1,1,5,5],f32>, %arg1: !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Conv"(%arg0, %arg1) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.pads = [1 : si64, 1 : si64, 1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,5,5],f32>, !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/output_0.bin new file mode 100644 index 0000000..5974ec8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/run_module_io_flags.txt new file mode 100644 index 0000000..3678487 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_basic_conv_with_padding/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x5x5xf32=@input_0.bin +--input=1x1x3x3xf32=@input_1.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/input_0.bin new file mode 100644 index 0000000..0038997 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/input_1.bin new file mode 100644 index 0000000..9decbf8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/model.mlir b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/model.mlir new file mode 100644 index 0000000..0f6f2d1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_basic_conv_without_padding(%arg0: !torch.vtensor<[1,1,5,5],f32>, %arg1: !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Conv"(%arg0, %arg1) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.pads = [0 : si64, 0 : si64, 0 : si64, 0 : si64]} : (!torch.vtensor<[1,1,5,5],f32>, !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/output_0.bin new file mode 100644 index 0000000..b973dc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/run_module_io_flags.txt new file mode 100644 index 0000000..d709521 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_basic_conv_without_padding/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x5x5xf32=@input_0.bin +--input=1x1x3x3xf32=@input_1.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_1.bin new file mode 100644 index 0000000..dcce8bf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_2.bin b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_2.bin new file mode 100644 index 0000000..95aea08 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/model.mlir b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/model.mlir new file mode 100644 index 0000000..c173e53 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_basic_deform_conv_with_padding(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,1,2,2],f32>, %arg2: !torch.vtensor<[1,8,4,4],f32>) -> !torch.vtensor<[1,1,4,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DeformConv"(%arg0, %arg1, %arg2) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.pads = [1 : si64, 1 : si64, 1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[1,8,4,4],f32>) -> !torch.vtensor<[1,1,4,4],f32> + return %0 : !torch.vtensor<[1,1,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/output_0.bin new file mode 100644 index 0000000..c38a991 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/run_module_io_flags.txt new file mode 100644 index 0000000..e1b0b87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_basic_deform_conv_with_padding/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x1x2x2xf32=@input_1.bin +--input=1x8x4x4xf32=@input_2.bin +--expected_output=1x1x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_1.bin new file mode 100644 index 0000000..dcce8bf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_2.bin b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_2.bin new file mode 100644 index 0000000..562127d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/model.mlir b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/model.mlir new file mode 100644 index 0000000..d339865 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_basic_deform_conv_without_padding(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,1,2,2],f32>, %arg2: !torch.vtensor<[1,8,2,2],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DeformConv"(%arg0, %arg1, %arg2) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.pads = [0 : si64, 0 : si64, 0 : si64, 0 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[1,8,2,2],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/output_0.bin new file mode 100644 index 0000000..6f24eed Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/run_module_io_flags.txt new file mode 100644 index 0000000..4966759 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_basic_deform_conv_without_padding/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x1x2x2xf32=@input_1.bin +--input=1x8x2x2xf32=@input_2.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_0.bin new file mode 100644 index 0000000..593a854 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_1.bin new file mode 100644 index 0000000..3530623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_1.bin @@ -0,0 +1 @@ +6?a:V? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_2.bin new file mode 100644 index 0000000..d8c8b0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_2.bin @@ -0,0 +1 @@ +=?ttK \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_3.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_3.bin new file mode 100644 index 0000000..ef374cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_3.bin @@ -0,0 +1 @@ +Df< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_4.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_4.bin new file mode 100644 index 0000000..7243c2f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/input_4.bin @@ -0,0 +1 @@ +c6=lL?W= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/model.mlir new file mode 100644 index 0000000..f0fea4b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_batchnorm_epsilon(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>, %arg3: !torch.vtensor<[3],f32>, %arg4: !torch.vtensor<[3],f32>) -> !torch.vtensor<[2,3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BatchNormalization"(%arg0, %arg1, %arg2, %arg3, %arg4) {torch.onnx.epsilon = 0.00999999977 : f32} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[2,3,4,5],f32> + return %0 : !torch.vtensor<[2,3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/output_0.bin new file mode 100644 index 0000000..ab2bdcb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..18dfad7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--input=3xf32=@input_3.bin +--input=3xf32=@input_4.bin +--expected_output=2x3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_0.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_0.bin new file mode 100644 index 0000000..593a854 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_1.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_1.bin new file mode 100644 index 0000000..3530623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_1.bin @@ -0,0 +1 @@ +6?a:V? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_2.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_2.bin new file mode 100644 index 0000000..d8c8b0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_2.bin @@ -0,0 +1 @@ +=?ttK \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_3.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_3.bin new file mode 100644 index 0000000..ef374cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_3.bin @@ -0,0 +1 @@ +Df< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_4.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_4.bin new file mode 100644 index 0000000..7243c2f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/input_4.bin @@ -0,0 +1 @@ +c6=lL?W= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/model.mlir b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/model.mlir new file mode 100644 index 0000000..47372d9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_batchnorm_epsilon_training_mode(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>, %arg3: !torch.vtensor<[3],f32>, %arg4: !torch.vtensor<[3],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.BatchNormalization"(%arg0, %arg1, %arg2, %arg3, %arg4) {torch.onnx.epsilon = 0.00999999977 : f32, torch.onnx.training_mode = 1 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_0.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_0.bin new file mode 100644 index 0000000..2ecbe7d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_1.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_1.bin new file mode 100644 index 0000000..1a63426 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_1.bin @@ -0,0 +1 @@ +X 2 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_2.bin b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_2.bin new file mode 100644 index 0000000..e268f8c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/output_2.bin @@ -0,0 +1 @@ +>X?!> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/run_module_io_flags.txt new file mode 100644 index 0000000..f404aea --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_epsilon_training_mode/run_module_io_flags.txt @@ -0,0 +1,8 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--input=3xf32=@input_3.bin +--input=3xf32=@input_4.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=3xf32=@output_1.bin +--expected_output=3xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example/input_0.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example/input_1.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_1.bin new file mode 100644 index 0000000..cb5076f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_1.bin @@ -0,0 +1 @@ +ٺ>*> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example/input_2.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_2.bin new file mode 100644 index 0000000..7624ff8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_2.bin @@ -0,0 +1 @@ +ǩ?319 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example/input_3.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_3.bin new file mode 100644 index 0000000..0073f97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_3.bin @@ -0,0 +1 @@ +r޾?,? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example/input_4.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_4.bin new file mode 100644 index 0000000..ce83ea5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example/input_4.bin @@ -0,0 +1 @@ +ǻy?[?n?< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example/model.mlir b/onnx-ops/onnx/node/generated/test_batchnorm_example/model.mlir new file mode 100644 index 0000000..677fc52 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_batchnorm_example(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>, %arg3: !torch.vtensor<[3],f32>, %arg4: !torch.vtensor<[3],f32>) -> !torch.vtensor<[2,3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BatchNormalization"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[2,3,4,5],f32> + return %0 : !torch.vtensor<[2,3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example/output_0.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example/output_0.bin new file mode 100644 index 0000000..922e1b0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_batchnorm_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_batchnorm_example/run_module_io_flags.txt new file mode 100644 index 0000000..18dfad7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--input=3xf32=@input_3.bin +--input=3xf32=@input_4.bin +--expected_output=2x3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_0.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_1.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_1.bin new file mode 100644 index 0000000..cb5076f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_1.bin @@ -0,0 +1 @@ +ٺ>*> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_2.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_2.bin new file mode 100644 index 0000000..7624ff8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_2.bin @@ -0,0 +1 @@ +ǩ?319 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_3.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_3.bin new file mode 100644 index 0000000..0073f97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_3.bin @@ -0,0 +1 @@ +r޾?,? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_4.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_4.bin new file mode 100644 index 0000000..ce83ea5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/input_4.bin @@ -0,0 +1 @@ +ǻy?[?n?< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/model.mlir b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/model.mlir new file mode 100644 index 0000000..120adcb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_batchnorm_example_training_mode(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>, %arg3: !torch.vtensor<[3],f32>, %arg4: !torch.vtensor<[3],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.BatchNormalization"(%arg0, %arg1, %arg2, %arg3, %arg4) {torch.onnx.training_mode = 1 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_0.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_0.bin new file mode 100644 index 0000000..d9161df Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_1.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_1.bin new file mode 100644 index 0000000..b7b3103 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_1.bin @@ -0,0 +1 @@ +¾u?N2? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_2.bin b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_2.bin new file mode 100644 index 0000000..6042c58 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/output_2.bin @@ -0,0 +1 @@ +`v?/c?P > \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/run_module_io_flags.txt new file mode 100644 index 0000000..f404aea --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_batchnorm_example_training_mode/run_module_io_flags.txt @@ -0,0 +1,8 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--input=3xf32=@input_3.bin +--input=3xf32=@input_4.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=3xf32=@output_1.bin +--expected_output=3xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_bernoulli/input_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli/input_0.bin new file mode 100644 index 0000000..1231393 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli/input_0.bin @@ -0,0 +1 @@ +_V?3`?KnkI?cۮo?)?[!*?Yam?:g?63IS?BKN? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bernoulli/model.mlir b/onnx-ops/onnx/node/generated/test_bernoulli/model.mlir new file mode 100644 index 0000000..a09886b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bernoulli(%arg0: !torch.vtensor<[10],f64>) -> !torch.vtensor<[10],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Bernoulli"(%arg0) : (!torch.vtensor<[10],f64>) -> !torch.vtensor<[10],f64> + return %0 : !torch.vtensor<[10],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bernoulli/output_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli/output_0.bin new file mode 100644 index 0000000..7d22b4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bernoulli/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bernoulli/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bernoulli/run_module_io_flags.txt new file mode 100644 index 0000000..80b97d7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=10xf64=@input_0.bin +--expected_output=10xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_double/input_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_double/input_0.bin new file mode 100644 index 0000000..ae30a85 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_double/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n > \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_double/model.mlir b/onnx-ops/onnx/node/generated/test_bernoulli_double/model.mlir new file mode 100644 index 0000000..e461274 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_double/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bernoulli_double(%arg0: !torch.vtensor<[10],f32>) -> !torch.vtensor<[10],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Bernoulli"(%arg0) {torch.onnx.dtype = 11 : si64} : (!torch.vtensor<[10],f32>) -> !torch.vtensor<[10],f64> + return %0 : !torch.vtensor<[10],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_double/output_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_double/output_0.bin new file mode 100644 index 0000000..7d22b4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bernoulli_double/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_double/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bernoulli_double/run_module_io_flags.txt new file mode 100644 index 0000000..bd36908 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_double/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=10xf32=@input_0.bin +--expected_output=10xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/input_0.bin new file mode 100644 index 0000000..ae30a85 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n > \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/model.mlir new file mode 100644 index 0000000..cd2c59c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_bernoulli_double_expanded(%arg0: !torch.vtensor<[10],f32>) -> !torch.vtensor<[10],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RandomUniformLike"(%arg0) {torch.onnx.dtype = 1 : si64, torch.onnx.high = 1.000000e+00 : f32, torch.onnx.low = 0.000000e+00 : f32} : (!torch.vtensor<[10],f32>) -> !torch.vtensor<[10],f32> + %1 = torch.operator "onnx.Greater"(%0, %arg0) : (!torch.vtensor<[10],f32>, !torch.vtensor<[10],f32>) -> !torch.vtensor<[10],i1> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[10],i1>) -> !torch.vtensor<[10],f64> + return %2 : !torch.vtensor<[10],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/output_0.bin new file mode 100644 index 0000000..7d22b4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..bd36908 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_double_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=10xf32=@input_0.bin +--expected_output=10xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_expanded/input_0.bin new file mode 100644 index 0000000..1231393 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_expanded/input_0.bin @@ -0,0 +1 @@ +_V?3`?KnkI?cۮo?)?[!*?Yam?:g?63IS?BKN? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_bernoulli_expanded/model.mlir new file mode 100644 index 0000000..c6dc289 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_expanded/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_bernoulli_expanded(%arg0: !torch.vtensor<[10],f64>) -> !torch.vtensor<[10],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RandomUniformLike"(%arg0) {torch.onnx.dtype = 11 : si64, torch.onnx.high = 1.000000e+00 : f32, torch.onnx.low = 0.000000e+00 : f32} : (!torch.vtensor<[10],f64>) -> !torch.vtensor<[10],f64> + %1 = torch.operator "onnx.Greater"(%0, %arg0) : (!torch.vtensor<[10],f64>, !torch.vtensor<[10],f64>) -> !torch.vtensor<[10],i1> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[10],i1>) -> !torch.vtensor<[10],f64> + return %2 : !torch.vtensor<[10],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_expanded/output_0.bin new file mode 100644 index 0000000..7d22b4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bernoulli_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bernoulli_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..80b97d7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=10xf64=@input_0.bin +--expected_output=10xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_seed/input_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_seed/input_0.bin new file mode 100644 index 0000000..ae30a85 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_seed/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n > \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_seed/model.mlir b/onnx-ops/onnx/node/generated/test_bernoulli_seed/model.mlir new file mode 100644 index 0000000..61969e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_seed/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bernoulli_seed(%arg0: !torch.vtensor<[10],f32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Bernoulli"(%arg0) {torch.onnx.seed = 0.000000e+00 : f32} : (!torch.vtensor<[10],f32>) -> !torch.vtensor<[10],f32> + return %0 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_seed/output_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_seed/output_0.bin new file mode 100644 index 0000000..f515319 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bernoulli_seed/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_seed/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bernoulli_seed/run_module_io_flags.txt new file mode 100644 index 0000000..3f6defc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_seed/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=10xf32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/input_0.bin new file mode 100644 index 0000000..ae30a85 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n > \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/model.mlir new file mode 100644 index 0000000..3d491a4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_bernoulli_seed_expanded(%arg0: !torch.vtensor<[10],f32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RandomUniformLike"(%arg0) {torch.onnx.dtype = 1 : si64, torch.onnx.high = 1.000000e+00 : f32, torch.onnx.low = 0.000000e+00 : f32, torch.onnx.seed = 0.000000e+00 : f32} : (!torch.vtensor<[10],f32>) -> !torch.vtensor<[10],f32> + %1 = torch.operator "onnx.Greater"(%0, %arg0) : (!torch.vtensor<[10],f32>, !torch.vtensor<[10],f32>) -> !torch.vtensor<[10],i1> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[10],i1>) -> !torch.vtensor<[10],f32> + return %2 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/output_0.bin new file mode 100644 index 0000000..f515319 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3f6defc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bernoulli_seed_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=10xf32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/input_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/input_0.bin new file mode 100644 index 0000000..3fcdffa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/input_1.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/input_1.bin new file mode 100644 index 0000000..6007a59 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/model.mlir b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/model.mlir new file mode 100644 index 0000000..72dfe8f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitshift_left_uint16(%arg0: !torch.vtensor<[3],ui16>, %arg1: !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitShift"(%arg0, %arg1) {torch.onnx.direction = "LEFT"} : (!torch.vtensor<[3],ui16>, !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> + return %0 : !torch.vtensor<[3],ui16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/output_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/output_0.bin new file mode 100644 index 0000000..06c779e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/run_module_io_flags.txt new file mode 100644 index 0000000..445e51d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi16=@input_0.bin +--input=3xi16=@input_1.bin +--expected_output=3xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/input_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/input_0.bin new file mode 100644 index 0000000..b29020b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/input_1.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/input_1.bin new file mode 100644 index 0000000..9adb25b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/model.mlir b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/model.mlir new file mode 100644 index 0000000..52c662d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitshift_left_uint32(%arg0: !torch.vtensor<[3],ui32>, %arg1: !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitShift"(%arg0, %arg1) {torch.onnx.direction = "LEFT"} : (!torch.vtensor<[3],ui32>, !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> + return %0 : !torch.vtensor<[3],ui32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/output_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/output_0.bin new file mode 100644 index 0000000..fa5eba9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/run_module_io_flags.txt new file mode 100644 index 0000000..8b214ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/input_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/input_0.bin new file mode 100644 index 0000000..44e3338 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/input_1.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/input_1.bin new file mode 100644 index 0000000..313779c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/model.mlir b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/model.mlir new file mode 100644 index 0000000..2dfe56c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitshift_left_uint64(%arg0: !torch.vtensor<[3],ui64>, %arg1: !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitShift"(%arg0, %arg1) {torch.onnx.direction = "LEFT"} : (!torch.vtensor<[3],ui64>, !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> + return %0 : !torch.vtensor<[3],ui64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/output_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/output_0.bin new file mode 100644 index 0000000..478f665 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/run_module_io_flags.txt new file mode 100644 index 0000000..0281ad8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/input_0.bin new file mode 100644 index 0000000..a7cb006 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/input_1.bin new file mode 100644 index 0000000..aed2973 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/model.mlir new file mode 100644 index 0000000..d6ba901 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitshift_left_uint8(%arg0: !torch.vtensor<[3],ui8>, %arg1: !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitShift"(%arg0, %arg1) {torch.onnx.direction = "LEFT"} : (!torch.vtensor<[3],ui8>, !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> + return %0 : !torch.vtensor<[3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/output_0.bin new file mode 100644 index 0000000..87974e2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/output_0.bin @@ -0,0 +1 @@ +  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..416316b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_left_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi8=@input_0.bin +--input=3xi8=@input_1.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/input_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/input_0.bin new file mode 100644 index 0000000..3fcdffa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/input_1.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/input_1.bin new file mode 100644 index 0000000..6007a59 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/model.mlir b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/model.mlir new file mode 100644 index 0000000..7237598 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitshift_right_uint16(%arg0: !torch.vtensor<[3],ui16>, %arg1: !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitShift"(%arg0, %arg1) {torch.onnx.direction = "RIGHT"} : (!torch.vtensor<[3],ui16>, !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> + return %0 : !torch.vtensor<[3],ui16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/output_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/output_0.bin new file mode 100644 index 0000000..00bfa81 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/run_module_io_flags.txt new file mode 100644 index 0000000..445e51d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi16=@input_0.bin +--input=3xi16=@input_1.bin +--expected_output=3xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/input_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/input_0.bin new file mode 100644 index 0000000..b29020b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/input_1.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/input_1.bin new file mode 100644 index 0000000..9adb25b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/model.mlir b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/model.mlir new file mode 100644 index 0000000..88f7f75 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitshift_right_uint32(%arg0: !torch.vtensor<[3],ui32>, %arg1: !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitShift"(%arg0, %arg1) {torch.onnx.direction = "RIGHT"} : (!torch.vtensor<[3],ui32>, !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> + return %0 : !torch.vtensor<[3],ui32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/output_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/output_0.bin new file mode 100644 index 0000000..cbd025d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/run_module_io_flags.txt new file mode 100644 index 0000000..8b214ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/input_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/input_0.bin new file mode 100644 index 0000000..44e3338 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/input_1.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/input_1.bin new file mode 100644 index 0000000..313779c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/model.mlir b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/model.mlir new file mode 100644 index 0000000..4467612 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitshift_right_uint64(%arg0: !torch.vtensor<[3],ui64>, %arg1: !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitShift"(%arg0, %arg1) {torch.onnx.direction = "RIGHT"} : (!torch.vtensor<[3],ui64>, !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> + return %0 : !torch.vtensor<[3],ui64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/output_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/output_0.bin new file mode 100644 index 0000000..40433a9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/run_module_io_flags.txt new file mode 100644 index 0000000..0281ad8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/input_0.bin new file mode 100644 index 0000000..a7cb006 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/input_1.bin new file mode 100644 index 0000000..aed2973 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/model.mlir new file mode 100644 index 0000000..8df19a7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitshift_right_uint8(%arg0: !torch.vtensor<[3],ui8>, %arg1: !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitShift"(%arg0, %arg1) {torch.onnx.direction = "RIGHT"} : (!torch.vtensor<[3],ui8>, !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> + return %0 : !torch.vtensor<[3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/output_0.bin new file mode 100644 index 0000000..5aa9d5f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..416316b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitshift_right_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi8=@input_0.bin +--input=3xi8=@input_1.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/input_0.bin new file mode 100644 index 0000000..b2fabd5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/input_1.bin new file mode 100644 index 0000000..b2fabd5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/model.mlir new file mode 100644 index 0000000..c95796f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_and_i16_3d(%arg0: !torch.vtensor<[3,4,5],si16>, %arg1: !torch.vtensor<[3,4,5],si16>) -> !torch.vtensor<[3,4,5],si16> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseAnd"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],si16>, !torch.vtensor<[3,4,5],si16>) -> !torch.vtensor<[3,4,5],si16> + return %0 : !torch.vtensor<[3,4,5],si16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/output_0.bin new file mode 100644 index 0000000..b2fabd5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/run_module_io_flags.txt new file mode 100644 index 0000000..149f1bc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_i16_3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi16=@input_0.bin +--input=3x4x5xi16=@input_1.bin +--expected_output=3x4x5xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/input_0.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/input_0.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/input_1.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/input_1.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/model.mlir new file mode 100644 index 0000000..4826f6d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_and_i32_2d(%arg0: !torch.vtensor<[3,4],si32>, %arg1: !torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],si32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseAnd"(%arg0, %arg1) : (!torch.vtensor<[3,4],si32>, !torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],si32> + return %0 : !torch.vtensor<[3,4],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/output_0.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/output_0.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/run_module_io_flags.txt new file mode 100644 index 0000000..1a9a422 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_i32_2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xi32=@input_0.bin +--input=3x4xi32=@input_1.bin +--expected_output=3x4xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/input_0.bin new file mode 100644 index 0000000..b8e1568 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/input_1.bin new file mode 100644 index 0000000..c16651f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/model.mlir new file mode 100644 index 0000000..2cc9d32 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_and_ui64_bcast_3v1d(%arg0: !torch.vtensor<[3,4,5],ui64>, %arg1: !torch.vtensor<[5],ui64>) -> !torch.vtensor<[3,4,5],ui64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseAnd"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],ui64>, !torch.vtensor<[5],ui64>) -> !torch.vtensor<[3,4,5],ui64> + return %0 : !torch.vtensor<[3,4,5],ui64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/output_0.bin new file mode 100644 index 0000000..59a662e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/run_module_io_flags.txt new file mode 100644 index 0000000..62b8422 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_ui64_bcast_3v1d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi64=@input_0.bin +--input=5xi64=@input_1.bin +--expected_output=3x4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/input_0.bin new file mode 100644 index 0000000..ac57d1f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/input_0.bin @@ -0,0 +1,5 @@ +%H˅OGeԋꜝ2D`V?=9<؍syGƕ19+L4Pms)@oׇh ~}d9S +W\J.ؗAqM4LەMKL+$g-9` +|Qyܔ^, %arg1: !torch.vtensor<[4,5,6],ui8>) -> !torch.vtensor<[3,4,5,6],ui8> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseAnd"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],ui8>, !torch.vtensor<[4,5,6],ui8>) -> !torch.vtensor<[3,4,5,6],ui8> + return %0 : !torch.vtensor<[3,4,5,6],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/output_0.bin new file mode 100644 index 0000000..67692da Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/run_module_io_flags.txt new file mode 100644 index 0000000..a591d15 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_and_ui8_bcast_4v3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi8=@input_0.bin +--input=4x5x6xi8=@input_1.bin +--expected_output=3x4x5x6xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_not_2d/input_0.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_2d/input_0.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_2d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_not_2d/model.mlir new file mode 100644 index 0000000..7e9b651 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_not_2d(%arg0: !torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],si32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseNot"(%arg0) : (!torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],si32> + return %0 : !torch.vtensor<[3,4],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_not_2d/output_0.bin new file mode 100644 index 0000000..65862d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_not_2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_not_2d/run_module_io_flags.txt new file mode 100644 index 0000000..933f4bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_2d/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xi32=@input_0.bin +--expected_output=3x4xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_not_3d/input_0.bin new file mode 100644 index 0000000..6b83319 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_3d/input_0.bin @@ -0,0 +1,2 @@ +%뀌/H~˪OSP̿Gy}Teɋ MߎY2Dj|_KBeޭ`V׉?=9 +<u~syȹ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_3d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_not_3d/model.mlir new file mode 100644 index 0000000..cb3fe53 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_not_3d(%arg0: !torch.vtensor<[3,4,5],ui16>) -> !torch.vtensor<[3,4,5],ui16> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseNot"(%arg0) : (!torch.vtensor<[3,4,5],ui16>) -> !torch.vtensor<[3,4,5],ui16> + return %0 : !torch.vtensor<[3,4,5],ui16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_not_3d/output_0.bin new file mode 100644 index 0000000..2868910 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_not_3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_not_3d/run_module_io_flags.txt new file mode 100644 index 0000000..f10e6e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_3d/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xi16=@input_0.bin +--expected_output=3x4x5xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_4d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_not_4d/input_0.bin new file mode 100644 index 0000000..ac57d1f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_4d/input_0.bin @@ -0,0 +1,5 @@ +%H˅OGeԋꜝ2D`V?=9<؍syGƕ19+L4Pms)@oׇh ~}d9S +W\J.ؗAqM4LەMKL+$g-9` +|Qyܔ^) -> !torch.vtensor<[3,4,5,6],ui8> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseNot"(%arg0) : (!torch.vtensor<[3,4,5,6],ui8>) -> !torch.vtensor<[3,4,5,6],ui8> + return %0 : !torch.vtensor<[3,4,5,6],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_4d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_not_4d/output_0.bin new file mode 100644 index 0000000..08a3d2c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_4d/output_0.bin @@ -0,0 +1 @@ +sv4z?o~3yMm+tcbqͻ((!rv.'rP7|9j;Գ˯-;(xf<肛dZƬYw]p8 A_'hH2*9$j47ۘ;-胮xg5#k_s>g}#I)9=OznUOrJH&j,qr+y2GDpv=8ʺ[ײ$N2W1Ҩoc<1bJ"}+c-!w2ͰV,a$q exPC ݛl<,YPz_5='anC 1nX\.ciV \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_not_4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_not_4d/run_module_io_flags.txt new file mode 100644 index 0000000..08312d9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_not_4d/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5x6xi8=@input_0.bin +--expected_output=3x4x5x6xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/input_0.bin new file mode 100644 index 0000000..945df2b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/input_1.bin new file mode 100644 index 0000000..945df2b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/model.mlir new file mode 100644 index 0000000..b094d93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_or_i16_4d(%arg0: !torch.vtensor<[3,4,5,6],si8>, %arg1: !torch.vtensor<[3,4,5,6],si8>) -> !torch.vtensor<[3,4,5,6],si8> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseOr"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],si8>, !torch.vtensor<[3,4,5,6],si8>) -> !torch.vtensor<[3,4,5,6],si8> + return %0 : !torch.vtensor<[3,4,5,6],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/output_0.bin new file mode 100644 index 0000000..945df2b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/run_module_io_flags.txt new file mode 100644 index 0000000..4fc7e0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_i16_4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi8=@input_0.bin +--input=3x4x5x6xi8=@input_1.bin +--expected_output=3x4x5x6xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/input_0.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/input_0.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/input_1.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/input_1.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/model.mlir new file mode 100644 index 0000000..5ab6548 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_or_i32_2d(%arg0: !torch.vtensor<[3,4],si32>, %arg1: !torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],si32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseOr"(%arg0, %arg1) : (!torch.vtensor<[3,4],si32>, !torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],si32> + return %0 : !torch.vtensor<[3,4],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/output_0.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/output_0.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/run_module_io_flags.txt new file mode 100644 index 0000000..1a9a422 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_i32_2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xi32=@input_0.bin +--input=3x4xi32=@input_1.bin +--expected_output=3x4xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/input_0.bin new file mode 100644 index 0000000..b8e1568 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/input_1.bin new file mode 100644 index 0000000..c16651f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/model.mlir new file mode 100644 index 0000000..0967caf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_or_ui64_bcast_3v1d(%arg0: !torch.vtensor<[3,4,5],ui64>, %arg1: !torch.vtensor<[5],ui64>) -> !torch.vtensor<[3,4,5],ui64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseOr"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],ui64>, !torch.vtensor<[5],ui64>) -> !torch.vtensor<[3,4,5],ui64> + return %0 : !torch.vtensor<[3,4,5],ui64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/output_0.bin new file mode 100644 index 0000000..70a01a1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/run_module_io_flags.txt new file mode 100644 index 0000000..62b8422 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_ui64_bcast_3v1d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi64=@input_0.bin +--input=5xi64=@input_1.bin +--expected_output=3x4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/input_0.bin new file mode 100644 index 0000000..ac57d1f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/input_0.bin @@ -0,0 +1,5 @@ +%H˅OGeԋꜝ2D`V?=9<؍syGƕ19+L4Pms)@oׇh ~}d9S +W\J.ؗAqM4LەMKL+$g-9` +|Qyܔ^, %arg1: !torch.vtensor<[4,5,6],ui8>) -> !torch.vtensor<[3,4,5,6],ui8> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseOr"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],ui8>, !torch.vtensor<[4,5,6],ui8>) -> !torch.vtensor<[3,4,5,6],ui8> + return %0 : !torch.vtensor<[3,4,5,6],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/output_0.bin new file mode 100644 index 0000000..f930ef4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/output_0.bin @@ -0,0 +1,2 @@ +%H˅OGeԋꜝ2D`V?=9<؍syGƕ19+L4Pms)@oׇh ~}d9S +W\J.طy˅݇۷m7mm^ه^y柷yOvov{|i~[~?ݥ]=uޯ߯`?^m<\ݿ}wֽ?vw}^_uߥ;⾛W۾ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/run_module_io_flags.txt new file mode 100644 index 0000000..a591d15 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_or_ui8_bcast_4v3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi8=@input_0.bin +--input=4x5x6xi8=@input_1.bin +--expected_output=3x4x5x6xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/input_0.bin new file mode 100644 index 0000000..b2fabd5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/input_1.bin new file mode 100644 index 0000000..b2fabd5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/model.mlir new file mode 100644 index 0000000..f874283 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_xor_i16_3d(%arg0: !torch.vtensor<[3,4,5],si16>, %arg1: !torch.vtensor<[3,4,5],si16>) -> !torch.vtensor<[3,4,5],si16> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseXor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],si16>, !torch.vtensor<[3,4,5],si16>) -> !torch.vtensor<[3,4,5],si16> + return %0 : !torch.vtensor<[3,4,5],si16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/output_0.bin new file mode 100644 index 0000000..5366ed7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/run_module_io_flags.txt new file mode 100644 index 0000000..149f1bc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_i16_3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi16=@input_0.bin +--input=3x4x5xi16=@input_1.bin +--expected_output=3x4x5xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/input_0.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/input_0.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/input_1.bin new file mode 100644 index 0000000..245675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/input_1.bin @@ -0,0 +1 @@ +%G/g8Hn~̠˪eͅOˑSpP \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/model.mlir new file mode 100644 index 0000000..f7f9ee4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_xor_i32_2d(%arg0: !torch.vtensor<[3,4],si32>, %arg1: !torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],si32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseXor"(%arg0, %arg1) : (!torch.vtensor<[3,4],si32>, !torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],si32> + return %0 : !torch.vtensor<[3,4],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/output_0.bin new file mode 100644 index 0000000..2a56096 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/run_module_io_flags.txt new file mode 100644 index 0000000..1a9a422 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_i32_2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xi32=@input_0.bin +--input=3x4xi32=@input_1.bin +--expected_output=3x4xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/input_0.bin new file mode 100644 index 0000000..b8e1568 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/input_1.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/input_1.bin new file mode 100644 index 0000000..c16651f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/model.mlir b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/model.mlir new file mode 100644 index 0000000..f831d0a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_bitwise_xor_ui64_bcast_3v1d(%arg0: !torch.vtensor<[3,4,5],ui64>, %arg1: !torch.vtensor<[5],ui64>) -> !torch.vtensor<[3,4,5],ui64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseXor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],ui64>, !torch.vtensor<[5],ui64>) -> !torch.vtensor<[3,4,5],ui64> + return %0 : !torch.vtensor<[3,4,5],ui64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/output_0.bin new file mode 100644 index 0000000..a6950b5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/run_module_io_flags.txt new file mode 100644 index 0000000..62b8422 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui64_bcast_3v1d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi64=@input_0.bin +--input=5xi64=@input_1.bin +--expected_output=3x4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/input_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/input_0.bin new file mode 100644 index 0000000..ac57d1f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/input_0.bin @@ -0,0 +1,5 @@ +%H˅OGeԋꜝ2D`V?=9<؍syGƕ19+L4Pms)@oׇh ~}d9S +W\J.ؗAqM4LەMKL+$g-9` +|Qyܔ^, %arg1: !torch.vtensor<[4,5,6],ui8>) -> !torch.vtensor<[3,4,5,6],ui8> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BitwiseXor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],ui8>, !torch.vtensor<[4,5,6],ui8>) -> !torch.vtensor<[3,4,5,6],ui8> + return %0 : !torch.vtensor<[3,4,5,6],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/output_0.bin b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/output_0.bin new file mode 100644 index 0000000..ca1f977 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/run_module_io_flags.txt new file mode 100644 index 0000000..a591d15 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_bitwise_xor_ui8_bcast_4v3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi8=@input_0.bin +--input=4x5x6xi8=@input_1.bin +--expected_output=3x4x5x6xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow/input_0.bin b/onnx-ops/onnx/node/generated/test_blackmanwindow/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_blackmanwindow/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow/model.mlir b/onnx-ops/onnx/node/generated/test_blackmanwindow/model.mlir new file mode 100644 index 0000000..74b0515 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_blackmanwindow/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_blackmanwindow(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BlackmanWindow"(%arg0) : (!torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> + return %0 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow/output_0.bin b/onnx-ops/onnx/node/generated/test_blackmanwindow/output_0.bin new file mode 100644 index 0000000..3b2efb2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_blackmanwindow/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_blackmanwindow/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_blackmanwindow/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/model.mlir new file mode 100644 index 0000000..616cbb9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/model.mlir @@ -0,0 +1,33 @@ +module { + func.func @test_blackmanwindow_expanded(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<4.200000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<8.000000e-02> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<6.28318548> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Sub"(%7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %10 = torch.operator "onnx.Cast"(%9) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Sub"(%4, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Mul"(%7, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %13 = torch.operator "onnx.Mul"(%8, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Add"(%12, %13) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %15 = torch.operator "onnx.Div"(%6, %14) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %16 = torch.operator "onnx.Range"(%3, %7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %17 = torch.operator "onnx.Mul"(%16, %15) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %18 = torch.operator "onnx.Mul"(%17, %5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %19 = torch.operator "onnx.Cos"(%18) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %20 = torch.operator "onnx.Mul"(%2, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %21 = torch.operator "onnx.Cos"(%17) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %22 = torch.operator "onnx.Mul"(%1, %21) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %23 = torch.operator "onnx.Sub"(%0, %22) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %24 = torch.operator "onnx.Add"(%23, %20) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %25 = torch.operator "onnx.Cast"(%24) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[10],f32> + return %25 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/output_0.bin new file mode 100644 index 0000000..3b2efb2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_blackmanwindow_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/model.mlir b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/model.mlir new file mode 100644 index 0000000..9f69cdf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_blackmanwindow_symmetric(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.BlackmanWindow"(%arg0) {torch.onnx.periodic = 0 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> + return %0 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/output_0.bin new file mode 100644 index 0000000..734fec0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/model.mlir new file mode 100644 index 0000000..91f5170 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/model.mlir @@ -0,0 +1,33 @@ +module { + func.func @test_blackmanwindow_symmetric_expanded(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<4.200000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<8.000000e-02> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<6.28318548> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Sub"(%7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %10 = torch.operator "onnx.Cast"(%9) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Sub"(%4, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Mul"(%7, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %13 = torch.operator "onnx.Mul"(%8, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Add"(%12, %13) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %15 = torch.operator "onnx.Div"(%6, %14) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %16 = torch.operator "onnx.Range"(%3, %7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %17 = torch.operator "onnx.Mul"(%16, %15) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %18 = torch.operator "onnx.Mul"(%17, %5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %19 = torch.operator "onnx.Cos"(%18) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %20 = torch.operator "onnx.Mul"(%2, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %21 = torch.operator "onnx.Cos"(%17) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %22 = torch.operator "onnx.Mul"(%1, %21) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %23 = torch.operator "onnx.Sub"(%0, %22) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %24 = torch.operator "onnx.Add"(%23, %20) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %25 = torch.operator "onnx.Cast"(%24) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[10],f32> + return %25 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/output_0.bin new file mode 100644 index 0000000..734fec0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_blackmanwindow_symmetric_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/input_0.bin new file mode 100644 index 0000000..ee1017e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/input_0.bin @@ -0,0 +1 @@ +>>>Q?>Q?W>9? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/model.mlir new file mode 100644 index 0000000..8294bb2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_BFLOAT16_to_FLOAT(%arg0: !torch.vtensor<[3,4],bf16>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],bf16>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/output_0.bin new file mode 100644 index 0000000..f2d7138 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..85f4019 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_BFLOAT16_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xbf16=@input_0.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/input_0.bin new file mode 100644 index 0000000..5e4e2bc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/input_0.bin @@ -0,0 +1 @@ +Rd/?\ G?X'L ??F ?+ ?ԛ?|3):y?) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f64>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/output_0.bin new file mode 100644 index 0000000..9a787f0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/output_0.bin @@ -0,0 +1 @@ +>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..ce35af8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf64=@input_0.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..5882172 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/model.mlir new file mode 100644 index 0000000..c06cd15 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_DOUBLE_to_FLOAT16(%arg0: !torch.vtensor<[3,4],f64>) -> !torch.vtensor<[3,4],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 10 : si64} : (!torch.vtensor<[3,4],f64>) -> !torch.vtensor<[3,4],f16> + return %0 : !torch.vtensor<[3,4],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..526fd28 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/output_0.bin @@ -0,0 +1 @@ +1/@9l0J25:7.:&.;7 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..0b6e81e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_DOUBLE_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf64=@input_0.bin +--expected_output=3x4xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/input_0.bin new file mode 100644 index 0000000..e1e4cab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/input_0.bin @@ -0,0 +1 @@ +88;t9569+V9]92 0 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/model.mlir new file mode 100644 index 0000000..1336981 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT16_to_DOUBLE(%arg0: !torch.vtensor<[3,4],f16>) -> !torch.vtensor<[3,4],f64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,4],f16>) -> !torch.vtensor<[3,4],f64> + return %0 : !torch.vtensor<[3,4],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/output_0.bin new file mode 100644 index 0000000..cc159eb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/run_module_io_flags.txt new file mode 100644 index 0000000..d8c8381 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_DOUBLE/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf16=@input_0.bin +--expected_output=3x4xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/input_0.bin new file mode 100644 index 0000000..33b2d65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/input_0.bin @@ -0,0 +1 @@ +/90;-86<42:L78$8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/model.mlir new file mode 100644 index 0000000..66b8364 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT16_to_FLOAT(%arg0: !torch.vtensor<[3,4],f16>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f16>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/output_0.bin new file mode 100644 index 0000000..d270006 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..674dfc4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf16=@input_0.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/input_0.bin new file mode 100644 index 0000000..7dce6d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/model.mlir new file mode 100644 index 0000000..b6970d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT16_to_FLOAT8E4M3FN(%arg0: !torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E4M3FN> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 17 : si64} : (!torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E4M3FN> + return %0 : !torch.vtensor<[3,5],f8E4M3FN> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/output_0.bin new file mode 100644 index 0000000..134632b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/run_module_io_flags.txt new file mode 100644 index 0000000..852a212 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FN/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf16=@input_0.bin +--expected_output=3x5xf8e4m3fn=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/input_0.bin new file mode 100644 index 0000000..7dce6d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/model.mlir new file mode 100644 index 0000000..56e87b1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT16_to_FLOAT8E4M3FNUZ(%arg0: !torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 18 : si64} : (!torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,5],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/output_0.bin new file mode 100644 index 0000000..da25285 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..ea0ae19 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf16=@input_0.bin +--expected_output=3x5xf8e4m3fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/input_0.bin new file mode 100644 index 0000000..7dce6d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/model.mlir new file mode 100644 index 0000000..5231705 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT16_to_FLOAT8E5M2(%arg0: !torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 19 : si64} : (!torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2> + return %0 : !torch.vtensor<[3,5],f8E5M2> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/output_0.bin new file mode 100644 index 0000000..4f724f5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/run_module_io_flags.txt new file mode 100644 index 0000000..7cd9926 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf16=@input_0.bin +--expected_output=3x5xf8e5m2=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/input_0.bin new file mode 100644 index 0000000..7dce6d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/model.mlir new file mode 100644 index 0000000..e3762b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT16_to_FLOAT8E5M2FNUZ(%arg0: !torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 20 : si64} : (!torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,5],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/output_0.bin new file mode 100644 index 0000000..429bee6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..8ed1a3e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf16=@input_0.bin +--expected_output=3x5xf8e5m2fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/input_0.bin new file mode 100644 index 0000000..a96ed54 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/model.mlir new file mode 100644 index 0000000..8cf5a0f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT16_to_INT4(%arg0: !torch.vtensor<[5,5],f16>) -> !torch.vtensor<[5,5],si4> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 22 : si64} : (!torch.vtensor<[5,5],f16>) -> !torch.vtensor<[5,5],si4> + return %0 : !torch.vtensor<[5,5],si4> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/output_0.bin new file mode 100644 index 0000000..5609f8d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/run_module_io_flags.txt new file mode 100644 index 0000000..8139b49 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_INT4/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xf16=@input_0.bin +--expected_output=5x5xi4=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/input_0.bin new file mode 100644 index 0000000..a96ed54 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/model.mlir new file mode 100644 index 0000000..b778803 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT16_to_UINT4(%arg0: !torch.vtensor<[5,5],f16>) -> !torch.vtensor<[5,5],ui4> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 21 : si64} : (!torch.vtensor<[5,5],f16>) -> !torch.vtensor<[5,5],ui4> + return %0 : !torch.vtensor<[5,5],ui4> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/output_0.bin new file mode 100644 index 0000000..f6a1dc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/run_module_io_flags.txt new file mode 100644 index 0000000..8139b49 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT16_to_UINT4/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xf16=@input_0.bin +--expected_output=5x5xi4=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/input_0.bin new file mode 100644 index 0000000..da25285 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/model.mlir new file mode 100644 index 0000000..339152f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT8E4M3FNUZ_to_FLOAT(%arg0: !torch.vtensor<[3,5],f8E5M2FNUZ>) -> !torch.vtensor<[3,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,5],f8E5M2FNUZ>) -> !torch.vtensor<[3,5],f32> + return %0 : !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/output_0.bin new file mode 100644 index 0000000..da25285 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..82599a5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf8e4m3fnuz=@input_0.bin +--expected_output=3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..da25285 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/model.mlir new file mode 100644 index 0000000..3cdd40c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT8E4M3FNUZ_to_FLOAT16(%arg0: !torch.vtensor<[3,5],f8E5M2FNUZ>) -> !torch.vtensor<[3,5],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 10 : si64} : (!torch.vtensor<[3,5],f8E5M2FNUZ>) -> !torch.vtensor<[3,5],f16> + return %0 : !torch.vtensor<[3,5],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..dde2f48 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..600c598 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FNUZ_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf8e4m3fnuz=@input_0.bin +--expected_output=3x5xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/input_0.bin new file mode 100644 index 0000000..134632b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/model.mlir new file mode 100644 index 0000000..d5b3f06 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT8E4M3FN_to_FLOAT(%arg0: !torch.vtensor<[3,5],f8E4M3FN>) -> !torch.vtensor<[3,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,5],f8E4M3FN>) -> !torch.vtensor<[3,5],f32> + return %0 : !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/output_0.bin new file mode 100644 index 0000000..134632b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..4418745 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf8e4m3fn=@input_0.bin +--expected_output=3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..134632b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/model.mlir new file mode 100644 index 0000000..c68540c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT8E4M3FN_to_FLOAT16(%arg0: !torch.vtensor<[3,5],f8E4M3FN>) -> !torch.vtensor<[3,5],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 10 : si64} : (!torch.vtensor<[3,5],f8E4M3FN>) -> !torch.vtensor<[3,5],f16> + return %0 : !torch.vtensor<[3,5],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..f44b38e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..1c0b2ad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E4M3FN_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf8e4m3fn=@input_0.bin +--expected_output=3x5xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/input_0.bin new file mode 100644 index 0000000..429bee6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/model.mlir new file mode 100644 index 0000000..6054b0f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT8E5M2FNUZ_to_FLOAT(%arg0: !torch.vtensor<[3,5],f8E5M2FNUZ>) -> !torch.vtensor<[3,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,5],f8E5M2FNUZ>) -> !torch.vtensor<[3,5],f32> + return %0 : !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/output_0.bin new file mode 100644 index 0000000..429bee6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..e397496 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf8e5m2fnuz=@input_0.bin +--expected_output=3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..429bee6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/model.mlir new file mode 100644 index 0000000..a05b9df --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT8E5M2FNUZ_to_FLOAT16(%arg0: !torch.vtensor<[3,5],f8E5M2FNUZ>) -> !torch.vtensor<[3,5],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 10 : si64} : (!torch.vtensor<[3,5],f8E5M2FNUZ>) -> !torch.vtensor<[3,5],f16> + return %0 : !torch.vtensor<[3,5],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..dd8fd36 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..8d0758a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2FNUZ_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf8e5m2fnuz=@input_0.bin +--expected_output=3x5xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/input_0.bin new file mode 100644 index 0000000..4f724f5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/model.mlir new file mode 100644 index 0000000..0c4f2fd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT8E5M2_to_FLOAT(%arg0: !torch.vtensor<[3,5],f8E5M2>) -> !torch.vtensor<[3,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,5],f8E5M2>) -> !torch.vtensor<[3,5],f32> + return %0 : !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/output_0.bin new file mode 100644 index 0000000..4f724f5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..771334d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf8e5m2=@input_0.bin +--expected_output=3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..4f724f5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/model.mlir new file mode 100644 index 0000000..ddfe6a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT8E5M2_to_FLOAT16(%arg0: !torch.vtensor<[3,5],f8E5M2>) -> !torch.vtensor<[3,5],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 10 : si64} : (!torch.vtensor<[3,5],f8E5M2>) -> !torch.vtensor<[3,5],f16> + return %0 : !torch.vtensor<[3,5],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..7777089 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..f60ddba --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT8E5M2_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf8e5m2=@input_0.bin +--expected_output=3x5xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/model.mlir new file mode 100644 index 0000000..3c0a9bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_BFLOAT16(%arg0: !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],bf16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 16 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],bf16> + return %0 : !torch.vtensor<[3,4],bf16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/output_0.bin new file mode 100644 index 0000000..ee1017e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/output_0.bin @@ -0,0 +1 @@ +>>>Q?>Q?W>9? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..074f0ec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_BFLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf32=@input_0.bin +--expected_output=3x4xbf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/input_0.bin new file mode 100644 index 0000000..a0d6ffb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/input_0.bin @@ -0,0 +1 @@ +^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/model.mlir new file mode 100644 index 0000000..1e49b4a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_DOUBLE(%arg0: !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f64> + return %0 : !torch.vtensor<[3,4],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/output_0.bin new file mode 100644 index 0000000..4b19b2d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/run_module_io_flags.txt new file mode 100644 index 0000000..d691716 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_DOUBLE/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf32=@input_0.bin +--expected_output=3x4xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..1380e36 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/model.mlir new file mode 100644 index 0000000..7e459fa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_FLOAT16(%arg0: !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 10 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f16> + return %0 : !torch.vtensor<[3,4],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..824f929 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..9cb0092 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf32=@input_0.bin +--expected_output=3x4xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/input_0.bin new file mode 100644 index 0000000..748e5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/model.mlir new file mode 100644 index 0000000..07d62fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_FLOAT8E4M3FN(%arg0: !torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E4M3FN> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 17 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E4M3FN> + return %0 : !torch.vtensor<[3,5],f8E4M3FN> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/output_0.bin new file mode 100644 index 0000000..134632b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt new file mode 100644 index 0000000..e331878 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf32=@input_0.bin +--expected_output=3x5xf8e4m3fn=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin new file mode 100644 index 0000000..748e5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir new file mode 100644 index 0000000..0e54159 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_FLOAT8E4M3FNUZ(%arg0: !torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 18 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,5],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin new file mode 100644 index 0000000..da25285 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..a49fbe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf32=@input_0.bin +--expected_output=3x5xf8e4m3fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/input_0.bin new file mode 100644 index 0000000..748e5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/model.mlir new file mode 100644 index 0000000..860fe54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_FLOAT8E5M2(%arg0: !torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 19 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2> + return %0 : !torch.vtensor<[3,5],f8E5M2> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/output_0.bin new file mode 100644 index 0000000..4f724f5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt new file mode 100644 index 0000000..e28f4bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf32=@input_0.bin +--expected_output=3x5xf8e5m2=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin new file mode 100644 index 0000000..748e5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir new file mode 100644 index 0000000..a0a91ea --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_FLOAT8E5M2FNUZ(%arg0: !torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 20 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,5],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin new file mode 100644 index 0000000..429bee6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..cdcd063 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf32=@input_0.bin +--expected_output=3x5xf8e5m2fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/input_0.bin new file mode 100644 index 0000000..3b21c5d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/model.mlir new file mode 100644 index 0000000..17827ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_INT4(%arg0: !torch.vtensor<[5,5],f32>) -> !torch.vtensor<[5,5],si4> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 22 : si64} : (!torch.vtensor<[5,5],f32>) -> !torch.vtensor<[5,5],si4> + return %0 : !torch.vtensor<[5,5],si4> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/output_0.bin new file mode 100644 index 0000000..5609f8d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/run_module_io_flags.txt new file mode 100644 index 0000000..8ae7758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_INT4/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xf32=@input_0.bin +--expected_output=5x5xi4=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/input_0.bin new file mode 100644 index 0000000..494499a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/input_0.bin @@ -0,0 +1 @@ + z?(?a@=?a =̐>)=>'=΢>G>_=E1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/model.mlir new file mode 100644 index 0000000..cd08a85 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_STRING(%arg0: !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],!torch.str> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 8 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],!torch.str> + return %0 : !torch.vtensor<[3,4],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/run_module_io_flags.txt new file mode 100644 index 0000000..7dedac6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_STRING/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf32=@input_0.bin +--expected_output=3x4x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/input_0.bin new file mode 100644 index 0000000..3b21c5d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/model.mlir b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/model.mlir new file mode 100644 index 0000000..8c38745 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_FLOAT_to_UINT4(%arg0: !torch.vtensor<[5,5],f32>) -> !torch.vtensor<[5,5],ui4> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 21 : si64} : (!torch.vtensor<[5,5],f32>) -> !torch.vtensor<[5,5],ui4> + return %0 : !torch.vtensor<[5,5],ui4> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/output_0.bin new file mode 100644 index 0000000..f6a1dc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/run_module_io_flags.txt new file mode 100644 index 0000000..8ae7758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_FLOAT_to_UINT4/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xf32=@input_0.bin +--expected_output=5x5xi4=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/input_0.bin new file mode 100644 index 0000000..5609f8d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/model.mlir new file mode 100644 index 0000000..6e9b63b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_INT4_to_FLOAT(%arg0: !torch.vtensor<[5,5],si4>) -> !torch.vtensor<[5,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[5,5],si4>) -> !torch.vtensor<[5,5],f32> + return %0 : !torch.vtensor<[5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/output_0.bin new file mode 100644 index 0000000..5609f8d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..0edf43f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xi4=@input_0.bin +--expected_output=5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..5609f8d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/model.mlir new file mode 100644 index 0000000..0d49c98 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_INT4_to_FLOAT16(%arg0: !torch.vtensor<[5,5],si4>) -> !torch.vtensor<[5,5],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 10 : si64} : (!torch.vtensor<[5,5],si4>) -> !torch.vtensor<[5,5],f16> + return %0 : !torch.vtensor<[5,5],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..43318ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..a35edae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_INT4_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xi4=@input_0.bin +--expected_output=5x5xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/input_0.bin new file mode 100644 index 0000000..5609f8d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/model.mlir b/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/model.mlir new file mode 100644 index 0000000..7659b9c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_INT4_to_INT8(%arg0: !torch.vtensor<[5,5],si4>) -> !torch.vtensor<[5,5],si8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 3 : si64} : (!torch.vtensor<[5,5],si4>) -> !torch.vtensor<[5,5],si8> + return %0 : !torch.vtensor<[5,5],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/output_0.bin new file mode 100644 index 0000000..1080520 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/run_module_io_flags.txt new file mode 100644 index 0000000..6668108 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_INT4_to_INT8/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xi4=@input_0.bin +--expected_output=5x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/model.mlir new file mode 100644 index 0000000..aa45bce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_STRING_to_FLOAT(%arg0: !torch.vtensor<[3,4],!torch.str>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],!torch.str>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/output_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..1f2d83c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_STRING_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x=@input_0.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/input_0.bin new file mode 100644 index 0000000..f6a1dc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/model.mlir new file mode 100644 index 0000000..16618f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_UINT4_to_FLOAT(%arg0: !torch.vtensor<[5,5],ui4>) -> !torch.vtensor<[5,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[5,5],ui4>) -> !torch.vtensor<[5,5],f32> + return %0 : !torch.vtensor<[5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/output_0.bin new file mode 100644 index 0000000..f6a1dc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..0edf43f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xi4=@input_0.bin +--expected_output=5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..f6a1dc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/model.mlir new file mode 100644 index 0000000..fb11951 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_UINT4_to_FLOAT16(%arg0: !torch.vtensor<[5,5],ui4>) -> !torch.vtensor<[5,5],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 10 : si64} : (!torch.vtensor<[5,5],ui4>) -> !torch.vtensor<[5,5],f16> + return %0 : !torch.vtensor<[5,5],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..fc8b06a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..a35edae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xi4=@input_0.bin +--expected_output=5x5xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/input_0.bin new file mode 100644 index 0000000..f6a1dc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/model.mlir b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/model.mlir new file mode 100644 index 0000000..74e0021 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_UINT4_to_UINT8(%arg0: !torch.vtensor<[5,5],ui4>) -> !torch.vtensor<[5,5],ui8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 2 : si64} : (!torch.vtensor<[5,5],ui4>) -> !torch.vtensor<[5,5],ui8> + return %0 : !torch.vtensor<[5,5],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/output_0.bin new file mode 100644 index 0000000..0a468ce Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/run_module_io_flags.txt new file mode 100644 index 0000000..6668108 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_UINT4_to_UINT8/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5xi4=@input_0.bin +--expected_output=5x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/input_0.bin new file mode 100644 index 0000000..7dce6d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/model.mlir b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/model.mlir new file mode 100644 index 0000000..6bbcb4c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN(%arg0: !torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E4M3FN> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 0 : si64, torch.onnx.to = 17 : si64} : (!torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E4M3FN> + return %0 : !torch.vtensor<[3,5],f8E4M3FN> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/output_0.bin new file mode 100644 index 0000000..25b7590 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/run_module_io_flags.txt new file mode 100644 index 0000000..852a212 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf16=@input_0.bin +--expected_output=3x5xf8e4m3fn=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/input_0.bin new file mode 100644 index 0000000..7dce6d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/model.mlir new file mode 100644 index 0000000..8440096 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ(%arg0: !torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 0 : si64, torch.onnx.to = 18 : si64} : (!torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,5],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/output_0.bin new file mode 100644 index 0000000..d61e0f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..ea0ae19 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf16=@input_0.bin +--expected_output=3x5xf8e4m3fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/input_0.bin new file mode 100644 index 0000000..7dce6d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/model.mlir b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/model.mlir new file mode 100644 index 0000000..15f0456 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2(%arg0: !torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 0 : si64, torch.onnx.to = 19 : si64} : (!torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2> + return %0 : !torch.vtensor<[3,5],f8E5M2> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/output_0.bin new file mode 100644 index 0000000..3abb18c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/run_module_io_flags.txt new file mode 100644 index 0000000..7cd9926 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf16=@input_0.bin +--expected_output=3x5xf8e5m2=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/input_0.bin new file mode 100644 index 0000000..7dce6d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/model.mlir new file mode 100644 index 0000000..293c50c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ(%arg0: !torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 0 : si64, torch.onnx.to = 20 : si64} : (!torch.vtensor<[3,5],f16>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,5],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/output_0.bin new file mode 100644 index 0000000..263be9c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..8ed1a3e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf16=@input_0.bin +--expected_output=3x5xf8e5m2fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/input_0.bin new file mode 100644 index 0000000..748e5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/model.mlir b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/model.mlir new file mode 100644 index 0000000..65144ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN(%arg0: !torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E4M3FN> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 0 : si64, torch.onnx.to = 17 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E4M3FN> + return %0 : !torch.vtensor<[3,5],f8E4M3FN> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/output_0.bin new file mode 100644 index 0000000..25b7590 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt new file mode 100644 index 0000000..e331878 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf32=@input_0.bin +--expected_output=3x5xf8e4m3fn=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin new file mode 100644 index 0000000..748e5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir new file mode 100644 index 0000000..cd3a5fb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ(%arg0: !torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 0 : si64, torch.onnx.to = 18 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,5],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin new file mode 100644 index 0000000..d61e0f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..a49fbe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf32=@input_0.bin +--expected_output=3x5xf8e4m3fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/input_0.bin new file mode 100644 index 0000000..748e5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/model.mlir b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/model.mlir new file mode 100644 index 0000000..1f4ae1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_no_saturate_FLOAT_to_FLOAT8E5M2(%arg0: !torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 0 : si64, torch.onnx.to = 19 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2> + return %0 : !torch.vtensor<[3,5],f8E5M2> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/output_0.bin new file mode 100644 index 0000000..3abb18c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt new file mode 100644 index 0000000..e28f4bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf32=@input_0.bin +--expected_output=3x5xf8e5m2=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin new file mode 100644 index 0000000..748e5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir new file mode 100644 index 0000000..baeed11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ(%arg0: !torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 0 : si64, torch.onnx.to = 20 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,5],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin new file mode 100644 index 0000000..263be9c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..cdcd063 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x5xf32=@input_0.bin +--expected_output=3x5xf8e5m2fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/input_0.bin new file mode 100644 index 0000000..ee1017e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/input_0.bin @@ -0,0 +1 @@ +>>>Q?>Q?W>9? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/input_1.bin new file mode 100644 index 0000000..117a67d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/model.mlir new file mode 100644 index 0000000..05fff5b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_BFLOAT16_to_FLOAT(%arg0: !torch.vtensor<[3,4],bf16>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],bf16>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/output_0.bin new file mode 100644 index 0000000..f2d7138 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..a2270e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xbf16=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/input_0.bin new file mode 100644 index 0000000..ee1017e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/input_0.bin @@ -0,0 +1 @@ +>>>Q?>Q?W>9? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/input_1.bin new file mode 100644 index 0000000..117a67d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/model.mlir new file mode 100644 index 0000000..1de409a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_BFLOAT16_to_FLOAT_expanded(%arg0: !torch.vtensor<[3,4],bf16>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],bf16>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/output_0.bin new file mode 100644 index 0000000..f2d7138 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a2270e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_BFLOAT16_to_FLOAT_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xbf16=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/input_0.bin new file mode 100644 index 0000000..5e4e2bc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/input_0.bin @@ -0,0 +1 @@ +Rd/?\ G?X'L ??F ?+ ?ԛ?|3):y? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/model.mlir new file mode 100644 index 0000000..13f550c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_DOUBLE_to_FLOAT(%arg0: !torch.vtensor<[3,4],f64>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f64>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/output_0.bin new file mode 100644 index 0000000..9a787f0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/output_0.bin @@ -0,0 +1 @@ +>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..4d0f604 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf64=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..5882172 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/input_1.bin new file mode 100644 index 0000000..e901dbe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/input_1.bin @@ -0,0 +1 @@ +1 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/model.mlir new file mode 100644 index 0000000..c43cbd6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_DOUBLE_to_FLOAT16(%arg0: !torch.vtensor<[3,4],f64>, %arg1: !torch.vtensor<[1],f16>) -> !torch.vtensor<[3,4],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f64>, !torch.vtensor<[1],f16>) -> !torch.vtensor<[3,4],f16> + return %0 : !torch.vtensor<[3,4],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..526fd28 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/output_0.bin @@ -0,0 +1 @@ +1/@9l0J25:7.:&.;7 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..a1f527d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf64=@input_0.bin +--input=1xf16=@input_1.bin +--expected_output=3x4xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/input_0.bin new file mode 100644 index 0000000..5882172 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/input_1.bin new file mode 100644 index 0000000..e901dbe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/input_1.bin @@ -0,0 +1 @@ +1 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/model.mlir new file mode 100644 index 0000000..6bfe59e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_DOUBLE_to_FLOAT16_expanded(%arg0: !torch.vtensor<[3,4],f64>, %arg1: !torch.vtensor<[1],f16>) -> !torch.vtensor<[3,4],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 10 : si64} : (!torch.vtensor<[3,4],f64>) -> !torch.vtensor<[3,4],f16> + return %0 : !torch.vtensor<[3,4],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/output_0.bin new file mode 100644 index 0000000..526fd28 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/output_0.bin @@ -0,0 +1 @@ +1/@9l0J25:7.:&.;7 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a1f527d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT16_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf64=@input_0.bin +--input=1xf16=@input_1.bin +--expected_output=3x4xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/input_0.bin new file mode 100644 index 0000000..5e4e2bc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/input_0.bin @@ -0,0 +1 @@ +Rd/?\ G?X'L ??F ?+ ?ԛ?|3):y? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/model.mlir new file mode 100644 index 0000000..0969ae5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_DOUBLE_to_FLOAT_expanded(%arg0: !torch.vtensor<[3,4],f64>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f64>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/output_0.bin new file mode 100644 index 0000000..9a787f0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/output_0.bin @@ -0,0 +1 @@ +>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..4d0f604 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_DOUBLE_to_FLOAT_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf64=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/input_0.bin new file mode 100644 index 0000000..e1e4cab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/input_0.bin @@ -0,0 +1 @@ +88;t9569+V9]92 0 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/input_1.bin new file mode 100644 index 0000000..58be481 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/model.mlir new file mode 100644 index 0000000..869a0de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT16_to_DOUBLE(%arg0: !torch.vtensor<[3,4],f16>, %arg1: !torch.vtensor<[1],f64>) -> !torch.vtensor<[3,4],f64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f16>, !torch.vtensor<[1],f64>) -> !torch.vtensor<[3,4],f64> + return %0 : !torch.vtensor<[3,4],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/output_0.bin new file mode 100644 index 0000000..cc159eb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/run_module_io_flags.txt new file mode 100644 index 0000000..de0a448 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf16=@input_0.bin +--input=1xf64=@input_1.bin +--expected_output=3x4xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/input_0.bin new file mode 100644 index 0000000..e1e4cab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/input_0.bin @@ -0,0 +1 @@ +88;t9569+V9]92 0 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/input_1.bin new file mode 100644 index 0000000..58be481 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/model.mlir new file mode 100644 index 0000000..a5339cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT16_to_DOUBLE_expanded(%arg0: !torch.vtensor<[3,4],f16>, %arg1: !torch.vtensor<[1],f64>) -> !torch.vtensor<[3,4],f64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,4],f16>) -> !torch.vtensor<[3,4],f64> + return %0 : !torch.vtensor<[3,4],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/output_0.bin new file mode 100644 index 0000000..cc159eb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..de0a448 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_DOUBLE_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf16=@input_0.bin +--input=1xf64=@input_1.bin +--expected_output=3x4xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/input_0.bin new file mode 100644 index 0000000..33b2d65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/input_0.bin @@ -0,0 +1 @@ +/90;-86<42:L78$8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/input_1.bin new file mode 100644 index 0000000..e160881 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/model.mlir new file mode 100644 index 0000000..af7ed1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT16_to_FLOAT(%arg0: !torch.vtensor<[3,4],f16>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f16>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/output_0.bin new file mode 100644 index 0000000..d270006 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..bc03052 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf16=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/input_0.bin new file mode 100644 index 0000000..33b2d65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/input_0.bin @@ -0,0 +1 @@ +/90;-86<42:L78$8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/input_1.bin new file mode 100644 index 0000000..e160881 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/model.mlir new file mode 100644 index 0000000..17421b2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT16_to_FLOAT_expanded(%arg0: !torch.vtensor<[3,4],f16>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f16>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/output_0.bin new file mode 100644 index 0000000..d270006 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..bc03052 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT16_to_FLOAT_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf16=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/input_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/input_1.bin new file mode 100644 index 0000000..10b048e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/model.mlir new file mode 100644 index 0000000..28880b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT8E4M3FNUZ_to_FLOAT(%arg0: !torch.vtensor<[3,4],f8E5M2FNUZ>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f8E5M2FNUZ>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/output_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..8ed16a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf8e4m3fnuz=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/input_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/input_1.bin new file mode 100644 index 0000000..10b048e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/model.mlir new file mode 100644 index 0000000..6a00f87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded(%arg0: !torch.vtensor<[3,4],f8E5M2FNUZ>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/output_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8ed16a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf8e4m3fnuz=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/input_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/input_1.bin new file mode 100644 index 0000000..10b048e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/model.mlir new file mode 100644 index 0000000..7c8c5d9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT8E4M3FN_to_FLOAT(%arg0: !torch.vtensor<[3,4],f8E5M2FNUZ>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f8E5M2FNUZ>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/output_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..8ed16a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf8e4m3fnuz=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/input_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/input_1.bin new file mode 100644 index 0000000..10b048e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/model.mlir new file mode 100644 index 0000000..7c1eafe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded(%arg0: !torch.vtensor<[3,4],f8E5M2FNUZ>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/output_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8ed16a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf8e4m3fnuz=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/input_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/model.mlir new file mode 100644 index 0000000..252dc53 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT8E5M2FNUZ_to_FLOAT(%arg0: !torch.vtensor<[3,4],f8E5M2FNUZ>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f8E5M2FNUZ>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/output_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..950edd6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf8e5m2fnuz=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/input_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/model.mlir new file mode 100644 index 0000000..96b78a3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded(%arg0: !torch.vtensor<[3,4],f8E5M2FNUZ>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/output_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..950edd6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf8e5m2fnuz=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/input_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/model.mlir new file mode 100644 index 0000000..a9ccee0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT8E5M2_to_FLOAT(%arg0: !torch.vtensor<[3,4],f8E5M2FNUZ>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f8E5M2FNUZ>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/output_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..950edd6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf8e5m2fnuz=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/input_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/model.mlir new file mode 100644 index 0000000..8048fec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT8E5M2_to_FLOAT_expanded(%arg0: !torch.vtensor<[3,4],f8E5M2FNUZ>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/output_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..950edd6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT8E5M2_to_FLOAT_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf8e5m2fnuz=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/input_1.bin new file mode 100644 index 0000000..35f28c4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/input_1.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/model.mlir new file mode 100644 index 0000000..b03e360 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_BFLOAT16(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],bf16>) -> !torch.vtensor<[3,4],bf16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],bf16>) -> !torch.vtensor<[3,4],bf16> + return %0 : !torch.vtensor<[3,4],bf16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/output_0.bin new file mode 100644 index 0000000..ee1017e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/output_0.bin @@ -0,0 +1 @@ +>>>Q?>Q?W>9? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..b7e12e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xbf16=@input_1.bin +--expected_output=3x4xbf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/input_1.bin new file mode 100644 index 0000000..35f28c4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/input_1.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/model.mlir new file mode 100644 index 0000000..fef6da7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_BFLOAT16_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],bf16>) -> !torch.vtensor<[3,4],bf16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 16 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],bf16> + return %0 : !torch.vtensor<[3,4],bf16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/output_0.bin new file mode 100644 index 0000000..ee1017e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/output_0.bin @@ -0,0 +1 @@ +>>>Q?>Q?W>9? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b7e12e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_BFLOAT16_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xbf16=@input_1.bin +--expected_output=3x4xbf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/input_0.bin new file mode 100644 index 0000000..a0d6ffb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/input_0.bin @@ -0,0 +1 @@ +^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/input_1.bin new file mode 100644 index 0000000..e98acfb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/model.mlir new file mode 100644 index 0000000..5c03e66 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_DOUBLE(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f64>) -> !torch.vtensor<[3,4],f64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],f64>) -> !torch.vtensor<[3,4],f64> + return %0 : !torch.vtensor<[3,4],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/output_0.bin new file mode 100644 index 0000000..4b19b2d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/run_module_io_flags.txt new file mode 100644 index 0000000..ba90ee2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf64=@input_1.bin +--expected_output=3x4xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/input_0.bin new file mode 100644 index 0000000..a0d6ffb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/input_0.bin @@ -0,0 +1 @@ +^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/input_1.bin new file mode 100644 index 0000000..e98acfb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/model.mlir new file mode 100644 index 0000000..a361ebb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_DOUBLE_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f64>) -> !torch.vtensor<[3,4],f64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f64> + return %0 : !torch.vtensor<[3,4],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/output_0.bin new file mode 100644 index 0000000..4b19b2d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..ba90ee2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_DOUBLE_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf64=@input_1.bin +--expected_output=3x4xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/input_0.bin new file mode 100644 index 0000000..1380e36 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/input_1.bin new file mode 100644 index 0000000..e8fe320 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/input_1.bin @@ -0,0 +1 @@ +d8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/model.mlir new file mode 100644 index 0000000..b5b4190 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT16(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f16>) -> !torch.vtensor<[3,4],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],f16>) -> !torch.vtensor<[3,4],f16> + return %0 : !torch.vtensor<[3,4],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/output_0.bin new file mode 100644 index 0000000..824f929 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/run_module_io_flags.txt new file mode 100644 index 0000000..b088e9c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf16=@input_1.bin +--expected_output=3x4xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/input_0.bin new file mode 100644 index 0000000..1380e36 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/input_1.bin new file mode 100644 index 0000000..e8fe320 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/input_1.bin @@ -0,0 +1 @@ +d8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/model.mlir new file mode 100644 index 0000000..f6342d9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT16_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f16>) -> !torch.vtensor<[3,4],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 10 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f16> + return %0 : !torch.vtensor<[3,4],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/output_0.bin new file mode 100644 index 0000000..824f929 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b088e9c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT16_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf16=@input_1.bin +--expected_output=3x4xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/input_1.bin new file mode 100644 index 0000000..10b048e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/model.mlir new file mode 100644 index 0000000..7892dea --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT8E4M3FN(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f8E4M3FN>) -> !torch.vtensor<[3,4],f8E4M3FN> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],f8E4M3FN>) -> !torch.vtensor<[3,4],f8E4M3FN> + return %0 : !torch.vtensor<[3,4],f8E4M3FN> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/output_0.bin new file mode 100644 index 0000000..f6bfa66 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt new file mode 100644 index 0000000..cecb013 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf8e4m3fn=@input_1.bin +--expected_output=3x4xf8e4m3fn=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/input_1.bin new file mode 100644 index 0000000..10b048e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir new file mode 100644 index 0000000..4bf5a30 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT8E4M3FNUZ(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,4],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..4604d61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf8e4m3fnuz=@input_1.bin +--expected_output=3x4xf8e4m3fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/input_1.bin new file mode 100644 index 0000000..10b048e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/model.mlir new file mode 100644 index 0000000..a08e0f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 18 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,4],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/output_0.bin new file mode 100644 index 0000000..ea324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..4604d61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf8e4m3fnuz=@input_1.bin +--expected_output=3x4xf8e4m3fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/input_1.bin new file mode 100644 index 0000000..10b048e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/model.mlir new file mode 100644 index 0000000..fcab37b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f8E4M3FN>) -> !torch.vtensor<[3,4],f8E4M3FN> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 17 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f8E4M3FN> + return %0 : !torch.vtensor<[3,4],f8E4M3FN> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/output_0.bin new file mode 100644 index 0000000..f6bfa66 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..cecb013 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf8e4m3fn=@input_1.bin +--expected_output=3x4xf8e4m3fn=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/model.mlir new file mode 100644 index 0000000..ec0b3a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT8E5M2(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f8E5M2>) -> !torch.vtensor<[3,4],f8E5M2> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],f8E5M2>) -> !torch.vtensor<[3,4],f8E5M2> + return %0 : !torch.vtensor<[3,4],f8E5M2> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/output_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt new file mode 100644 index 0000000..51374dd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf8e5m2=@input_1.bin +--expected_output=3x4xf8e5m2=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir new file mode 100644 index 0000000..8ba8110 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT8E5M2FNUZ(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,4],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt new file mode 100644 index 0000000..1ef0e79 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf8e5m2fnuz=@input_1.bin +--expected_output=3x4xf8e5m2fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/model.mlir new file mode 100644 index 0000000..a769ba2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f8E5M2FNUZ>) -> !torch.vtensor<[3,4],f8E5M2FNUZ> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 20 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f8E5M2FNUZ> + return %0 : !torch.vtensor<[3,4],f8E5M2FNUZ> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/output_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..1ef0e79 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf8e5m2fnuz=@input_1.bin +--expected_output=3x4xf8e5m2fnuz=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/input_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/model.mlir new file mode 100644 index 0000000..f5c3ee7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_FLOAT8E5M2_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],f8E5M2>) -> !torch.vtensor<[3,4],f8E5M2> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 19 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f8E5M2> + return %0 : !torch.vtensor<[3,4],f8E5M2> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/output_0.bin new file mode 100644 index 0000000..421880d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..51374dd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_FLOAT8E5M2_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1xf8e5m2=@input_1.bin +--expected_output=3x4xf8e5m2=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/input_0.bin new file mode 100644 index 0000000..494499a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/input_0.bin @@ -0,0 +1 @@ + z?(?a@=?a =̐>)=>'=΢>G>_=E1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/model.mlir new file mode 100644 index 0000000..d584bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_STRING(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],!torch.str>) -> !torch.vtensor<[3,4],!torch.str> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],!torch.str>) -> !torch.vtensor<[3,4],!torch.str> + return %0 : !torch.vtensor<[3,4],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/run_module_io_flags.txt new file mode 100644 index 0000000..0b71924 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1x=@input_1.bin +--expected_output=3x4x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/input_0.bin new file mode 100644 index 0000000..494499a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/input_0.bin @@ -0,0 +1 @@ + z?(?a@=?a =̐>)=>'=΢>G>_=E1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/model.mlir new file mode 100644 index 0000000..328fd86 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_FLOAT_to_STRING_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],!torch.str>) -> !torch.vtensor<[3,4],!torch.str> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 8 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],!torch.str> + return %0 : !torch.vtensor<[3,4],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..0b71924 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_FLOAT_to_STRING_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=1x=@input_1.bin +--expected_output=3x4x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/input_1.bin new file mode 100644 index 0000000..486569d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/input_1.bin @@ -0,0 +1 @@ +5> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/model.mlir new file mode 100644 index 0000000..de635d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_STRING_to_FLOAT(%arg0: !torch.vtensor<[3,4],!torch.str>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CastLike"(%arg0, %arg1) : (!torch.vtensor<[3,4],!torch.str>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/output_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/run_module_io_flags.txt new file mode 100644 index 0000000..de60370 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/input_1.bin new file mode 100644 index 0000000..486569d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/input_1.bin @@ -0,0 +1 @@ +5> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/model.mlir new file mode 100644 index 0000000..7b24fec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_castlike_STRING_to_FLOAT_expanded(%arg0: !torch.vtensor<[3,4],!torch.str>, %arg1: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.saturate = 1 : si64, torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],!torch.str>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/output_0.bin new file mode 100644 index 0000000..81b8b97 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..de60370 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_castlike_STRING_to_FLOAT_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x=@input_0.bin +--input=1xf32=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ceil/input_0.bin b/onnx-ops/onnx/node/generated/test_ceil/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ceil/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_ceil/model.mlir b/onnx-ops/onnx/node/generated/test_ceil/model.mlir new file mode 100644 index 0000000..3d7180b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ceil/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ceil(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Ceil"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ceil/output_0.bin b/onnx-ops/onnx/node/generated/test_ceil/output_0.bin new file mode 100644 index 0000000..81e17b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ceil/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ceil/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ceil/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ceil/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_ceil_example/input_0.bin b/onnx-ops/onnx/node/generated/test_ceil_example/input_0.bin new file mode 100644 index 0000000..223be48 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ceil_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ceil_example/model.mlir b/onnx-ops/onnx/node/generated/test_ceil_example/model.mlir new file mode 100644 index 0000000..765851a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ceil_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_ceil_example(%arg0: !torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Ceil"(%arg0) : (!torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + return %0 : !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_ceil_example/output_0.bin b/onnx-ops/onnx/node/generated/test_ceil_example/output_0.bin new file mode 100644 index 0000000..8e9cd99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_ceil_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_ceil_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_ceil_example/run_module_io_flags.txt new file mode 100644 index 0000000..192f90b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_ceil_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_celu/input_0.bin b/onnx-ops/onnx/node/generated/test_celu/input_0.bin new file mode 100644 index 0000000..cf9b758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_celu/input_0.bin @@ -0,0 +1,2 @@ +NX??o=<>?9K?2p?ldt?5>>t>,?j<[?̐l?Ux?=W>Bi??Q?]HI?=F1? +?ޙ= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_celu/model.mlir b/onnx-ops/onnx/node/generated/test_celu/model.mlir new file mode 100644 index 0000000..2baf2c7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_celu/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_celu(%arg0: !torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Celu"(%arg0) {torch.onnx.alpha = 2.000000e+00 : f32} : (!torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + return %0 : !torch.vtensor<[3,3,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_celu/output_0.bin b/onnx-ops/onnx/node/generated/test_celu/output_0.bin new file mode 100644 index 0000000..cf9b758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_celu/output_0.bin @@ -0,0 +1,2 @@ +NX??o=<>?9K?2p?ldt?5>>t>,?j<[?̐l?Ux?=W>Bi??Q?]HI?=F1? +?ޙ= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_celu/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_celu/run_module_io_flags.txt new file mode 100644 index 0000000..370cadf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_celu/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x3x3x1xf32=@input_0.bin +--expected_output=3x3x3x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_celu_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_celu_expanded/input_0.bin new file mode 100644 index 0000000..cf9b758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_celu_expanded/input_0.bin @@ -0,0 +1,2 @@ +NX??o=<>?9K?2p?ldt?5>>t>,?j<[?̐l?Ux?=W>Bi??Q?]HI?=F1? +?ޙ= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_celu_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_celu_expanded/model.mlir new file mode 100644 index 0000000..b3fe20d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_celu_expanded/model.mlir @@ -0,0 +1,11 @@ +module { + func.func @test_celu_expanded(%arg0: !torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %1 = torch.operator "onnx.Div"(%arg0, %0) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + %2 = torch.operator "onnx.Elu"(%1) {torch.onnx.alpha = 1.000000e+00 : f32} : (!torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + %3 = torch.operator "onnx.Mul"(%0, %2) : (!torch.vtensor<[1],f32>, !torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + return %3 : !torch.vtensor<[3,3,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_celu_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_celu_expanded/output_0.bin new file mode 100644 index 0000000..cf9b758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_celu_expanded/output_0.bin @@ -0,0 +1,2 @@ +NX??o=<>?9K?2p?ldt?5>>t>,?j<[?̐l?Ux?=W>Bi??Q?]HI?=F1? +?ޙ= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_celu_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_celu_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..370cadf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_celu_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x3x3x1xf32=@input_0.bin +--expected_output=3x3x3x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/input_0.bin new file mode 100644 index 0000000..89b7c2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/input_1.bin new file mode 100644 index 0000000..751a624 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/model.mlir new file mode 100644 index 0000000..22930ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_center_crop_pad_crop(%arg0: !torch.vtensor<[20,10,3],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[10,7,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CenterCropPad"(%arg0, %arg1) : (!torch.vtensor<[20,10,3],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[10,7,3],f32> + return %0 : !torch.vtensor<[10,7,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/output_0.bin new file mode 100644 index 0000000..6cc639e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/run_module_io_flags.txt new file mode 100644 index 0000000..66a2a3f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=20x10x3xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=10x7x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/input_0.bin new file mode 100644 index 0000000..fc11f02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/input_1.bin new file mode 100644 index 0000000..4801c5f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/model.mlir new file mode 100644 index 0000000..be94325 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_center_crop_pad_crop_and_pad(%arg0: !torch.vtensor<[20,8,3],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[10,10,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CenterCropPad"(%arg0, %arg1) : (!torch.vtensor<[20,8,3],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[10,10,3],f32> + return %0 : !torch.vtensor<[10,10,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/output_0.bin new file mode 100644 index 0000000..37f6d2a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/run_module_io_flags.txt new file mode 100644 index 0000000..2739689 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=20x8x3xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=10x10x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/input_0.bin new file mode 100644 index 0000000..fc11f02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/input_1.bin new file mode 100644 index 0000000..4801c5f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/model.mlir new file mode 100644 index 0000000..0ea5bc1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_center_crop_pad_crop_and_pad_expanded(%arg0: !torch.vtensor<[20,8,3],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[10,10,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[20,8,3],f32>) -> !torch.vtensor<[3],si64> + %2 = torch.operator "onnx.Max"(%1, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Sub"(%2, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %4 = torch.operator "onnx.Div"(%3, %0) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %5 = torch.operator "onnx.Sub"(%3, %4) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Concat"(%4, %5) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[6],si64> + %7 = torch.operator "onnx.Pad"(%arg0, %6) : (!torch.vtensor<[20,8,3],f32>, !torch.vtensor<[6],si64>) -> !torch.vtensor<[?,?,?],f32> + %8 = torch.operator "onnx.Shape"(%7) : (!torch.vtensor<[?,?,?],f32>) -> !torch.vtensor<[3],si64> + %9 = torch.operator "onnx.Sub"(%8, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Div"(%9, %0) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %11 = torch.operator "onnx.Add"(%10, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %12 = torch.operator "onnx.Slice"(%7, %10, %11) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[10,10,3],f32> + return %12 : !torch.vtensor<[10,10,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/output_0.bin new file mode 100644 index 0000000..37f6d2a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..2739689 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_and_pad_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=20x8x3xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=10x10x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/input_0.bin new file mode 100644 index 0000000..fc11f02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/input_1.bin new file mode 100644 index 0000000..a3b4e7f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/model.mlir new file mode 100644 index 0000000..21a669e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_center_crop_pad_crop_axes_chw(%arg0: !torch.vtensor<[3,20,8],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,10,9],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CenterCropPad"(%arg0, %arg1) {torch.onnx.axes = [1 : si64, 2 : si64]} : (!torch.vtensor<[3,20,8],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,10,9],f32> + return %0 : !torch.vtensor<[3,10,9],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/output_0.bin new file mode 100644 index 0000000..856cdc2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/run_module_io_flags.txt new file mode 100644 index 0000000..37c5d21 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x20x8xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=3x10x9xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/input_0.bin new file mode 100644 index 0000000..fc11f02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/input_1.bin new file mode 100644 index 0000000..a3b4e7f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/model.mlir new file mode 100644 index 0000000..6c38a40 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/model.mlir @@ -0,0 +1,23 @@ +module { + func.func @test_center_crop_pad_crop_axes_chw_expanded(%arg0: !torch.vtensor<[3,20,8],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,10,9],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [1 : si64, 2 : si64]} : () -> !torch.vtensor<[2],si64> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,20,8],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Gather"(%2, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %4 = torch.operator "onnx.Max"(%3, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %5 = torch.operator "onnx.Sub"(%4, %3) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Div"(%5, %0) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Sub"(%5, %6) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %8 = torch.operator "onnx.Concat"(%6, %7) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[4],si64> + %9 = torch.operator "onnx.Pad"(%arg0, %8, %none, %1) : (!torch.vtensor<[3,20,8],f32>, !torch.vtensor<[4],si64>, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?,?,?],f32> + %10 = torch.operator "onnx.Shape"(%9) : (!torch.vtensor<[?,?,?],f32>) -> !torch.vtensor<[3],si64> + %11 = torch.operator "onnx.Gather"(%10, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %12 = torch.operator "onnx.Sub"(%11, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %13 = torch.operator "onnx.Div"(%12, %0) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %14 = torch.operator "onnx.Add"(%13, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %15 = torch.operator "onnx.Slice"(%9, %13, %14, %1) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,10,9],f32> + return %15 : !torch.vtensor<[3,10,9],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/output_0.bin new file mode 100644 index 0000000..856cdc2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..37c5d21 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_chw_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x20x8xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=3x10x9xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/input_0.bin new file mode 100644 index 0000000..fc11f02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/input_1.bin new file mode 100644 index 0000000..a3b4e7f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/model.mlir new file mode 100644 index 0000000..9c382ea --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_center_crop_pad_crop_axes_hwc(%arg0: !torch.vtensor<[20,8,3],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,9,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CenterCropPad"(%arg0, %arg1) {torch.onnx.axes = [0 : si64, 1 : si64]} : (!torch.vtensor<[20,8,3],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,9,3],f32> + return %0 : !torch.vtensor<[10,9,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/output_0.bin new file mode 100644 index 0000000..bbe6b6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/run_module_io_flags.txt new file mode 100644 index 0000000..5ecfd02 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=20x8x3xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=10x9x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/input_0.bin new file mode 100644 index 0000000..fc11f02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/input_1.bin new file mode 100644 index 0000000..a3b4e7f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/model.mlir new file mode 100644 index 0000000..72190f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/model.mlir @@ -0,0 +1,23 @@ +module { + func.func @test_center_crop_pad_crop_axes_hwc_expanded(%arg0: !torch.vtensor<[20,8,3],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,9,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64, 1 : si64]} : () -> !torch.vtensor<[2],si64> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[20,8,3],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Gather"(%2, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %4 = torch.operator "onnx.Max"(%3, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %5 = torch.operator "onnx.Sub"(%4, %3) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Div"(%5, %0) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Sub"(%5, %6) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %8 = torch.operator "onnx.Concat"(%6, %7) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[4],si64> + %9 = torch.operator "onnx.Pad"(%arg0, %8, %none, %1) : (!torch.vtensor<[20,8,3],f32>, !torch.vtensor<[4],si64>, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?,?,?],f32> + %10 = torch.operator "onnx.Shape"(%9) : (!torch.vtensor<[?,?,?],f32>) -> !torch.vtensor<[3],si64> + %11 = torch.operator "onnx.Gather"(%10, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %12 = torch.operator "onnx.Sub"(%11, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %13 = torch.operator "onnx.Div"(%12, %0) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %14 = torch.operator "onnx.Add"(%13, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %15 = torch.operator "onnx.Slice"(%9, %13, %14, %1) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,9,3],f32> + return %15 : !torch.vtensor<[10,9,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/output_0.bin new file mode 100644 index 0000000..bbe6b6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..5ecfd02 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_axes_hwc_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=20x8x3xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=10x9x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/input_0.bin new file mode 100644 index 0000000..89b7c2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/input_1.bin new file mode 100644 index 0000000..751a624 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/model.mlir new file mode 100644 index 0000000..af14aa4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_center_crop_pad_crop_expanded(%arg0: !torch.vtensor<[20,10,3],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[10,7,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[20,10,3],f32>) -> !torch.vtensor<[3],si64> + %2 = torch.operator "onnx.Max"(%1, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Sub"(%2, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %4 = torch.operator "onnx.Div"(%3, %0) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %5 = torch.operator "onnx.Sub"(%3, %4) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Concat"(%4, %5) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[6],si64> + %7 = torch.operator "onnx.Pad"(%arg0, %6) : (!torch.vtensor<[20,10,3],f32>, !torch.vtensor<[6],si64>) -> !torch.vtensor<[?,?,?],f32> + %8 = torch.operator "onnx.Shape"(%7) : (!torch.vtensor<[?,?,?],f32>) -> !torch.vtensor<[3],si64> + %9 = torch.operator "onnx.Sub"(%8, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Div"(%9, %0) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %11 = torch.operator "onnx.Add"(%10, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %12 = torch.operator "onnx.Slice"(%7, %10, %11) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[10,7,3],f32> + return %12 : !torch.vtensor<[10,7,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/output_0.bin new file mode 100644 index 0000000..6cc639e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..66a2a3f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=20x10x3xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=10x7x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/input_0.bin new file mode 100644 index 0000000..fc11f02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/input_1.bin new file mode 100644 index 0000000..a3b4e7f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/model.mlir new file mode 100644 index 0000000..27e245e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_center_crop_pad_crop_negative_axes_hwc(%arg0: !torch.vtensor<[20,8,3],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,9,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CenterCropPad"(%arg0, %arg1) {torch.onnx.axes = [-3 : si64, -2 : si64]} : (!torch.vtensor<[20,8,3],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,9,3],f32> + return %0 : !torch.vtensor<[10,9,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/output_0.bin new file mode 100644 index 0000000..bbe6b6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/run_module_io_flags.txt new file mode 100644 index 0000000..5ecfd02 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=20x8x3xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=10x9x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/input_0.bin new file mode 100644 index 0000000..fc11f02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/input_1.bin new file mode 100644 index 0000000..a3b4e7f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/model.mlir new file mode 100644 index 0000000..3469a9d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/model.mlir @@ -0,0 +1,23 @@ +module { + func.func @test_center_crop_pad_crop_negative_axes_hwc_expanded(%arg0: !torch.vtensor<[20,8,3],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,9,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [-3 : si64, -2 : si64]} : () -> !torch.vtensor<[2],si64> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[20,8,3],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Gather"(%2, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %4 = torch.operator "onnx.Max"(%3, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %5 = torch.operator "onnx.Sub"(%4, %3) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Div"(%5, %0) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Sub"(%5, %6) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %8 = torch.operator "onnx.Concat"(%6, %7) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[4],si64> + %9 = torch.operator "onnx.Pad"(%arg0, %8, %none, %1) : (!torch.vtensor<[20,8,3],f32>, !torch.vtensor<[4],si64>, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[?,?,?],f32> + %10 = torch.operator "onnx.Shape"(%9) : (!torch.vtensor<[?,?,?],f32>) -> !torch.vtensor<[3],si64> + %11 = torch.operator "onnx.Gather"(%10, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %12 = torch.operator "onnx.Sub"(%11, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %13 = torch.operator "onnx.Div"(%12, %0) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %14 = torch.operator "onnx.Add"(%13, %arg1) : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %15 = torch.operator "onnx.Slice"(%9, %13, %14, %1) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,9,3],f32> + return %15 : !torch.vtensor<[10,9,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/output_0.bin new file mode 100644 index 0000000..bbe6b6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..5ecfd02 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_crop_negative_axes_hwc_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=20x8x3xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=10x9x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/input_0.bin new file mode 100644 index 0000000..fd143ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/input_1.bin new file mode 100644 index 0000000..097a847 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/model.mlir new file mode 100644 index 0000000..f1283b9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_center_crop_pad_pad(%arg0: !torch.vtensor<[10,7,3],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CenterCropPad"(%arg0, %arg1) : (!torch.vtensor<[10,7,3],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,3],f32> + return %0 : !torch.vtensor<[20,10,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/output_0.bin new file mode 100644 index 0000000..bcc9c88 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/run_module_io_flags.txt new file mode 100644 index 0000000..c0ab7b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=10x7x3xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=20x10x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/input_0.bin new file mode 100644 index 0000000..fd143ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/input_1.bin new file mode 100644 index 0000000..097a847 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/model.mlir new file mode 100644 index 0000000..54a9e8a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_center_crop_pad_pad_expanded(%arg0: !torch.vtensor<[10,7,3],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[10,7,3],f32>) -> !torch.vtensor<[3],si64> + %2 = torch.operator "onnx.Max"(%1, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Sub"(%2, %1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %4 = torch.operator "onnx.Div"(%3, %0) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %5 = torch.operator "onnx.Sub"(%3, %4) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Concat"(%4, %5) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[6],si64> + %7 = torch.operator "onnx.Pad"(%arg0, %6) : (!torch.vtensor<[10,7,3],f32>, !torch.vtensor<[6],si64>) -> !torch.vtensor<[?,?,?],f32> + %8 = torch.operator "onnx.Shape"(%7) : (!torch.vtensor<[?,?,?],f32>) -> !torch.vtensor<[3],si64> + %9 = torch.operator "onnx.Sub"(%8, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Div"(%9, %0) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %11 = torch.operator "onnx.Add"(%10, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %12 = torch.operator "onnx.Slice"(%7, %10, %11) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,3],f32> + return %12 : !torch.vtensor<[20,10,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/output_0.bin new file mode 100644 index 0000000..bcc9c88 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..c0ab7b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_center_crop_pad_pad_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=10x7x3xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=20x10x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip/input_0.bin b/onnx-ops/onnx/node/generated/test_clip/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_clip/input_1.bin b/onnx-ops/onnx/node/generated/test_clip/input_1.bin new file mode 100644 index 0000000..29ab18b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip/input_2.bin b/onnx-ops/onnx/node/generated/test_clip/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip/model.mlir b/onnx-ops/onnx/node/generated/test_clip/model.mlir new file mode 100644 index 0000000..f8ce6b3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip/output_0.bin b/onnx-ops/onnx/node/generated/test_clip/output_0.bin new file mode 100644 index 0000000..e2bddef Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip/run_module_io_flags.txt new file mode 100644 index 0000000..aeb5e89 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_inbounds/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_inbounds/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_inbounds/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_inbounds/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_inbounds/model.mlir new file mode 100644 index 0000000..84a5de7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_inbounds/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_default_inbounds(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %none, %none) : (!torch.vtensor<[3],f32>, !torch.none, !torch.none) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_inbounds/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_inbounds/output_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_inbounds/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_inbounds/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_inbounds/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_inbounds/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/model.mlir new file mode 100644 index 0000000..61e4c55 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_default_inbounds_expanded(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Identity"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/output_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_inbounds_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/input_0.bin new file mode 100644 index 0000000..26fc1a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/model.mlir new file mode 100644 index 0000000..4e34dac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_default_int8_inbounds(%arg0: !torch.vtensor<[3],si8>) -> !torch.vtensor<[3],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %none, %none) : (!torch.vtensor<[3],si8>, !torch.none, !torch.none) -> !torch.vtensor<[3],si8> + return %0 : !torch.vtensor<[3],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/output_0.bin new file mode 100644 index 0000000..26fc1a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/run_module_io_flags.txt new file mode 100644 index 0000000..6e8ffaf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xi8=@input_0.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/input_0.bin new file mode 100644 index 0000000..26fc1a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/model.mlir new file mode 100644 index 0000000..d1c0783 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_default_int8_inbounds_expanded(%arg0: !torch.vtensor<[3],si8>) -> !torch.vtensor<[3],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Identity"(%arg0) : (!torch.vtensor<[3],si8>) -> !torch.vtensor<[3],si8> + return %0 : !torch.vtensor<[3],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/output_0.bin new file mode 100644 index 0000000..26fc1a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..6e8ffaf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_inbounds_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xi8=@input_0.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/input_0.bin new file mode 100644 index 0000000..5aab64a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/input_1.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/model.mlir new file mode 100644 index 0000000..baa8787 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_default_int8_max(%arg0: !torch.vtensor<[3,4,5],si8>, %arg1: !torch.vtensor<[],si8>) -> !torch.vtensor<[3,4,5],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %none, %arg1) : (!torch.vtensor<[3,4,5],si8>, !torch.none, !torch.vtensor<[],si8>) -> !torch.vtensor<[3,4,5],si8> + return %0 : !torch.vtensor<[3,4,5],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/output_0.bin new file mode 100644 index 0000000..eafd342 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/run_module_io_flags.txt new file mode 100644 index 0000000..3d3083b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_max/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi8=@input_0.bin +--input=i8=@input_1.bin +--expected_output=3x4x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/input_0.bin new file mode 100644 index 0000000..5aab64a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/input_1.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/model.mlir new file mode 100644 index 0000000..d5f6b1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_clip_default_int8_max_expanded(%arg0: !torch.vtensor<[3,4,5],si8>, %arg1: !torch.vtensor<[],si8>) -> !torch.vtensor<[3,4,5],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg1, %arg0) : (!torch.vtensor<[],si8>, !torch.vtensor<[3,4,5],si8>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[],si8>, !torch.vtensor<[3,4,5],si8>) -> !torch.vtensor<[3,4,5],si8> + return %1 : !torch.vtensor<[3,4,5],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/output_0.bin new file mode 100644 index 0000000..eafd342 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3d3083b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_max_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi8=@input_0.bin +--input=i8=@input_1.bin +--expected_output=3x4x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/input_0.bin new file mode 100644 index 0000000..c9eba5c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/input_1.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/model.mlir new file mode 100644 index 0000000..527e801 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_default_int8_min(%arg0: !torch.vtensor<[3,4,5],si8>, %arg1: !torch.vtensor<[],si8>) -> !torch.vtensor<[3,4,5],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],si8>, !torch.vtensor<[],si8>) -> !torch.vtensor<[3,4,5],si8> + return %0 : !torch.vtensor<[3,4,5],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/output_0.bin new file mode 100644 index 0000000..c578328 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/run_module_io_flags.txt new file mode 100644 index 0000000..3d3083b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_min/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi8=@input_0.bin +--input=i8=@input_1.bin +--expected_output=3x4x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/input_0.bin new file mode 100644 index 0000000..c9eba5c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/input_1.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/model.mlir new file mode 100644 index 0000000..1691c5a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_clip_default_int8_min_expanded(%arg0: !torch.vtensor<[3,4,5],si8>, %arg1: !torch.vtensor<[],si8>) -> !torch.vtensor<[3,4,5],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],si8>, !torch.vtensor<[],si8>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[],si8>, !torch.vtensor<[3,4,5],si8>) -> !torch.vtensor<[3,4,5],si8> + return %1 : !torch.vtensor<[3,4,5],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/output_0.bin new file mode 100644 index 0000000..c578328 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3d3083b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_int8_min_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi8=@input_0.bin +--input=i8=@input_1.bin +--expected_output=3x4x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_max/input_0.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_max/input_0.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_default_max/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_max/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_max/model.mlir new file mode 100644 index 0000000..cbb76de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_max/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_default_max(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %none, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.none, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_max/output_0.bin new file mode 100644 index 0000000..3ee3ac7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_max/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_max/run_module_io_flags.txt new file mode 100644 index 0000000..3778649 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_max/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/input_0.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/input_0.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/model.mlir new file mode 100644 index 0000000..da059a6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_clip_default_max_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %1 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/output_0.bin new file mode 100644 index 0000000..3ee3ac7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3778649 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_max_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_min/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_min/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_default_min/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_min/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_min/model.mlir new file mode 100644 index 0000000..3451c8e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_min/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_default_min(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_min/output_0.bin new file mode 100644 index 0000000..a61e591 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_min/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_min/run_module_io_flags.txt new file mode 100644 index 0000000..3778649 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_min/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/model.mlir new file mode 100644 index 0000000..dcdfbbb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_clip_default_min_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %1 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/output_0.bin new file mode 100644 index 0000000..a61e591 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3778649 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_default_min_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_example/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_example/input_0.bin new file mode 100644 index 0000000..4dcebd5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_example/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_example/input_1.bin new file mode 100644 index 0000000..29ab18b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_example/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_example/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_example/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_example/model.mlir b/onnx-ops/onnx/node/generated/test_clip_example/model.mlir new file mode 100644 index 0000000..c09ea24 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_example(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_example/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_example/output_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_example/run_module_io_flags.txt new file mode 100644 index 0000000..cc667fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_0.bin new file mode 100644 index 0000000..4dcebd5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_1.bin new file mode 100644 index 0000000..29ab18b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_example_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_example_expanded/model.mlir new file mode 100644 index 0000000..17feeba --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_example_expanded/model.mlir @@ -0,0 +1,11 @@ +module { + func.func @test_clip_example_expanded(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %2 = torch.operator "onnx.Less"(%arg2, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],i1> + %3 = torch.operator "onnx.Where"(%2, %arg2, %1) : (!torch.vtensor<[3],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %3 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_example_expanded/output_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..cc667fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_example_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_clip_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_expanded/input_1.bin new file mode 100644 index 0000000..29ab18b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_expanded/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_expanded/model.mlir new file mode 100644 index 0000000..a8e6422 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_expanded/model.mlir @@ -0,0 +1,11 @@ +module { + func.func @test_clip_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %2 = torch.operator "onnx.Less"(%arg2, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + %3 = torch.operator "onnx.Where"(%2, %arg2, %1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %3 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_expanded/output_0.bin new file mode 100644 index 0000000..e2bddef Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..aeb5e89 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_inbounds/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_inbounds/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_inbounds/input_1.bin new file mode 100644 index 0000000..3e5f9db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_inbounds/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_inbounds/input_2.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_inbounds/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds/model.mlir b/onnx-ops/onnx/node/generated/test_clip_inbounds/model.mlir new file mode 100644 index 0000000..f869e7c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_inbounds/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_inbounds(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_inbounds/output_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_inbounds/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_inbounds/run_module_io_flags.txt new file mode 100644 index 0000000..cc667fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_inbounds/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_1.bin new file mode 100644 index 0000000..3e5f9db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_2.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/model.mlir new file mode 100644 index 0000000..12e34ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/model.mlir @@ -0,0 +1,11 @@ +module { + func.func @test_clip_inbounds_expanded(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %2 = torch.operator "onnx.Less"(%arg2, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],i1> + %3 = torch.operator "onnx.Where"(%2, %arg2, %1) : (!torch.vtensor<[3],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %3 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/output_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..cc667fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_inbounds_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_outbounds/input_0.bin new file mode 100644 index 0000000..1b3f6fa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_outbounds/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_outbounds/input_1.bin new file mode 100644 index 0000000..3e5f9db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_outbounds/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_outbounds/input_2.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_outbounds/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds/model.mlir b/onnx-ops/onnx/node/generated/test_clip_outbounds/model.mlir new file mode 100644 index 0000000..8080744 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_outbounds/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_outbounds(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_outbounds/output_0.bin new file mode 100644 index 0000000..cdaf155 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_outbounds/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_outbounds/run_module_io_flags.txt new file mode 100644 index 0000000..cc667fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_outbounds/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_0.bin new file mode 100644 index 0000000..1b3f6fa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_1.bin new file mode 100644 index 0000000..3e5f9db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_2.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/model.mlir new file mode 100644 index 0000000..6d6853f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/model.mlir @@ -0,0 +1,11 @@ +module { + func.func @test_clip_outbounds_expanded(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %2 = torch.operator "onnx.Less"(%arg2, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],i1> + %3 = torch.operator "onnx.Where"(%2, %arg2, %1) : (!torch.vtensor<[3],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %3 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/output_0.bin new file mode 100644 index 0000000..cdaf155 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..cc667fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_outbounds_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_0.bin new file mode 100644 index 0000000..bcc00ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_1.bin new file mode 100644 index 0000000..3e5f9db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_2.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_splitbounds/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds/model.mlir b/onnx-ops/onnx/node/generated/test_clip_splitbounds/model.mlir new file mode 100644 index 0000000..be7657d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_splitbounds/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_clip_splitbounds(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Clip"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_splitbounds/output_0.bin new file mode 100644 index 0000000..ff5fcb0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_splitbounds/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_splitbounds/run_module_io_flags.txt new file mode 100644 index 0000000..cc667fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_splitbounds/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_0.bin new file mode 100644 index 0000000..bcc00ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_1.bin new file mode 100644 index 0000000..3e5f9db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_2.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/model.mlir new file mode 100644 index 0000000..fa8ebeb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/model.mlir @@ -0,0 +1,11 @@ +module { + func.func @test_clip_splitbounds_expanded(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],i1> + %1 = torch.operator "onnx.Where"(%0, %arg1, %arg0) : (!torch.vtensor<[3],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %2 = torch.operator "onnx.Less"(%arg2, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],i1> + %3 = torch.operator "onnx.Where"(%2, %arg2, %1) : (!torch.vtensor<[3],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %3 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/output_0.bin new file mode 100644 index 0000000..ff5fcb0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..cc667fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_clip_splitbounds_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_col2im/input_0.bin b/onnx-ops/onnx/node/generated/test_col2im/input_0.bin new file mode 100644 index 0000000..9aca875 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im/input_1.bin b/onnx-ops/onnx/node/generated/test_col2im/input_1.bin new file mode 100644 index 0000000..7704394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im/input_2.bin b/onnx-ops/onnx/node/generated/test_col2im/input_2.bin new file mode 100644 index 0000000..148ca87 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im/model.mlir b/onnx-ops/onnx/node/generated/test_col2im/model.mlir new file mode 100644 index 0000000..8016602 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_col2im(%arg0: !torch.vtensor<[1,5,5],f32>, %arg1: !torch.vtensor<[2],si64>, %arg2: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Col2Im"(%arg0, %arg1, %arg2) : (!torch.vtensor<[1,5,5],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_col2im/output_0.bin b/onnx-ops/onnx/node/generated/test_col2im/output_0.bin new file mode 100644 index 0000000..7b4658b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_col2im/run_module_io_flags.txt new file mode 100644 index 0000000..6e0789e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x5x5xf32=@input_0.bin +--input=2xi64=@input_1.bin +--input=2xi64=@input_2.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_col2im_5d/input_0.bin b/onnx-ops/onnx/node/generated/test_col2im_5d/input_0.bin new file mode 100644 index 0000000..564edbe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_5d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_5d/input_1.bin b/onnx-ops/onnx/node/generated/test_col2im_5d/input_1.bin new file mode 100644 index 0000000..b235599 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_5d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_5d/input_2.bin b/onnx-ops/onnx/node/generated/test_col2im_5d/input_2.bin new file mode 100644 index 0000000..0cefefa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_5d/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_5d/model.mlir b/onnx-ops/onnx/node/generated/test_col2im_5d/model.mlir new file mode 100644 index 0000000..5d95856 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im_5d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_col2im_5d(%arg0: !torch.vtensor<[1,10,12],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,2,3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Col2Im"(%arg0, %arg1, %arg2) : (!torch.vtensor<[1,10,12],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,2,3,4,5],f32> + return %0 : !torch.vtensor<[1,2,3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_col2im_5d/output_0.bin b/onnx-ops/onnx/node/generated/test_col2im_5d/output_0.bin new file mode 100644 index 0000000..8cd4d5b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_5d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_5d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_col2im_5d/run_module_io_flags.txt new file mode 100644 index 0000000..11d49da --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im_5d/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x10x12xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=3xi64=@input_2.bin +--expected_output=1x2x3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_col2im_dilations/input_0.bin b/onnx-ops/onnx/node/generated/test_col2im_dilations/input_0.bin new file mode 100644 index 0000000..bc451f0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_dilations/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_dilations/input_1.bin b/onnx-ops/onnx/node/generated/test_col2im_dilations/input_1.bin new file mode 100644 index 0000000..efc72c3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_dilations/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_dilations/input_2.bin b/onnx-ops/onnx/node/generated/test_col2im_dilations/input_2.bin new file mode 100644 index 0000000..8eab6c1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_dilations/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_dilations/model.mlir b/onnx-ops/onnx/node/generated/test_col2im_dilations/model.mlir new file mode 100644 index 0000000..a5b9e55 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im_dilations/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_col2im_dilations(%arg0: !torch.vtensor<[1,4,5],f32>, %arg1: !torch.vtensor<[2],si64>, %arg2: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,6,6],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Col2Im"(%arg0, %arg1, %arg2) {torch.onnx.dilations = [1 : si64, 5 : si64]} : (!torch.vtensor<[1,4,5],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,6,6],f32> + return %0 : !torch.vtensor<[1,1,6,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_col2im_dilations/output_0.bin b/onnx-ops/onnx/node/generated/test_col2im_dilations/output_0.bin new file mode 100644 index 0000000..122e4e5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_dilations/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_dilations/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_col2im_dilations/run_module_io_flags.txt new file mode 100644 index 0000000..6be1aee --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im_dilations/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x4x5xf32=@input_0.bin +--input=2xi64=@input_1.bin +--input=2xi64=@input_2.bin +--expected_output=1x1x6x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_col2im_pads/input_0.bin b/onnx-ops/onnx/node/generated/test_col2im_pads/input_0.bin new file mode 100644 index 0000000..df26a52 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_pads/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_pads/input_1.bin b/onnx-ops/onnx/node/generated/test_col2im_pads/input_1.bin new file mode 100644 index 0000000..7704394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_pads/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_pads/input_2.bin b/onnx-ops/onnx/node/generated/test_col2im_pads/input_2.bin new file mode 100644 index 0000000..148ca87 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_pads/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_pads/model.mlir b/onnx-ops/onnx/node/generated/test_col2im_pads/model.mlir new file mode 100644 index 0000000..7417a47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im_pads/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_col2im_pads(%arg0: !torch.vtensor<[1,5,15],f32>, %arg1: !torch.vtensor<[2],si64>, %arg2: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Col2Im"(%arg0, %arg1, %arg2) {torch.onnx.pads = [0 : si64, 1 : si64, 0 : si64, 1 : si64]} : (!torch.vtensor<[1,5,15],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_col2im_pads/output_0.bin b/onnx-ops/onnx/node/generated/test_col2im_pads/output_0.bin new file mode 100644 index 0000000..47073e1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_pads/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_pads/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_col2im_pads/run_module_io_flags.txt new file mode 100644 index 0000000..2e50def --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im_pads/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x5x15xf32=@input_0.bin +--input=2xi64=@input_1.bin +--input=2xi64=@input_2.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_col2im_strides/input_0.bin b/onnx-ops/onnx/node/generated/test_col2im_strides/input_0.bin new file mode 100644 index 0000000..02b57b3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_strides/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_strides/input_1.bin b/onnx-ops/onnx/node/generated/test_col2im_strides/input_1.bin new file mode 100644 index 0000000..7704394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_strides/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_strides/input_2.bin b/onnx-ops/onnx/node/generated/test_col2im_strides/input_2.bin new file mode 100644 index 0000000..928ad73 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_strides/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_strides/model.mlir b/onnx-ops/onnx/node/generated/test_col2im_strides/model.mlir new file mode 100644 index 0000000..cc35109 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im_strides/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_col2im_strides(%arg0: !torch.vtensor<[1,9,4],f32>, %arg1: !torch.vtensor<[2],si64>, %arg2: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Col2Im"(%arg0, %arg1, %arg2) {torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,9,4],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_col2im_strides/output_0.bin b/onnx-ops/onnx/node/generated/test_col2im_strides/output_0.bin new file mode 100644 index 0000000..44728be Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_col2im_strides/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_col2im_strides/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_col2im_strides/run_module_io_flags.txt new file mode 100644 index 0000000..ebcaa3c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_col2im_strides/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x9x4xf32=@input_0.bin +--input=2xi64=@input_1.bin +--input=2xi64=@input_2.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_compress_0/input_0.bin b/onnx-ops/onnx/node/generated/test_compress_0/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_0/input_1.bin b/onnx-ops/onnx/node/generated/test_compress_0/input_1.bin new file mode 100644 index 0000000..3d1413d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_0/model.mlir b/onnx-ops/onnx/node/generated/test_compress_0/model.mlir new file mode 100644 index 0000000..abb6343 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_compress_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_compress_0(%arg0: !torch.vtensor<[3,2],f32>, %arg1: !torch.vtensor<[3],i1>) -> !torch.vtensor<[2,2],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Compress"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,2],f32>, !torch.vtensor<[3],i1>) -> !torch.vtensor<[2,2],f32> + return %0 : !torch.vtensor<[2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_compress_0/output_0.bin b/onnx-ops/onnx/node/generated/test_compress_0/output_0.bin new file mode 100644 index 0000000..b90f3f1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_compress_0/run_module_io_flags.txt new file mode 100644 index 0000000..518dbff --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_compress_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2xf32=@input_0.bin +--input=3xi1=@input_1.bin +--expected_output=2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_compress_1/input_0.bin b/onnx-ops/onnx/node/generated/test_compress_1/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_1/input_1.bin b/onnx-ops/onnx/node/generated/test_compress_1/input_1.bin new file mode 100644 index 0000000..bdc955b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_1/model.mlir b/onnx-ops/onnx/node/generated/test_compress_1/model.mlir new file mode 100644 index 0000000..06328c7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_compress_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_compress_1(%arg0: !torch.vtensor<[3,2],f32>, %arg1: !torch.vtensor<[2],i1>) -> !torch.vtensor<[3,1],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Compress"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,2],f32>, !torch.vtensor<[2],i1>) -> !torch.vtensor<[3,1],f32> + return %0 : !torch.vtensor<[3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_compress_1/output_0.bin b/onnx-ops/onnx/node/generated/test_compress_1/output_0.bin new file mode 100644 index 0000000..186a110 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_compress_1/run_module_io_flags.txt new file mode 100644 index 0000000..b952bbf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_compress_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2xf32=@input_0.bin +--input=2xi1=@input_1.bin +--expected_output=3x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_compress_default_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_compress_default_axis/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_default_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_default_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_compress_default_axis/input_1.bin new file mode 100644 index 0000000..d9952f9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_default_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_default_axis/model.mlir b/onnx-ops/onnx/node/generated/test_compress_default_axis/model.mlir new file mode 100644 index 0000000..da063cc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_compress_default_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_compress_default_axis(%arg0: !torch.vtensor<[3,2],f32>, %arg1: !torch.vtensor<[5],i1>) -> !torch.vtensor<[2],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Compress"(%arg0, %arg1) : (!torch.vtensor<[3,2],f32>, !torch.vtensor<[5],i1>) -> !torch.vtensor<[2],f32> + return %0 : !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_compress_default_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_compress_default_axis/output_0.bin new file mode 100644 index 0000000..9667295 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_default_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_default_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_compress_default_axis/run_module_io_flags.txt new file mode 100644 index 0000000..b18e182 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_compress_default_axis/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2xf32=@input_0.bin +--input=5xi1=@input_1.bin +--expected_output=2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_compress_negative_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_compress_negative_axis/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_negative_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_negative_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_compress_negative_axis/input_1.bin new file mode 100644 index 0000000..bdc955b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_negative_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_negative_axis/model.mlir b/onnx-ops/onnx/node/generated/test_compress_negative_axis/model.mlir new file mode 100644 index 0000000..a4cc865 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_compress_negative_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_compress_negative_axis(%arg0: !torch.vtensor<[3,2],f32>, %arg1: !torch.vtensor<[2],i1>) -> !torch.vtensor<[3,1],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Compress"(%arg0, %arg1) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[3,2],f32>, !torch.vtensor<[2],i1>) -> !torch.vtensor<[3,1],f32> + return %0 : !torch.vtensor<[3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_compress_negative_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_compress_negative_axis/output_0.bin new file mode 100644 index 0000000..186a110 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_compress_negative_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_compress_negative_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_compress_negative_axis/run_module_io_flags.txt new file mode 100644 index 0000000..b952bbf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_compress_negative_axis/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2xf32=@input_0.bin +--input=2xi1=@input_1.bin +--expected_output=3x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/input_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/input_1.bin new file mode 100644 index 0000000..d077e01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/model.mlir b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/model.mlir new file mode 100644 index 0000000..85f4209 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_1d_axis_0(%arg0: !torch.vtensor<[2],f32>, %arg1: !torch.vtensor<[2],f32>) -> !torch.vtensor<[4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[4],f32> + return %0 : !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/output_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/run_module_io_flags.txt new file mode 100644 index 0000000..2a53034 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_1d_axis_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2xf32=@input_0.bin +--input=2xf32=@input_1.bin +--expected_output=4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/input_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/input_1.bin new file mode 100644 index 0000000..d077e01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/model.mlir b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/model.mlir new file mode 100644 index 0000000..c95e228 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_1d_axis_negative_1(%arg0: !torch.vtensor<[2],f32>, %arg1: !torch.vtensor<[2],f32>) -> !torch.vtensor<[4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[4],f32> + return %0 : !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/output_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/run_module_io_flags.txt new file mode 100644 index 0000000..2a53034 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_1d_axis_negative_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2xf32=@input_0.bin +--input=2xf32=@input_1.bin +--expected_output=4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/input_1.bin new file mode 100644 index 0000000..a81198b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/model.mlir b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/model.mlir new file mode 100644 index 0000000..0a90379 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_2d_axis_0(%arg0: !torch.vtensor<[2,2],f32>, %arg1: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[4,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[4,2],f32> + return %0 : !torch.vtensor<[4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/output_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/run_module_io_flags.txt new file mode 100644 index 0000000..dfc43af --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_2d_axis_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2xf32=@input_0.bin +--input=2x2xf32=@input_1.bin +--expected_output=4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/input_1.bin new file mode 100644 index 0000000..a81198b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/model.mlir b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/model.mlir new file mode 100644 index 0000000..ea0469c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_2d_axis_1(%arg0: !torch.vtensor<[2,2],f32>, %arg1: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,4],f32> + return %0 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/output_0.bin new file mode 100644 index 0000000..2d967a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/run_module_io_flags.txt new file mode 100644 index 0000000..fd49bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_2d_axis_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2xf32=@input_0.bin +--input=2x2xf32=@input_1.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/input_1.bin new file mode 100644 index 0000000..a81198b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/model.mlir b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/model.mlir new file mode 100644 index 0000000..8032181 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_2d_axis_negative_1(%arg0: !torch.vtensor<[2,2],f32>, %arg1: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,4],f32> + return %0 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/output_0.bin new file mode 100644 index 0000000..2d967a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/run_module_io_flags.txt new file mode 100644 index 0000000..fd49bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2xf32=@input_0.bin +--input=2x2xf32=@input_1.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/input_1.bin new file mode 100644 index 0000000..a81198b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/model.mlir b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/model.mlir new file mode 100644 index 0000000..1935233 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_2d_axis_negative_2(%arg0: !torch.vtensor<[2,2],f32>, %arg1: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[4,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[4,2],f32> + return %0 : !torch.vtensor<[4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/output_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/run_module_io_flags.txt new file mode 100644 index 0000000..dfc43af --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_2d_axis_negative_2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2xf32=@input_0.bin +--input=2x2xf32=@input_1.bin +--expected_output=4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/input_1.bin new file mode 100644 index 0000000..07d879d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/model.mlir b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/model.mlir new file mode 100644 index 0000000..85cd9fb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_3d_axis_0(%arg0: !torch.vtensor<[2,2,2],f32>, %arg1: !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[4,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,2,2],f32>, !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[4,2,2],f32> + return %0 : !torch.vtensor<[4,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/output_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/run_module_io_flags.txt new file mode 100644 index 0000000..868626b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x2xf32=@input_0.bin +--input=2x2x2xf32=@input_1.bin +--expected_output=4x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/input_1.bin new file mode 100644 index 0000000..07d879d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/model.mlir b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/model.mlir new file mode 100644 index 0000000..7dd4303 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_3d_axis_1(%arg0: !torch.vtensor<[2,2,2],f32>, %arg1: !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[2,4,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,2,2],f32>, !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[2,4,2],f32> + return %0 : !torch.vtensor<[2,4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/output_0.bin new file mode 100644 index 0000000..fddeec5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/run_module_io_flags.txt new file mode 100644 index 0000000..b26e96a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x2xf32=@input_0.bin +--input=2x2x2xf32=@input_1.bin +--expected_output=2x4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/input_1.bin new file mode 100644 index 0000000..07d879d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/model.mlir b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/model.mlir new file mode 100644 index 0000000..08614d3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_3d_axis_2(%arg0: !torch.vtensor<[2,2,2],f32>, %arg1: !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[2,2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,2,2],f32>, !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[2,2,4],f32> + return %0 : !torch.vtensor<[2,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/output_0.bin new file mode 100644 index 0000000..594a84d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/run_module_io_flags.txt new file mode 100644 index 0000000..6006476 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x2xf32=@input_0.bin +--input=2x2x2xf32=@input_1.bin +--expected_output=2x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/input_1.bin new file mode 100644 index 0000000..07d879d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/model.mlir b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/model.mlir new file mode 100644 index 0000000..c0e1bcc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_3d_axis_negative_1(%arg0: !torch.vtensor<[2,2,2],f32>, %arg1: !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[2,2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,2,2],f32>, !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[2,2,4],f32> + return %0 : !torch.vtensor<[2,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/output_0.bin new file mode 100644 index 0000000..594a84d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/run_module_io_flags.txt new file mode 100644 index 0000000..6006476 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x2xf32=@input_0.bin +--input=2x2x2xf32=@input_1.bin +--expected_output=2x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/input_1.bin new file mode 100644 index 0000000..07d879d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/model.mlir b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/model.mlir new file mode 100644 index 0000000..a04727f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_3d_axis_negative_2(%arg0: !torch.vtensor<[2,2,2],f32>, %arg1: !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[2,4,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,2,2],f32>, !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[2,4,2],f32> + return %0 : !torch.vtensor<[2,4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/output_0.bin new file mode 100644 index 0000000..fddeec5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/run_module_io_flags.txt new file mode 100644 index 0000000..b26e96a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x2xf32=@input_0.bin +--input=2x2x2xf32=@input_1.bin +--expected_output=2x4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/input_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/input_1.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/input_1.bin new file mode 100644 index 0000000..07d879d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/model.mlir b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/model.mlir new file mode 100644 index 0000000..b23ed81 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_concat_3d_axis_negative_3(%arg0: !torch.vtensor<[2,2,2],f32>, %arg1: !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[4,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Concat"(%arg0, %arg1) {torch.onnx.axis = -3 : si64} : (!torch.vtensor<[2,2,2],f32>, !torch.vtensor<[2,2,2],f32>) -> !torch.vtensor<[4,2,2],f32> + return %0 : !torch.vtensor<[4,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/output_0.bin b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/output_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/run_module_io_flags.txt new file mode 100644 index 0000000..868626b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_concat_3d_axis_negative_3/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x2xf32=@input_0.bin +--input=2x2x2xf32=@input_1.bin +--expected_output=4x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_constant/model.mlir b/onnx-ops/onnx/node/generated/test_constant/model.mlir new file mode 100644 index 0000000..f8e61de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_constant() -> !torch.vtensor<[5,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[[1.76405239, 0.400157213, 9.787380e-01, 2.24089313, 1.867558], [-0.977277874, 0.950088441, -0.151357204, -0.103218853, 0.410598516], [0.144043565, 1.45427346, 0.761037707, 0.121675014, 0.443863243], [0.333674341, 1.49407911, -0.205158263, 0.313067704, -0.854095757], [-2.55298972, 0.653618574, 0.864436209, -7.421650e-01, 2.26975465]]> : tensor<5x5xf32>} : () -> !torch.vtensor<[5,5],f32> + return %0 : !torch.vtensor<[5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_constant/output_0.bin b/onnx-ops/onnx/node/generated/test_constant/output_0.bin new file mode 100644 index 0000000..a34d561 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_constant/run_module_io_flags.txt new file mode 100644 index 0000000..99ba530 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant/run_module_io_flags.txt @@ -0,0 +1 @@ +--expected_output=5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_constant_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_constant_pad/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad/input_1.bin b/onnx-ops/onnx/node/generated/test_constant_pad/input_1.bin new file mode 100644 index 0000000..00853f0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constant_pad/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constant_pad/input_2.bin b/onnx-ops/onnx/node/generated/test_constant_pad/input_2.bin new file mode 100644 index 0000000..f6350a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad/input_2.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad/model.mlir b/onnx-ops/onnx/node/generated/test_constant_pad/model.mlir new file mode 100644 index 0000000..663def1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_constant_pad(%arg0: !torch.vtensor<[1,3,4,5],f32>, %arg1: !torch.vtensor<[8],si64>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[1,3,7,12],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pad"(%arg0, %arg1, %arg2) {torch.onnx.mode = "constant"} : (!torch.vtensor<[1,3,4,5],f32>, !torch.vtensor<[8],si64>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,3,7,12],f32> + return %0 : !torch.vtensor<[1,3,7,12],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_constant_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_constant_pad/output_0.bin new file mode 100644 index 0000000..7a90668 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad/output_0.bin @@ -0,0 +1 @@ +???????????????x?h>z?j@$ ????????.z8s?bhdӽ9>???????(>%?^B?0= B>???????]ת>=?RiJ>Z???????????????????????????????????????????/d#S'?K]?=C@???????(Hm;= ?2?????????>>Ec!??????? >*z??Oƾmǚ???????????????????????????????????????????6&õgڿ?x???????FKྙ[ G?4οY???????L=e> k漚???????QN>.:=ݚ>b"6???????????????????????????? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_constant_pad/run_module_io_flags.txt new file mode 100644 index 0000000..7aee598 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x3x4x5xf32=@input_0.bin +--input=8xi64=@input_1.bin +--input=f32=@input_2.bin +--expected_output=1x3x7x12xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_1.bin new file mode 100644 index 0000000..47964d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_2.bin b/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_2.bin new file mode 100644 index 0000000..f6350a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_2.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_3.bin b/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_3.bin new file mode 100644 index 0000000..1fffc6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constant_pad_axes/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_axes/model.mlir b/onnx-ops/onnx/node/generated/test_constant_pad_axes/model.mlir new file mode 100644 index 0000000..98eaab7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_constant_pad_axes(%arg0: !torch.vtensor<[1,3,4,5],f32>, %arg1: !torch.vtensor<[4],si64>, %arg2: !torch.vtensor<[],f32>, %arg3: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,3,4,12],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pad"(%arg0, %arg1, %arg2, %arg3) {torch.onnx.mode = "constant"} : (!torch.vtensor<[1,3,4,5],f32>, !torch.vtensor<[4],si64>, !torch.vtensor<[],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,3,4,12],f32> + return %0 : !torch.vtensor<[1,3,4,12],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_constant_pad_axes/output_0.bin new file mode 100644 index 0000000..c336d26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_axes/output_0.bin @@ -0,0 +1 @@ +???x?h>z?j@$ ????????.z8s?bhdӽ9>???????(>%?^B?0= B>???????]ת>=?RiJ>Z???????/d#S'?K]?=C@???????(Hm;= ?2?????????>>Ec!??????? >*z??Oƾmǚ???????6&õgڿ?x???????FKྙ[ G?4οY???????L=e> k漚???????QN>.:=ݚ>b"6???? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_constant_pad_axes/run_module_io_flags.txt new file mode 100644 index 0000000..5fbb926 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_axes/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=1x3x4x5xf32=@input_0.bin +--input=4xi64=@input_1.bin +--input=f32=@input_2.bin +--input=2xi64=@input_3.bin +--expected_output=1x3x4x12xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_1.bin new file mode 100644 index 0000000..47964d2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_2.bin b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_2.bin new file mode 100644 index 0000000..f6350a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_2.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_3.bin b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_3.bin new file mode 100644 index 0000000..4470626 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/input_3.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/model.mlir b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/model.mlir new file mode 100644 index 0000000..da3c375 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_constant_pad_negative_axes(%arg0: !torch.vtensor<[1,3,4,5],f32>, %arg1: !torch.vtensor<[4],si64>, %arg2: !torch.vtensor<[],f32>, %arg3: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,3,4,12],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pad"(%arg0, %arg1, %arg2, %arg3) {torch.onnx.mode = "constant"} : (!torch.vtensor<[1,3,4,5],f32>, !torch.vtensor<[4],si64>, !torch.vtensor<[],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,3,4,12],f32> + return %0 : !torch.vtensor<[1,3,4,12],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/output_0.bin new file mode 100644 index 0000000..c336d26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/output_0.bin @@ -0,0 +1 @@ +???x?h>z?j@$ ????????.z8s?bhdӽ9>???????(>%?^B?0= B>???????]ת>=?RiJ>Z???????/d#S'?K]?=C@???????(Hm;= ?2?????????>>Ec!??????? >*z??Oƾmǚ???????6&õgڿ?x???????FKྙ[ G?4οY???????L=e> k漚???????QN>.:=ݚ>b"6???? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/run_module_io_flags.txt new file mode 100644 index 0000000..5fbb926 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constant_pad_negative_axes/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=1x3x4x5xf32=@input_0.bin +--input=4xi64=@input_1.bin +--input=f32=@input_2.bin +--input=2xi64=@input_3.bin +--expected_output=1x3x4x12xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/input_0.bin b/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/input_0.bin new file mode 100644 index 0000000..7245095 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/model.mlir b/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/model.mlir new file mode 100644 index 0000000..116db01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_constantofshape_float_ones(%arg0: !torch.vtensor<[3],si64>) -> !torch.vtensor<[4,3,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConstantOfShape"(%arg0) {torch.onnx.value = dense<1.000000e+00> : tensor<1xf32>} : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[4,3,2],f32> + return %0 : !torch.vtensor<[4,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/output_0.bin b/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/output_0.bin new file mode 100644 index 0000000..b282558 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/run_module_io_flags.txt new file mode 100644 index 0000000..487c3e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constantofshape_float_ones/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xi64=@input_0.bin +--expected_output=4x3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/input_0.bin b/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/input_0.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/model.mlir b/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/model.mlir new file mode 100644 index 0000000..3aa5b23 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_constantofshape_int_shape_zero(%arg0: !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConstantOfShape"(%arg0) {torch.onnx.value = dense<0> : tensor<1xsi32>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si32> + return %0 : !torch.vtensor<[0],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/output_0.bin b/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/run_module_io_flags.txt new file mode 100644 index 0000000..ee85966 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constantofshape_int_shape_zero/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1xi64=@input_0.bin +--expected_output=0xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/input_0.bin b/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/input_0.bin new file mode 100644 index 0000000..0274dd7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/model.mlir b/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/model.mlir new file mode 100644 index 0000000..fd88a83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_constantofshape_int_zeros(%arg0: !torch.vtensor<[2],si64>) -> !torch.vtensor<[10,6],si32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConstantOfShape"(%arg0) {torch.onnx.value = dense<0> : tensor<1xsi32>} : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[10,6],si32> + return %0 : !torch.vtensor<[10,6],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/output_0.bin b/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/output_0.bin new file mode 100644 index 0000000..932e8ba Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/run_module_io_flags.txt new file mode 100644 index 0000000..3346f07 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_constantofshape_int_zeros/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2xi64=@input_0.bin +--expected_output=10x6xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/input_0.bin b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/input_0.bin new file mode 100644 index 0000000..0038997 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/input_1.bin b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/input_1.bin new file mode 100644 index 0000000..9decbf8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/model.mlir b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/model.mlir new file mode 100644 index 0000000..6b59c5a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_conv_with_autopad_same(%arg0: !torch.vtensor<[1,1,5,5],f32>, %arg1: !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Conv"(%arg0, %arg1) {torch.onnx.auto_pad = "SAME_LOWER", torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>, !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/output_0.bin b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/output_0.bin new file mode 100644 index 0000000..f829b4a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/run_module_io_flags.txt new file mode 100644 index 0000000..d709521 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_conv_with_autopad_same/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x5x5xf32=@input_0.bin +--input=1x1x3x3xf32=@input_1.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/input_0.bin new file mode 100644 index 0000000..e233bc2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/input_1.bin new file mode 100644 index 0000000..9decbf8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/model.mlir b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/model.mlir new file mode 100644 index 0000000..450675c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_conv_with_strides_and_asymmetric_padding(%arg0: !torch.vtensor<[1,1,7,5],f32>, %arg1: !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,4,2],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Conv"(%arg0, %arg1) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.pads = [1 : si64, 0 : si64, 1 : si64, 0 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,7,5],f32>, !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,4,2],f32> + return %0 : !torch.vtensor<[1,1,4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/output_0.bin new file mode 100644 index 0000000..1003f66 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/run_module_io_flags.txt new file mode 100644 index 0000000..be8af12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_conv_with_strides_and_asymmetric_padding/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x7x5xf32=@input_0.bin +--input=1x1x3x3xf32=@input_1.bin +--expected_output=1x1x4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/input_0.bin new file mode 100644 index 0000000..e233bc2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/input_1.bin new file mode 100644 index 0000000..9decbf8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/model.mlir b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/model.mlir new file mode 100644 index 0000000..6ec8abb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_conv_with_strides_no_padding(%arg0: !torch.vtensor<[1,1,7,5],f32>, %arg1: !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,3,2],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Conv"(%arg0, %arg1) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.pads = [0 : si64, 0 : si64, 0 : si64, 0 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,7,5],f32>, !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,3,2],f32> + return %0 : !torch.vtensor<[1,1,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/output_0.bin new file mode 100644 index 0000000..9e980e7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/run_module_io_flags.txt new file mode 100644 index 0000000..051bfac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_conv_with_strides_no_padding/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x7x5xf32=@input_0.bin +--input=1x1x3x3xf32=@input_1.bin +--expected_output=1x1x3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/input_0.bin new file mode 100644 index 0000000..e233bc2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/input_1.bin new file mode 100644 index 0000000..9decbf8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/model.mlir b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/model.mlir new file mode 100644 index 0000000..90472b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_conv_with_strides_padding(%arg0: !torch.vtensor<[1,1,7,5],f32>, %arg1: !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,4,3],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Conv"(%arg0, %arg1) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.pads = [1 : si64, 1 : si64, 1 : si64, 1 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,7,5],f32>, !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,4,3],f32> + return %0 : !torch.vtensor<[1,1,4,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/output_0.bin new file mode 100644 index 0000000..8ad80c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/run_module_io_flags.txt new file mode 100644 index 0000000..218c887 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_conv_with_strides_padding/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x7x5xf32=@input_0.bin +--input=1x1x3x3xf32=@input_1.bin +--expected_output=1x1x4x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_0.bin new file mode 100644 index 0000000..c0e9230 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_0.bin @@ -0,0 +1 @@ + diff --git a/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_1.bin new file mode 100644 index 0000000..9cb1bca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_2.bin b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_2.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_convinteger_with_padding/model.mlir b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/model.mlir new file mode 100644 index 0000000..f05c9a2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convinteger_with_padding(%arg0: !torch.vtensor<[1,1,3,3],ui8>, %arg1: !torch.vtensor<[1,1,2,2],ui8>, %arg2: !torch.vtensor<[],ui8>) -> !torch.vtensor<[1,1,4,4],si32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvInteger"(%arg0, %arg1, %arg2) {torch.onnx.pads = [1 : si64, 1 : si64, 1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,3,3],ui8>, !torch.vtensor<[1,1,2,2],ui8>, !torch.vtensor<[],ui8>) -> !torch.vtensor<[1,1,4,4],si32> + return %0 : !torch.vtensor<[1,1,4,4],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convinteger_with_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/output_0.bin new file mode 100644 index 0000000..625e11c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convinteger_with_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/run_module_io_flags.txt new file mode 100644 index 0000000..e31e171 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_with_padding/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x3x3xi8=@input_0.bin +--input=1x1x2x2xi8=@input_1.bin +--input=i8=@input_2.bin +--expected_output=1x1x4x4xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_0.bin new file mode 100644 index 0000000..c0e9230 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_0.bin @@ -0,0 +1 @@ + diff --git a/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_1.bin new file mode 100644 index 0000000..9cb1bca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_2.bin b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_2.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_convinteger_without_padding/model.mlir b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/model.mlir new file mode 100644 index 0000000..6382a61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convinteger_without_padding(%arg0: !torch.vtensor<[1,1,3,3],ui8>, %arg1: !torch.vtensor<[1,1,2,2],ui8>, %arg2: !torch.vtensor<[],ui8>) -> !torch.vtensor<[1,1,2,2],si32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvInteger"(%arg0, %arg1, %arg2) : (!torch.vtensor<[1,1,3,3],ui8>, !torch.vtensor<[1,1,2,2],ui8>, !torch.vtensor<[],ui8>) -> !torch.vtensor<[1,1,2,2],si32> + return %0 : !torch.vtensor<[1,1,2,2],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convinteger_without_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/output_0.bin new file mode 100644 index 0000000..d643bba Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convinteger_without_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/run_module_io_flags.txt new file mode 100644 index 0000000..ff87540 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convinteger_without_padding/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x3x3xi8=@input_0.bin +--input=1x1x2x2xi8=@input_1.bin +--input=i8=@input_2.bin +--expected_output=1x1x2x2xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose/input_1.bin new file mode 100644 index 0000000..299fb0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose/model.mlir new file mode 100644 index 0000000..04718b3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,5,5],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,5,5],f32> + return %0 : !torch.vtensor<[1,2,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose/output_0.bin new file mode 100644 index 0000000..82c996f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose/run_module_io_flags.txt new file mode 100644 index 0000000..457a4cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x2x3x3xf32=@input_1.bin +--expected_output=1x2x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_1d/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_1d/input_0.bin new file mode 100644 index 0000000..00b191d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_1d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_1d/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose_1d/input_1.bin new file mode 100644 index 0000000..ff7941d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_1d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_1d/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose_1d/model.mlir new file mode 100644 index 0000000..8bc3ddc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_1d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose_1d(%arg0: !torch.vtensor<[1,1,3],f32>, %arg1: !torch.vtensor<[1,2,3],f32>) -> !torch.vtensor<[1,2,5],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) : (!torch.vtensor<[1,1,3],f32>, !torch.vtensor<[1,2,3],f32>) -> !torch.vtensor<[1,2,5],f32> + return %0 : !torch.vtensor<[1,2,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_1d/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_1d/output_0.bin new file mode 100644 index 0000000..c88f4a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_1d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_1d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose_1d/run_module_io_flags.txt new file mode 100644 index 0000000..e120523 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_1d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3xf32=@input_0.bin +--input=1x2x3xf32=@input_1.bin +--expected_output=1x2x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_3d/input_0.bin new file mode 100644 index 0000000..9a8fb34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_3d/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose_3d/input_1.bin new file mode 100644 index 0000000..45fb851 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_3d/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose_3d/model.mlir new file mode 100644 index 0000000..ea771ef --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose_3d(%arg0: !torch.vtensor<[1,1,3,4,5],f32>, %arg1: !torch.vtensor<[1,2,3,3,3],f32>) -> !torch.vtensor<[1,2,5,6,7],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) : (!torch.vtensor<[1,1,3,4,5],f32>, !torch.vtensor<[1,2,3,3,3],f32>) -> !torch.vtensor<[1,2,5,6,7],f32> + return %0 : !torch.vtensor<[1,2,5,6,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_3d/output_0.bin new file mode 100644 index 0000000..02fc1e8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose_3d/run_module_io_flags.txt new file mode 100644 index 0000000..320a3ba --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x4x5xf32=@input_0.bin +--input=1x2x3x3x3xf32=@input_1.bin +--expected_output=1x2x5x6x7xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/input_1.bin new file mode 100644 index 0000000..299fb0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/model.mlir new file mode 100644 index 0000000..f090969 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose_autopad_same(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,6,6],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) {torch.onnx.auto_pad = "SAME_UPPER", torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,6,6],f32> + return %0 : !torch.vtensor<[1,2,6,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/output_0.bin new file mode 100644 index 0000000..6c3f60d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/run_module_io_flags.txt new file mode 100644 index 0000000..32b4537 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_autopad_same/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x2x3x3xf32=@input_1.bin +--expected_output=1x2x6x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_dilations/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/input_0.bin new file mode 100644 index 0000000..18fad0d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_dilations/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/input_1.bin new file mode 100644 index 0000000..09070fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_dilations/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/model.mlir new file mode 100644 index 0000000..af63785 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose_dilations(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,1,2,2],f32>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) {torch.onnx.dilations = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,1,2,2],f32>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_dilations/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/output_0.bin new file mode 100644 index 0000000..c1f1eaf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_dilations/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/run_module_io_flags.txt new file mode 100644 index 0000000..b5e969b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_dilations/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x1x2x2xf32=@input_1.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/input_1.bin new file mode 100644 index 0000000..299fb0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/model.mlir new file mode 100644 index 0000000..67a5534 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose_kernel_shape(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,10,8],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.output_padding = [1 : si64, 1 : si64], torch.onnx.output_shape = [10 : si64, 8 : si64], torch.onnx.strides = [3 : si64, 2 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,10,8],f32> + return %0 : !torch.vtensor<[1,2,10,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/output_0.bin new file mode 100644 index 0000000..2b586ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/run_module_io_flags.txt new file mode 100644 index 0000000..b813600 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_kernel_shape/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x2x3x3xf32=@input_1.bin +--expected_output=1x2x10x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/input_1.bin new file mode 100644 index 0000000..299fb0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/model.mlir new file mode 100644 index 0000000..1675041 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose_output_shape(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,10,8],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) {torch.onnx.output_shape = [10 : si64, 8 : si64], torch.onnx.strides = [3 : si64, 2 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,10,8],f32> + return %0 : !torch.vtensor<[1,2,10,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/output_0.bin new file mode 100644 index 0000000..2b586ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/run_module_io_flags.txt new file mode 100644 index 0000000..b813600 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_output_shape/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x2x3x3xf32=@input_1.bin +--expected_output=1x2x10x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_pad/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_pad/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pad/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose_pad/input_1.bin new file mode 100644 index 0000000..299fb0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_pad/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pad/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose_pad/model.mlir new file mode 100644 index 0000000..a718dd9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose_pad(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,10,8],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) {torch.onnx.output_padding = [1 : si64, 1 : si64], torch.onnx.strides = [3 : si64, 2 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,10,8],f32> + return %0 : !torch.vtensor<[1,2,10,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_pad/output_0.bin new file mode 100644 index 0000000..2b586ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_pad/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose_pad/run_module_io_flags.txt new file mode 100644 index 0000000..b813600 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_pad/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x2x3x3xf32=@input_1.bin +--expected_output=1x2x10x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pads/input_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_pads/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_pads/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pads/input_1.bin b/onnx-ops/onnx/node/generated/test_convtranspose_pads/input_1.bin new file mode 100644 index 0000000..299fb0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_pads/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pads/model.mlir b/onnx-ops/onnx/node/generated/test_convtranspose_pads/model.mlir new file mode 100644 index 0000000..b95576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_pads/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_convtranspose_pads(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,7,3],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ConvTranspose"(%arg0, %arg1) {torch.onnx.pads = [1 : si64, 2 : si64, 1 : si64, 2 : si64], torch.onnx.strides = [3 : si64, 2 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,2,3,3],f32>) -> !torch.vtensor<[1,2,7,3],f32> + return %0 : !torch.vtensor<[1,2,7,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pads/output_0.bin b/onnx-ops/onnx/node/generated/test_convtranspose_pads/output_0.bin new file mode 100644 index 0000000..3b38dd3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_convtranspose_pads/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_convtranspose_pads/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_convtranspose_pads/run_module_io_flags.txt new file mode 100644 index 0000000..941d3b3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_convtranspose_pads/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x2x3x3xf32=@input_1.bin +--expected_output=1x2x7x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cos/input_0.bin b/onnx-ops/onnx/node/generated/test_cos/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cos/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cos/model.mlir b/onnx-ops/onnx/node/generated/test_cos/model.mlir new file mode 100644 index 0000000..5e56507 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cos/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cos(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cos"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cos/output_0.bin b/onnx-ops/onnx/node/generated/test_cos/output_0.bin new file mode 100644 index 0000000..30e4c91 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cos/output_0.bin @@ -0,0 +1,3 @@ +)Dk?? -?x?}?2~?ɸj?IY}?c=_9?y~?1g?bq?y=z?s?*(?jTJd>; m?+dt?f> >#M +潾Ow_?sg?>q6?.}0:z?$ + ?m?hR_?>?xh?o?`t?3N?kWo? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cos/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cos/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cos/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cos_example/input_0.bin b/onnx-ops/onnx/node/generated/test_cos_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cos_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cos_example/model.mlir b/onnx-ops/onnx/node/generated/test_cos_example/model.mlir new file mode 100644 index 0000000..3970c6c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cos_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cos_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cos"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cos_example/output_0.bin b/onnx-ops/onnx/node/generated/test_cos_example/output_0.bin new file mode 100644 index 0000000..756365f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cos_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cos_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cos_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cos_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cosh/input_0.bin b/onnx-ops/onnx/node/generated/test_cosh/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cosh/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cosh/model.mlir b/onnx-ops/onnx/node/generated/test_cosh/model.mlir new file mode 100644 index 0000000..010aed5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cosh/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cosh(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cosh"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cosh/output_0.bin b/onnx-ops/onnx/node/generated/test_cosh/output_0.bin new file mode 100644 index 0000000..abc8e68 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cosh/output_0.bin @@ -0,0 +1 @@ +<@@b?C\?!!@'T@%???x??9?T?gz@1??<ь?)1?@?R???@LT??]?_|@w}@P"???U@r@&?C?ص?]l@@Ӈ?S?@?q9?ٸ?? ? @6@He@?z?J??2'@P?^׶?T??? ?/?H?l?_?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cosh/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cosh/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cosh/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cosh_example/input_0.bin b/onnx-ops/onnx/node/generated/test_cosh_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cosh_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cosh_example/model.mlir b/onnx-ops/onnx/node/generated/test_cosh_example/model.mlir new file mode 100644 index 0000000..8dd0396 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cosh_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cosh_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cosh"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cosh_example/output_0.bin b/onnx-ops/onnx/node/generated/test_cosh_example/output_0.bin new file mode 100644 index 0000000..759f853 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cosh_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cosh_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cosh_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cosh_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d/input_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d/input_0.bin new file mode 100644 index 0000000..2638c2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d/input_1.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d/model.mlir b/onnx-ops/onnx/node/generated/test_cumsum_1d/model.mlir new file mode 100644 index 0000000..c75342d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_1d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cumsum_1d(%arg0: !torch.vtensor<[5],f64>, %arg1: !torch.vtensor<[],si32>) -> !torch.vtensor<[5],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CumSum"(%arg0, %arg1) : (!torch.vtensor<[5],f64>, !torch.vtensor<[],si32>) -> !torch.vtensor<[5],f64> + return %0 : !torch.vtensor<[5],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d/output_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d/output_0.bin new file mode 100644 index 0000000..a7fe429 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cumsum_1d/run_module_io_flags.txt new file mode 100644 index 0000000..71b7a97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_1d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5xf64=@input_0.bin +--input=i32=@input_1.bin +--expected_output=5xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/input_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/input_0.bin new file mode 100644 index 0000000..2638c2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/input_1.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/model.mlir b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/model.mlir new file mode 100644 index 0000000..ef99d05 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cumsum_1d_exclusive(%arg0: !torch.vtensor<[5],f64>, %arg1: !torch.vtensor<[],si32>) -> !torch.vtensor<[5],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CumSum"(%arg0, %arg1) {torch.onnx.exclusive = 1 : si64} : (!torch.vtensor<[5],f64>, !torch.vtensor<[],si32>) -> !torch.vtensor<[5],f64> + return %0 : !torch.vtensor<[5],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/output_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/output_0.bin new file mode 100644 index 0000000..af184e8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/run_module_io_flags.txt new file mode 100644 index 0000000..71b7a97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_1d_exclusive/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5xf64=@input_0.bin +--input=i32=@input_1.bin +--expected_output=5xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/input_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/input_0.bin new file mode 100644 index 0000000..2638c2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/input_1.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/model.mlir b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/model.mlir new file mode 100644 index 0000000..53a9a67 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cumsum_1d_reverse(%arg0: !torch.vtensor<[5],f64>, %arg1: !torch.vtensor<[],si32>) -> !torch.vtensor<[5],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CumSum"(%arg0, %arg1) {torch.onnx.reverse = 1 : si64} : (!torch.vtensor<[5],f64>, !torch.vtensor<[],si32>) -> !torch.vtensor<[5],f64> + return %0 : !torch.vtensor<[5],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/output_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/output_0.bin new file mode 100644 index 0000000..cb72a37 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/run_module_io_flags.txt new file mode 100644 index 0000000..71b7a97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5xf64=@input_0.bin +--input=i32=@input_1.bin +--expected_output=5xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/input_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/input_0.bin new file mode 100644 index 0000000..2638c2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/input_1.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/model.mlir b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/model.mlir new file mode 100644 index 0000000..42b9afd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cumsum_1d_reverse_exclusive(%arg0: !torch.vtensor<[5],f64>, %arg1: !torch.vtensor<[],si32>) -> !torch.vtensor<[5],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CumSum"(%arg0, %arg1) {torch.onnx.exclusive = 1 : si64, torch.onnx.reverse = 1 : si64} : (!torch.vtensor<[5],f64>, !torch.vtensor<[],si32>) -> !torch.vtensor<[5],f64> + return %0 : !torch.vtensor<[5],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/output_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/output_0.bin new file mode 100644 index 0000000..5ce9584 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/run_module_io_flags.txt new file mode 100644 index 0000000..71b7a97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_1d_reverse_exclusive/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5xf64=@input_0.bin +--input=i32=@input_1.bin +--expected_output=5xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/input_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/input_0.bin new file mode 100644 index 0000000..206badc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/input_1.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/model.mlir b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/model.mlir new file mode 100644 index 0000000..6b5101a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cumsum_2d_axis_0(%arg0: !torch.vtensor<[2,3],f64>, %arg1: !torch.vtensor<[],si32>) -> !torch.vtensor<[2,3],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CumSum"(%arg0, %arg1) : (!torch.vtensor<[2,3],f64>, !torch.vtensor<[],si32>) -> !torch.vtensor<[2,3],f64> + return %0 : !torch.vtensor<[2,3],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/output_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/output_0.bin new file mode 100644 index 0000000..ba3c598 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/run_module_io_flags.txt new file mode 100644 index 0000000..e8e8865 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3xf64=@input_0.bin +--input=i32=@input_1.bin +--expected_output=2x3xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/input_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/input_0.bin new file mode 100644 index 0000000..206badc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/input_1.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/input_1.bin new file mode 100644 index 0000000..f66c9cf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/model.mlir b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/model.mlir new file mode 100644 index 0000000..fbf25a4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cumsum_2d_axis_1(%arg0: !torch.vtensor<[2,3],f64>, %arg1: !torch.vtensor<[],si32>) -> !torch.vtensor<[2,3],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CumSum"(%arg0, %arg1) : (!torch.vtensor<[2,3],f64>, !torch.vtensor<[],si32>) -> !torch.vtensor<[2,3],f64> + return %0 : !torch.vtensor<[2,3],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/output_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/output_0.bin new file mode 100644 index 0000000..cd970e3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/run_module_io_flags.txt new file mode 100644 index 0000000..e8e8865 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_2d_axis_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3xf64=@input_0.bin +--input=i32=@input_1.bin +--expected_output=2x3xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/input_0.bin new file mode 100644 index 0000000..206badc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/input_1.bin new file mode 100644 index 0000000..7bde864 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/model.mlir b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/model.mlir new file mode 100644 index 0000000..bc33761 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_cumsum_2d_negative_axis(%arg0: !torch.vtensor<[2,3],f64>, %arg1: !torch.vtensor<[],si32>) -> !torch.vtensor<[2,3],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.CumSum"(%arg0, %arg1) : (!torch.vtensor<[2,3],f64>, !torch.vtensor<[],si32>) -> !torch.vtensor<[2,3],f64> + return %0 : !torch.vtensor<[2,3],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/output_0.bin new file mode 100644 index 0000000..cd970e3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/run_module_io_flags.txt new file mode 100644 index 0000000..e8e8865 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_cumsum_2d_negative_axis/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3xf64=@input_0.bin +--input=i32=@input_1.bin +--expected_output=2x3xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_0.bin new file mode 100644 index 0000000..a460603 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_1.bin new file mode 100644 index 0000000..dcce8bf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_2.bin new file mode 100644 index 0000000..562127d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_3.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_3.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_4.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_4.bin new file mode 100644 index 0000000..383c455 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/model.mlir b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/model.mlir new file mode 100644 index 0000000..e3d732d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_deform_conv_with_mask_bias(%arg0: !torch.vtensor<[1,1,3,3],f32>, %arg1: !torch.vtensor<[1,1,2,2],f32>, %arg2: !torch.vtensor<[1,8,2,2],f32>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1,4,2,2],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DeformConv"(%arg0, %arg1, %arg2, %arg3, %arg4) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.pads = [0 : si64, 0 : si64, 0 : si64, 0 : si64]} : (!torch.vtensor<[1,1,3,3],f32>, !torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[1,8,2,2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[1,4,2,2],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/output_0.bin new file mode 100644 index 0000000..f16e90a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/run_module_io_flags.txt new file mode 100644 index 0000000..ff29c18 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_deform_conv_with_mask_bias/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x1x3x3xf32=@input_0.bin +--input=1x1x2x2xf32=@input_1.bin +--input=1x8x2x2xf32=@input_2.bin +--input=1xf32=@input_3.bin +--input=1x4x2x2xf32=@input_4.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_0.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_0.bin new file mode 100644 index 0000000..d5c57ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_1.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_1.bin new file mode 100644 index 0000000..2993b4a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_2.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_2.bin new file mode 100644 index 0000000..9d0b15e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/model.mlir b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/model.mlir new file mode 100644 index 0000000..6a6147e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_deform_conv_with_multiple_offset_groups(%arg0: !torch.vtensor<[1,2,3,3],f32>, %arg1: !torch.vtensor<[1,2,2,2],f32>, %arg2: !torch.vtensor<[1,16,2,2],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DeformConv"(%arg0, %arg1, %arg2) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.offset_group = 2 : si64, torch.onnx.pads = [0 : si64, 0 : si64, 0 : si64, 0 : si64]} : (!torch.vtensor<[1,2,3,3],f32>, !torch.vtensor<[1,2,2,2],f32>, !torch.vtensor<[1,16,2,2],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/output_0.bin b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/output_0.bin new file mode 100644 index 0000000..c7f6402 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/run_module_io_flags.txt new file mode 100644 index 0000000..1c73ce1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_deform_conv_with_multiple_offset_groups/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x2x3x3xf32=@input_0.bin +--input=1x2x2x2xf32=@input_1.bin +--input=1x16x2x2xf32=@input_2.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/input_0.bin b/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/input_0.bin new file mode 100644 index 0000000..e108f78 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/model.mlir b/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/model.mlir new file mode 100644 index 0000000..2478db5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_depthtospace_crd_mode_example(%arg0: !torch.vtensor<[1,8,2,3],f32>) -> !torch.vtensor<[1,2,4,6],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DepthToSpace"(%arg0) {torch.onnx.blocksize = 2 : si64, torch.onnx.mode = "CRD"} : (!torch.vtensor<[1,8,2,3],f32>) -> !torch.vtensor<[1,2,4,6],f32> + return %0 : !torch.vtensor<[1,2,4,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/output_0.bin b/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/output_0.bin new file mode 100644 index 0000000..4962b45 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/run_module_io_flags.txt new file mode 100644 index 0000000..66b9999 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_depthtospace_crd_mode_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x8x2x3xf32=@input_0.bin +--expected_output=1x2x4x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_depthtospace_example/input_0.bin b/onnx-ops/onnx/node/generated/test_depthtospace_example/input_0.bin new file mode 100644 index 0000000..e108f78 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_depthtospace_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_depthtospace_example/model.mlir b/onnx-ops/onnx/node/generated/test_depthtospace_example/model.mlir new file mode 100644 index 0000000..f9c9bce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_depthtospace_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_depthtospace_example(%arg0: !torch.vtensor<[1,8,2,3],f32>) -> !torch.vtensor<[1,2,4,6],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DepthToSpace"(%arg0) {torch.onnx.blocksize = 2 : si64, torch.onnx.mode = "DCR"} : (!torch.vtensor<[1,8,2,3],f32>) -> !torch.vtensor<[1,2,4,6],f32> + return %0 : !torch.vtensor<[1,2,4,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_depthtospace_example/output_0.bin b/onnx-ops/onnx/node/generated/test_depthtospace_example/output_0.bin new file mode 100644 index 0000000..b4027cc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_depthtospace_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_depthtospace_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_depthtospace_example/run_module_io_flags.txt new file mode 100644 index 0000000..66b9999 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_depthtospace_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x8x2x3xf32=@input_0.bin +--expected_output=1x2x4x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear/input_0.bin new file mode 100644 index 0000000..716e0b7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear/input_2.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear/input_2.bin new file mode 100644 index 0000000..5416677 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear/model.mlir new file mode 100644 index 0000000..2ffca9c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear(%arg0: !torch.vtensor<[4],ui8>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],ui8>) -> !torch.vtensor<[4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[4],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) -> !torch.vtensor<[4],f32> + return %0 : !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear/output_0.bin new file mode 100644 index 0000000..404eca1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear/run_module_io_flags.txt new file mode 100644 index 0000000..67dd27e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4xi8=@input_0.bin +--input=f32=@input_1.bin +--input=i8=@input_2.bin +--expected_output=4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_0.bin new file mode 100644 index 0000000..c2cbef9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_0.bin @@ -0,0 +1 @@ +Y"J;W cyf \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_1.bin new file mode 100644 index 0000000..e8a4f78 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_2.bin new file mode 100644 index 0000000..714e15d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/input_2.bin @@ -0,0 +1 @@ +T \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/model.mlir new file mode 100644 index 0000000..b595068 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_axis(%arg0: !torch.vtensor<[1,3,3,2],ui8>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],ui8>) -> !torch.vtensor<[1,3,3,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[1,3,3,2],ui8>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],ui8>) -> !torch.vtensor<[1,3,3,2],f32> + return %0 : !torch.vtensor<[1,3,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/output_0.bin new file mode 100644 index 0000000..f840bdc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/run_module_io_flags.txt new file mode 100644 index 0000000..0442185 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x3x3x2xi8=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xi8=@input_2.bin +--expected_output=1x3x3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_0.bin new file mode 100644 index 0000000..d5d3bb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_0.bin @@ -0,0 +1 @@ +Y"J;W  !A*cyf \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_1.bin new file mode 100644 index 0000000..e4e8bb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_2.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_2.bin new file mode 100644 index 0000000..365529d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/model.mlir new file mode 100644 index 0000000..4c64560 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_blocked(%arg0: !torch.vtensor<[1,4,3,2],ui8>, %arg1: !torch.vtensor<[1,2,3,2],f32>, %arg2: !torch.vtensor<[1,2,3,2],ui8>) -> !torch.vtensor<[1,4,3,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64, torch.onnx.block_size = 2 : si64} : (!torch.vtensor<[1,4,3,2],ui8>, !torch.vtensor<[1,2,3,2],f32>, !torch.vtensor<[1,2,3,2],ui8>) -> !torch.vtensor<[1,4,3,2],f32> + return %0 : !torch.vtensor<[1,4,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/output_0.bin new file mode 100644 index 0000000..12628e9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/run_module_io_flags.txt new file mode 100644 index 0000000..784a989 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_blocked/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x4x3x2xi8=@input_0.bin +--input=1x2x3x2xf32=@input_1.bin +--input=1x2x3x2xi8=@input_2.bin +--expected_output=1x4x3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/input_0.bin new file mode 100644 index 0000000..b2b603e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/model.mlir new file mode 100644 index 0000000..2f3be41 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_e4m3fn(%arg0: !torch.vtensor<[5],f8E4M3FN>, %arg1: !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f8E4M3FN>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/output_0.bin new file mode 100644 index 0000000..b51057d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/run_module_io_flags.txt new file mode 100644 index 0000000..aac6ca0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5xf8e4m3fn=@input_0.bin +--input=f32=@input_1.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/input_0.bin new file mode 100644 index 0000000..b2b603e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/input_1.bin new file mode 100644 index 0000000..d745e1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/model.mlir new file mode 100644 index 0000000..b374e7e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_e4m3fn_float16(%arg0: !torch.vtensor<[5],f8E4M3FN>, %arg1: !torch.vtensor<[],f16>) -> !torch.vtensor<[5],f16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f8E4M3FN>, !torch.vtensor<[],f16>) -> !torch.vtensor<[5],f16> + return %0 : !torch.vtensor<[5],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/output_0.bin new file mode 100644 index 0000000..06be832 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/run_module_io_flags.txt new file mode 100644 index 0000000..ac26971 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_float16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5xf8e4m3fn=@input_0.bin +--input=f16=@input_1.bin +--expected_output=5xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_0.bin new file mode 100644 index 0000000..b2b603e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_2.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_2.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/model.mlir new file mode 100644 index 0000000..fa6b9f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_e4m3fn_zero_point(%arg0: !torch.vtensor<[5],f8E4M3FN>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[1],f8E4M3FN>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f8E4M3FN>, !torch.vtensor<[],f32>, !torch.vtensor<[1],f8E4M3FN>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/output_0.bin new file mode 100644 index 0000000..b51057d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/run_module_io_flags.txt new file mode 100644 index 0000000..2b73ec9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_e4m3fn_zero_point/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=5xf8e4m3fn=@input_0.bin +--input=f32=@input_1.bin +--input=1xf8e4m3fn=@input_2.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/input_0.bin new file mode 100644 index 0000000..b3cd418 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/model.mlir new file mode 100644 index 0000000..391abd8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_e5m2(%arg0: !torch.vtensor<[5],f8E5M2>, %arg1: !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f8E5M2>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/output_0.bin new file mode 100644 index 0000000..60692be Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/run_module_io_flags.txt new file mode 100644 index 0000000..2a988e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_e5m2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5xf8e5m2=@input_0.bin +--input=f32=@input_1.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_0.bin new file mode 100644 index 0000000..8aff41a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_2.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_2.bin new file mode 100644 index 0000000..73a14c6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/model.mlir new file mode 100644 index 0000000..dd37a3b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_int16(%arg0: !torch.vtensor<[4],si16>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],si16>) -> !torch.vtensor<[4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[4],si16>, !torch.vtensor<[],f32>, !torch.vtensor<[],si16>) -> !torch.vtensor<[4],f32> + return %0 : !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/output_0.bin new file mode 100644 index 0000000..f80dd8c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/run_module_io_flags.txt new file mode 100644 index 0000000..fccb67d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_int16/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4xi16=@input_0.bin +--input=f32=@input_1.bin +--input=i16=@input_2.bin +--expected_output=4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_0.bin new file mode 100644 index 0000000..4afb180 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_2.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/model.mlir new file mode 100644 index 0000000..1452dbc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_int4(%arg0: !torch.vtensor<[5],si4>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[1],si4>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],si4>, !torch.vtensor<[],f32>, !torch.vtensor<[1],si4>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/output_0.bin new file mode 100644 index 0000000..e968765 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/run_module_io_flags.txt new file mode 100644 index 0000000..1b6ee50 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_int4/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=5xi4=@input_0.bin +--input=f32=@input_1.bin +--input=1xi4=@input_2.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_0.bin new file mode 100644 index 0000000..b2af16d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_2.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_2.bin new file mode 100644 index 0000000..9570137 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/model.mlir new file mode 100644 index 0000000..f8dd8e3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_uint16(%arg0: !torch.vtensor<[4],ui16>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],ui16>) -> !torch.vtensor<[4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[4],ui16>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui16>) -> !torch.vtensor<[4],f32> + return %0 : !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/output_0.bin new file mode 100644 index 0000000..9b7b465 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/run_module_io_flags.txt new file mode 100644 index 0000000..fccb67d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint16/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4xi16=@input_0.bin +--input=f32=@input_1.bin +--input=i16=@input_2.bin +--expected_output=4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_0.bin new file mode 100644 index 0000000..795f15c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_1.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_2.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_2.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/model.mlir b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/model.mlir new file mode 100644 index 0000000..66e142e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dequantizelinear_uint4(%arg0: !torch.vtensor<[5],ui4>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[1],ui4>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DequantizeLinear"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],ui4>, !torch.vtensor<[],f32>, !torch.vtensor<[1],ui4>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/output_0.bin b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/output_0.bin new file mode 100644 index 0000000..6789d42 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/run_module_io_flags.txt new file mode 100644 index 0000000..1b6ee50 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dequantizelinear_uint4/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=5xi4=@input_0.bin +--input=f32=@input_1.bin +--input=1xi4=@input_2.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_det_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_det_2d/input_0.bin new file mode 100644 index 0000000..ae6bb1d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_det_2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_det_2d/model.mlir b/onnx-ops/onnx/node/generated/test_det_2d/model.mlir new file mode 100644 index 0000000..5850d05 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_det_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_det_2d(%arg0: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Det"(%arg0) : (!torch.vtensor<[2,2],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_det_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_det_2d/output_0.bin new file mode 100644 index 0000000..db4757a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_det_2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_det_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_det_2d/run_module_io_flags.txt new file mode 100644 index 0000000..8b85167 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_det_2d/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xf32=@input_0.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_det_nd/input_0.bin b/onnx-ops/onnx/node/generated/test_det_nd/input_0.bin new file mode 100644 index 0000000..f1cbb92 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_det_nd/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_det_nd/model.mlir b/onnx-ops/onnx/node/generated/test_det_nd/model.mlir new file mode 100644 index 0000000..a0bc2b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_det_nd/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_det_nd(%arg0: !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Det"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_det_nd/output_0.bin b/onnx-ops/onnx/node/generated/test_det_nd/output_0.bin new file mode 100644 index 0000000..9b9a290 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_det_nd/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_det_nd/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_det_nd/run_module_io_flags.txt new file mode 100644 index 0000000..7f1fa0b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_det_nd/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x2x2xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dft/input_0.bin b/onnx-ops/onnx/node/generated/test_dft/input_0.bin new file mode 100644 index 0000000..14fd49f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft/input_1.bin b/onnx-ops/onnx/node/generated/test_dft/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft/model.mlir b/onnx-ops/onnx/node/generated/test_dft/model.mlir new file mode 100644 index 0000000..ea4aab1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dft(%arg0: !torch.vtensor<[1,10,10,1],f32>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[1,10,10,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DFT"(%arg0, %none, %arg1) : (!torch.vtensor<[1,10,10,1],f32>, !torch.none, !torch.vtensor<[],si64>) -> !torch.vtensor<[1,10,10,2],f32> + return %0 : !torch.vtensor<[1,10,10,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dft/output_0.bin b/onnx-ops/onnx/node/generated/test_dft/output_0.bin new file mode 100644 index 0000000..07d6e05 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dft/run_module_io_flags.txt new file mode 100644 index 0000000..783b7ad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x10x10x1xf32=@input_0.bin +--input=i64=@input_1.bin +--expected_output=1x10x10x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dft_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_dft_axis/input_0.bin new file mode 100644 index 0000000..14fd49f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_dft_axis/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_axis/model.mlir b/onnx-ops/onnx/node/generated/test_dft_axis/model.mlir new file mode 100644 index 0000000..4561344 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dft_axis(%arg0: !torch.vtensor<[1,10,10,1],f32>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[1,10,10,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DFT"(%arg0, %none, %arg1) : (!torch.vtensor<[1,10,10,1],f32>, !torch.none, !torch.vtensor<[],si64>) -> !torch.vtensor<[1,10,10,2],f32> + return %0 : !torch.vtensor<[1,10,10,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dft_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_dft_axis/output_0.bin new file mode 100644 index 0000000..d868ebb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dft_axis/run_module_io_flags.txt new file mode 100644 index 0000000..783b7ad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_axis/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x10x10x1xf32=@input_0.bin +--input=i64=@input_1.bin +--expected_output=1x10x10x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dft_axis_opset19/input_0.bin b/onnx-ops/onnx/node/generated/test_dft_axis_opset19/input_0.bin new file mode 100644 index 0000000..14fd49f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_axis_opset19/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_axis_opset19/model.mlir b/onnx-ops/onnx/node/generated/test_dft_axis_opset19/model.mlir new file mode 100644 index 0000000..f98dfa8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_axis_opset19/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dft_axis_opset19(%arg0: !torch.vtensor<[1,10,10,1],f32>) -> !torch.vtensor<[1,10,10,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DFT"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[1,10,10,1],f32>) -> !torch.vtensor<[1,10,10,2],f32> + return %0 : !torch.vtensor<[1,10,10,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dft_axis_opset19/output_0.bin b/onnx-ops/onnx/node/generated/test_dft_axis_opset19/output_0.bin new file mode 100644 index 0000000..d868ebb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_axis_opset19/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_axis_opset19/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dft_axis_opset19/run_module_io_flags.txt new file mode 100644 index 0000000..b744b2c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_axis_opset19/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x10x10x1xf32=@input_0.bin +--expected_output=1x10x10x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse/input_0.bin b/onnx-ops/onnx/node/generated/test_dft_inverse/input_0.bin new file mode 100644 index 0000000..9b48250 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_inverse/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse/input_1.bin b/onnx-ops/onnx/node/generated/test_dft_inverse/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_inverse/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse/model.mlir b/onnx-ops/onnx/node/generated/test_dft_inverse/model.mlir new file mode 100644 index 0000000..6435f69 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_inverse/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dft_inverse(%arg0: !torch.vtensor<[1,10,10,2],f32>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[1,10,10,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DFT"(%arg0, %none, %arg1) {torch.onnx.inverse = 1 : si64} : (!torch.vtensor<[1,10,10,2],f32>, !torch.none, !torch.vtensor<[],si64>) -> !torch.vtensor<[1,10,10,2],f32> + return %0 : !torch.vtensor<[1,10,10,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse/output_0.bin b/onnx-ops/onnx/node/generated/test_dft_inverse/output_0.bin new file mode 100644 index 0000000..a0dcc54 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_inverse/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dft_inverse/run_module_io_flags.txt new file mode 100644 index 0000000..364ab27 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_inverse/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x10x10x2xf32=@input_0.bin +--input=i64=@input_1.bin +--expected_output=1x10x10x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/input_0.bin b/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/input_0.bin new file mode 100644 index 0000000..9b48250 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/model.mlir b/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/model.mlir new file mode 100644 index 0000000..0fb1f24 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dft_inverse_opset19(%arg0: !torch.vtensor<[1,10,10,2],f32>) -> !torch.vtensor<[1,10,10,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DFT"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.inverse = 1 : si64} : (!torch.vtensor<[1,10,10,2],f32>) -> !torch.vtensor<[1,10,10,2],f32> + return %0 : !torch.vtensor<[1,10,10,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/output_0.bin b/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/output_0.bin new file mode 100644 index 0000000..a0dcc54 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/run_module_io_flags.txt new file mode 100644 index 0000000..29cd221 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_inverse_opset19/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x10x10x2xf32=@input_0.bin +--expected_output=1x10x10x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dft_opset19/input_0.bin b/onnx-ops/onnx/node/generated/test_dft_opset19/input_0.bin new file mode 100644 index 0000000..14fd49f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_opset19/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_opset19/model.mlir b/onnx-ops/onnx/node/generated/test_dft_opset19/model.mlir new file mode 100644 index 0000000..b9efa15 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_opset19/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dft_opset19(%arg0: !torch.vtensor<[1,10,10,1],f32>) -> !torch.vtensor<[1,10,10,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.DFT"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[1,10,10,1],f32>) -> !torch.vtensor<[1,10,10,2],f32> + return %0 : !torch.vtensor<[1,10,10,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dft_opset19/output_0.bin b/onnx-ops/onnx/node/generated/test_dft_opset19/output_0.bin new file mode 100644 index 0000000..07d6e05 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dft_opset19/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dft_opset19/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dft_opset19/run_module_io_flags.txt new file mode 100644 index 0000000..b744b2c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dft_opset19/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x10x10x1xf32=@input_0.bin +--expected_output=1x10x10x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_div/input_0.bin b/onnx-ops/onnx/node/generated/test_div/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_div/input_1.bin b/onnx-ops/onnx/node/generated/test_div/input_1.bin new file mode 100644 index 0000000..27a018d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div/input_1.bin @@ -0,0 +1 @@ +?x2???5??f?H??>??.?ƨ?m?ސ??B ?r??⒂??ݙ????(?%ן???????h;?W??j?*???&g???"?f+?`?Fn?@?K?t???C!?!??7W?.???~?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_div/model.mlir b/onnx-ops/onnx/node/generated/test_div/model.mlir new file mode 100644 index 0000000..ca9288c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_div(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Div"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_div/output_0.bin b/onnx-ops/onnx/node/generated/test_div/output_0.bin new file mode 100644 index 0000000..29a5840 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_div/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_div/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_div/run_module_io_flags.txt new file mode 100644 index 0000000..7bd95ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_div_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_div_bcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_bcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_div_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_div_bcast/input_1.bin new file mode 100644 index 0000000..56e5766 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_bcast/input_1.bin @@ -0,0 +1 @@ +?x2???5? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_div_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_div_bcast/model.mlir new file mode 100644 index 0000000..cfd2399 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_div_bcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Div"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_div_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_div_bcast/output_0.bin new file mode 100644 index 0000000..c68260a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_bcast/output_0.bin @@ -0,0 +1 @@ +d5?#>8>??3?AhY?>1뽽xʍ>=Gd?0?2= >΃>3?edb>wM?'?nW@"''=wn??'='>p,dFd =Ì?i?8rdOxЎ?R64 VJ?yӶL0%>oƾUؼ3>%s=k>( \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_div_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_div_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..b3bf093 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_div_example/input_0.bin b/onnx-ops/onnx/node/generated/test_div_example/input_0.bin new file mode 100644 index 0000000..d077e01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_div_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_div_example/input_1.bin b/onnx-ops/onnx/node/generated/test_div_example/input_1.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_div_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_div_example/model.mlir b/onnx-ops/onnx/node/generated/test_div_example/model.mlir new file mode 100644 index 0000000..31e0851 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_div_example(%arg0: !torch.vtensor<[2],f32>, %arg1: !torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Div"(%arg0, %arg1) : (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + return %0 : !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_div_example/output_0.bin b/onnx-ops/onnx/node/generated/test_div_example/output_0.bin new file mode 100644 index 0000000..84eaf6d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_div_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_div_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_div_example/run_module_io_flags.txt new file mode 100644 index 0000000..befa8c9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2xf32=@input_0.bin +--input=2xf32=@input_1.bin +--expected_output=2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_div_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_div_uint8/input_0.bin new file mode 100644 index 0000000..0cfc4f6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_div_uint8/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_div_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_div_uint8/input_1.bin new file mode 100644 index 0000000..8d97c31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_uint8/input_1.bin @@ -0,0 +1,4 @@ +   + +      + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_div_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_div_uint8/model.mlir new file mode 100644 index 0000000..c434689 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_div_uint8(%arg0: !torch.vtensor<[3,4,5],ui8>, %arg1: !torch.vtensor<[3,4,5],ui8>) -> !torch.vtensor<[3,4,5],ui8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Div"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],ui8>, !torch.vtensor<[3,4,5],ui8>) -> !torch.vtensor<[3,4,5],ui8> + return %0 : !torch.vtensor<[3,4,5],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_div_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_div_uint8/output_0.bin new file mode 100644 index 0000000..8c93e54 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_div_uint8/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_div_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_div_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..57b7b04 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_div_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi8=@input_0.bin +--input=3x4x5xi8=@input_1.bin +--expected_output=3x4x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dropout_default/input_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default/model.mlir b/onnx-ops/onnx/node/generated/test_dropout_default/model.mlir new file mode 100644 index 0000000..7dffadd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dropout_default(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Dropout"(%arg0) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dropout_default/output_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dropout_default/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask/input_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default_mask/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask/model.mlir b/onnx-ops/onnx/node/generated/test_dropout_default_mask/model.mlir new file mode 100644 index 0000000..973780f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dropout_default_mask(%arg0: !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Dropout"(%arg0) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) + return %0#0, %0#1 : !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask/output_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default_mask/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask/output_1.bin b/onnx-ops/onnx/node/generated/test_dropout_default_mask/output_1.bin new file mode 100644 index 0000000..64bf111 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask/output_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dropout_default_mask/run_module_io_flags.txt new file mode 100644 index 0000000..3e4068a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin +--expected_output=3x4x5xi1=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/input_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/input_1.bin b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/input_1.bin new file mode 100644 index 0000000..347576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/input_1.bin @@ -0,0 +1 @@ += \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/model.mlir b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/model.mlir new file mode 100644 index 0000000..40a1587 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dropout_default_mask_ratio(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Dropout"(%arg0, %arg1) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) + return %0#0, %0#1 : !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/output_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/output_1.bin b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/output_1.bin new file mode 100644 index 0000000..64bf111 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/output_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/run_module_io_flags.txt new file mode 100644 index 0000000..fa6ea0f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_mask_ratio/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin +--expected_output=3x4x5xi1=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_old/input_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default_old/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dropout_default_old/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_old/model.mlir b/onnx-ops/onnx/node/generated/test_dropout_default_old/model.mlir new file mode 100644 index 0000000..9740c30 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_old/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_dropout_default_old(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Dropout"(%arg0, %0) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + return %1 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_old/output_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default_old/output_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dropout_default_old/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_old/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dropout_default_old/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_old/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_ratio/input_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_ratio/input_1.bin b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/input_1.bin new file mode 100644 index 0000000..347576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/input_1.bin @@ -0,0 +1 @@ += \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_ratio/model.mlir b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/model.mlir new file mode 100644 index 0000000..4924e96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dropout_default_ratio(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Dropout"(%arg0, %arg1) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_ratio/output_0.bin b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_default_ratio/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/run_module_io_flags.txt new file mode 100644 index 0000000..3778649 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_default_ratio/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dropout_random_old/input_0.bin b/onnx-ops/onnx/node/generated/test_dropout_random_old/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_random_old/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_random_old/model.mlir b/onnx-ops/onnx/node/generated/test_dropout_random_old/model.mlir new file mode 100644 index 0000000..f86eecf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_random_old/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_dropout_random_old(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Dropout"(%arg0, %0) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %1 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dropout_random_old/output_0.bin b/onnx-ops/onnx/node/generated/test_dropout_random_old/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_random_old/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dropout_random_old/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dropout_random_old/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dropout_random_old/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/input_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/input_0.bin new file mode 100644 index 0000000..099104c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/model.mlir b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/model.mlir new file mode 100644 index 0000000..f6da346 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dynamicquantizelinear(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.DynamicQuantizeLinear"(%arg0) : (!torch.vtensor<[6],f32>) -> (!torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_0.bin new file mode 100644 index 0000000..89e216c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_1.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_1.bin new file mode 100644 index 0000000..6e502d4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_1.bin @@ -0,0 +1 @@ +< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_2.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_2.bin new file mode 100644 index 0000000..b59c594 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/output_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/run_module_io_flags.txt new file mode 100644 index 0000000..4919911 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--expected_output=6xi8=@output_0.bin +--expected_output=f32=@output_1.bin +--expected_output=i8=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/input_0.bin new file mode 100644 index 0000000..099104c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/model.mlir new file mode 100644 index 0000000..45b4150 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/model.mlir @@ -0,0 +1,23 @@ +module { + func.func @test_dynamicquantizelinear_expanded(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.550000e+02> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.ReduceMin"(%arg0) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[6],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Min"(%2, %0) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[6],f32>) -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Max"(%4, %0) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Sub"(%5, %3) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Div"(%6, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Div"(%3, %7) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Sub"(%0, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.Clip"(%9, %0, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Round"(%10) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Cast"(%11) {torch.onnx.to = 2 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],ui8> + %13 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Identity"(%12) : (!torch.vtensor<[],ui8>) -> !torch.vtensor<[],ui8> + %15 = torch.operator "onnx.QuantizeLinear"(%arg0, %7, %12) : (!torch.vtensor<[6],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) -> !torch.vtensor<[6],ui8> + return %15, %13, %14 : !torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_0.bin new file mode 100644 index 0000000..89e216c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_1.bin new file mode 100644 index 0000000..6e502d4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_1.bin @@ -0,0 +1 @@ +< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_2.bin new file mode 100644 index 0000000..b59c594 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/output_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..4919911 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--expected_output=6xi8=@output_0.bin +--expected_output=f32=@output_1.bin +--expected_output=i8=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/input_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/input_0.bin new file mode 100644 index 0000000..58298b3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/model.mlir b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/model.mlir new file mode 100644 index 0000000..62ff46c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dynamicquantizelinear_max_adjusted(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.DynamicQuantizeLinear"(%arg0) : (!torch.vtensor<[6],f32>) -> (!torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_0.bin new file mode 100644 index 0000000..4ceda2b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_1.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_1.bin new file mode 100644 index 0000000..7b3931b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_1.bin @@ -0,0 +1 @@ +< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_2.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_2.bin new file mode 100644 index 0000000..ce542ef --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/output_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/run_module_io_flags.txt new file mode 100644 index 0000000..4919911 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--expected_output=6xi8=@output_0.bin +--expected_output=f32=@output_1.bin +--expected_output=i8=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/input_0.bin new file mode 100644 index 0000000..58298b3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/model.mlir new file mode 100644 index 0000000..9a0581a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/model.mlir @@ -0,0 +1,23 @@ +module { + func.func @test_dynamicquantizelinear_max_adjusted_expanded(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.550000e+02> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.ReduceMin"(%arg0) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[6],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Min"(%2, %0) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[6],f32>) -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Max"(%4, %0) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Sub"(%5, %3) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Div"(%6, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Div"(%3, %7) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Sub"(%0, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.Clip"(%9, %0, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Round"(%10) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Cast"(%11) {torch.onnx.to = 2 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],ui8> + %13 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Identity"(%12) : (!torch.vtensor<[],ui8>) -> !torch.vtensor<[],ui8> + %15 = torch.operator "onnx.QuantizeLinear"(%arg0, %7, %12) : (!torch.vtensor<[6],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) -> !torch.vtensor<[6],ui8> + return %15, %13, %14 : !torch.vtensor<[6],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_0.bin new file mode 100644 index 0000000..4ceda2b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_1.bin new file mode 100644 index 0000000..7b3931b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_1.bin @@ -0,0 +1 @@ +< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_2.bin new file mode 100644 index 0000000..ce542ef --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/output_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..4919911 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_max_adjusted_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--expected_output=6xi8=@output_0.bin +--expected_output=f32=@output_1.bin +--expected_output=i8=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/input_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/input_0.bin new file mode 100644 index 0000000..af50bda Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/model.mlir b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/model.mlir new file mode 100644 index 0000000..193d27a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_dynamicquantizelinear_min_adjusted(%arg0: !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.DynamicQuantizeLinear"(%arg0) : (!torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[3,4],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_0.bin new file mode 100644 index 0000000..e8432ff --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_0.bin @@ -0,0 +1 @@ +@S` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_1.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_1.bin new file mode 100644 index 0000000..7b3931b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_1.bin @@ -0,0 +1 @@ +< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_2.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_2.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/run_module_io_flags.txt new file mode 100644 index 0000000..04aa040 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4xf32=@input_0.bin +--expected_output=3x4xi8=@output_0.bin +--expected_output=f32=@output_1.bin +--expected_output=i8=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/input_0.bin new file mode 100644 index 0000000..af50bda Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/model.mlir new file mode 100644 index 0000000..22f547a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/model.mlir @@ -0,0 +1,23 @@ +module { + func.func @test_dynamicquantizelinear_min_adjusted_expanded(%arg0: !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.550000e+02> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.ReduceMin"(%arg0) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Min"(%2, %0) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Max"(%4, %0) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Sub"(%5, %3) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Div"(%6, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Div"(%3, %7) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Sub"(%0, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.Clip"(%9, %0, %1) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Round"(%10) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Cast"(%11) {torch.onnx.to = 2 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],ui8> + %13 = torch.operator "onnx.Identity"(%7) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Identity"(%12) : (!torch.vtensor<[],ui8>) -> !torch.vtensor<[],ui8> + %15 = torch.operator "onnx.QuantizeLinear"(%arg0, %7, %12) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) -> !torch.vtensor<[3,4],ui8> + return %15, %13, %14 : !torch.vtensor<[3,4],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_0.bin new file mode 100644 index 0000000..e8432ff --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_0.bin @@ -0,0 +1 @@ +@S` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_1.bin new file mode 100644 index 0000000..7b3931b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_1.bin @@ -0,0 +1 @@ +< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_2.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..04aa040 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_dynamicquantizelinear_min_adjusted_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4xf32=@input_0.bin +--expected_output=3x4xi8=@output_0.bin +--expected_output=f32=@output_1.bin +--expected_output=i8=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_edge_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_edge_pad/input_0.bin new file mode 100644 index 0000000..e957745 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_edge_pad/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_edge_pad/input_1.bin b/onnx-ops/onnx/node/generated/test_edge_pad/input_1.bin new file mode 100644 index 0000000..6f3f1ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_edge_pad/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_edge_pad/model.mlir b/onnx-ops/onnx/node/generated/test_edge_pad/model.mlir new file mode 100644 index 0000000..3cdad1a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_edge_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_edge_pad(%arg0: !torch.vtensor<[1,3,4,5],si32>, %arg1: !torch.vtensor<[8],si64>) -> !torch.vtensor<[1,3,6,7],si32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pad"(%arg0, %arg1) {torch.onnx.mode = "edge"} : (!torch.vtensor<[1,3,4,5],si32>, !torch.vtensor<[8],si64>) -> !torch.vtensor<[1,3,6,7],si32> + return %0 : !torch.vtensor<[1,3,6,7],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_edge_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_edge_pad/output_0.bin new file mode 100644 index 0000000..b5abfa6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_edge_pad/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_edge_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_edge_pad/run_module_io_flags.txt new file mode 100644 index 0000000..c9bd5f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_edge_pad/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x3x4x5xi32=@input_0.bin +--input=8xi64=@input_1.bin +--expected_output=1x3x6x7xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/input_0.bin b/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/input_0.bin new file mode 100644 index 0000000..867ac4b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/model.mlir b/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/model.mlir new file mode 100644 index 0000000..59206c9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_einsum_batch_diagonal(%arg0: !torch.vtensor<[3,5,5],f64>) -> !torch.vtensor<[3,5],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Einsum"(%arg0) {torch.onnx.equation = "...ii ->...i"} : (!torch.vtensor<[3,5,5],f64>) -> !torch.vtensor<[3,5],f64> + return %0 : !torch.vtensor<[3,5],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/output_0.bin b/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/output_0.bin new file mode 100644 index 0000000..21025b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_batch_diagonal/output_0.bin @@ -0,0 +1 @@ +9?2g?kZ?M ?ſu(@ : E3ꐑ3?$`?EGE?$`@?) T?e?tR6:?*nL'?zn⿈Fzӿ>?(?}(t|ך?gi?^sBtrH?D~U?|-G? +ǿ7!K&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/model.mlir b/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/model.mlir new file mode 100644 index 0000000..e1eabb6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_einsum_batch_matmul(%arg0: !torch.vtensor<[5,2,3],f64>, %arg1: !torch.vtensor<[5,3,4],f64>) -> !torch.vtensor<[5,2,4],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Einsum"(%arg0, %arg1) {torch.onnx.equation = "bij, bjk -> bik"} : (!torch.vtensor<[5,2,3],f64>, !torch.vtensor<[5,3,4],f64>) -> !torch.vtensor<[5,2,4],f64> + return %0 : !torch.vtensor<[5,2,4],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/output_0.bin b/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/output_0.bin new file mode 100644 index 0000000..cbd6683 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/run_module_io_flags.txt new file mode 100644 index 0000000..e195c14 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_batch_matmul/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5x2x3xf64=@input_0.bin +--input=5x3x4xf64=@input_1.bin +--expected_output=5x2x4xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_einsum_inner_prod/input_0.bin b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/input_0.bin new file mode 100644 index 0000000..6842361 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/input_0.bin @@ -0,0 +1 @@ +9?S,?"RQ?N1iY@=|? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_einsum_inner_prod/input_1.bin b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/input_1.bin new file mode 100644 index 0000000..b2e8f9b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/input_1.bin @@ -0,0 +1 @@ +BE2g?6I_ÿYlf)g>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_einsum_inner_prod/model.mlir b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/model.mlir new file mode 100644 index 0000000..4a82705 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_einsum_inner_prod(%arg0: !torch.vtensor<[5],f64>, %arg1: !torch.vtensor<[5],f64>) -> !torch.vtensor<[],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Einsum"(%arg0, %arg1) {torch.onnx.equation = "i,i"} : (!torch.vtensor<[5],f64>, !torch.vtensor<[5],f64>) -> !torch.vtensor<[],f64> + return %0 : !torch.vtensor<[],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_einsum_inner_prod/output_0.bin b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/output_0.bin new file mode 100644 index 0000000..f990fda --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/output_0.bin @@ -0,0 +1 @@ +PR< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_einsum_inner_prod/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/run_module_io_flags.txt new file mode 100644 index 0000000..4c3e4df --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_inner_prod/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5xf64=@input_0.bin +--input=5xf64=@input_1.bin +--expected_output=f64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_einsum_sum/input_0.bin b/onnx-ops/onnx/node/generated/test_einsum_sum/input_0.bin new file mode 100644 index 0000000..3822d02 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_sum/input_0.bin @@ -0,0 +1 @@ +9?S,?"RQ?N1iY@=|?BE2g?6I_ÿYlf)g>G? p?KD? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_einsum_sum/model.mlir b/onnx-ops/onnx/node/generated/test_einsum_sum/model.mlir new file mode 100644 index 0000000..038d925 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_sum/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_einsum_sum(%arg0: !torch.vtensor<[3,4],f64>) -> !torch.vtensor<[3],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Einsum"(%arg0) {torch.onnx.equation = "ij->i"} : (!torch.vtensor<[3,4],f64>) -> !torch.vtensor<[3],f64> + return %0 : !torch.vtensor<[3],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_einsum_sum/output_0.bin b/onnx-ops/onnx/node/generated/test_einsum_sum/output_0.bin new file mode 100644 index 0000000..6c76510 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_sum/output_0.bin @@ -0,0 +1 @@ +Z.܋ @R0?H!@ڻ}? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_einsum_sum/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_einsum_sum/run_module_io_flags.txt new file mode 100644 index 0000000..2b83f10 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_sum/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf64=@input_0.bin +--expected_output=3xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_einsum_transpose/input_0.bin b/onnx-ops/onnx/node/generated/test_einsum_transpose/input_0.bin new file mode 100644 index 0000000..3822d02 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_transpose/input_0.bin @@ -0,0 +1 @@ +9?S,?"RQ?N1iY@=|?BE2g?6I_ÿYlf)g>G? p?KD? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_einsum_transpose/model.mlir b/onnx-ops/onnx/node/generated/test_einsum_transpose/model.mlir new file mode 100644 index 0000000..f46e668 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_transpose/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_einsum_transpose(%arg0: !torch.vtensor<[3,4],f64>) -> !torch.vtensor<[4,3],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Einsum"(%arg0) {torch.onnx.equation = "ij->ji"} : (!torch.vtensor<[3,4],f64>) -> !torch.vtensor<[4,3],f64> + return %0 : !torch.vtensor<[4,3],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_einsum_transpose/output_0.bin b/onnx-ops/onnx/node/generated/test_einsum_transpose/output_0.bin new file mode 100644 index 0000000..7adeee0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_transpose/output_0.bin @@ -0,0 +1 @@ +9?=|?YlS,?BEf)g>G?"RQ?2g? p?N1iY@6I_ÿKD? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_einsum_transpose/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_einsum_transpose/run_module_io_flags.txt new file mode 100644 index 0000000..73d1d41 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_einsum_transpose/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xf64=@input_0.bin +--expected_output=4x3xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_elu/input_0.bin b/onnx-ops/onnx/node/generated/test_elu/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_elu/model.mlir b/onnx-ops/onnx/node/generated/test_elu/model.mlir new file mode 100644 index 0000000..4a60fc1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_elu(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Elu"(%arg0) {torch.onnx.alpha = 2.000000e+00 : f32} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_elu/output_0.bin b/onnx-ops/onnx/node/generated/test_elu/output_0.bin new file mode 100644 index 0000000..7d434a1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?8s?ԏ0H9>(>%?^B?0= B>]ת>=?iJ>n쿌S'?K]?|C@+6ĿHm;=Hή2??>>ܿr >*z??Bk$ҒFIP¿}ѿ?vpL&5 ܶ G? Ϳ;ľq>0Lb@cQN>.:=ݚ>2}p~ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_elu/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_elu/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_elu_default/input_0.bin b/onnx-ops/onnx/node/generated/test_elu_default/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_elu_default/model.mlir b/onnx-ops/onnx/node/generated/test_elu_default/model.mlir new file mode 100644 index 0000000..2be7c70 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_elu_default(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Elu"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_elu_default/output_0.bin b/onnx-ops/onnx/node/generated/test_elu_default/output_0.bin new file mode 100644 index 0000000..c602561 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_default/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?8s?0Ƚ9>(>%?^B?0= B>]ת>=?=iJ>nlS'?K]?|C@+6DHm;=H.2??>>\r >*z??BkҒFI&PB}Q?vp̾& 6 G? M;Dq>0̾b1@QN>.:=ݚ>2}~ě \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_elu_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_elu_default/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/model.mlir new file mode 100644 index 0000000..8b91e46 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/model.mlir @@ -0,0 +1,18 @@ +module { + func.func @test_elu_default_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Less"(%arg0, %3) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %7 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %8 = torch.operator "onnx.Sub"(%7, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %9 = torch.operator "onnx.Mul"(%1, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %10 = torch.operator "onnx.Where"(%6, %9, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %10 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/output_0.bin new file mode 100644 index 0000000..c602561 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?8s?0Ƚ9>(>%?^B?0= B>]ת>=?=iJ>nlS'?K]?|C@+6DHm;=H.2??>>\r >*z??BkҒFI&PB}Q?vp̾& 6 G? M;Dq>0̾b1@QN>.:=ݚ>2}~ě \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_default_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_elu_example/input_0.bin b/onnx-ops/onnx/node/generated/test_elu_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_elu_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_elu_example/model.mlir b/onnx-ops/onnx/node/generated/test_elu_example/model.mlir new file mode 100644 index 0000000..1e8b208 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_elu_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Elu"(%arg0) {torch.onnx.alpha = 2.000000e+00 : f32} : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_elu_example/output_0.bin b/onnx-ops/onnx/node/generated/test_elu_example/output_0.bin new file mode 100644 index 0000000..035b4cb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_elu_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_elu_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_elu_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/model.mlir new file mode 100644 index 0000000..b68995b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/model.mlir @@ -0,0 +1,18 @@ +module { + func.func @test_elu_example_expanded_ver18(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 2.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Less"(%arg0, %3) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],i1> + %7 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %8 = torch.operator "onnx.Sub"(%7, %5) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + %9 = torch.operator "onnx.Mul"(%1, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %10 = torch.operator "onnx.Where"(%6, %9, %arg0) : (!torch.vtensor<[3],i1>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %10 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/output_0.bin new file mode 100644 index 0000000..035b4cb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_example_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/model.mlir new file mode 100644 index 0000000..484151a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/model.mlir @@ -0,0 +1,18 @@ +module { + func.func @test_elu_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 2.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Less"(%arg0, %3) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %7 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %8 = torch.operator "onnx.Sub"(%7, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %9 = torch.operator "onnx.Mul"(%1, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %10 = torch.operator "onnx.Where"(%6, %9, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %10 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/output_0.bin new file mode 100644 index 0000000..7d434a1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?8s?ԏ0H9>(>%?^B?0= B>]ת>=?iJ>n쿌S'?K]?|C@+6ĿHm;=Hή2??>>ܿr >*z??Bk$ҒFIP¿}ѿ?vpL&5 ܶ G? Ϳ;ľq>0Lb@cQN>.:=ݚ>2}p~ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_elu_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_equal/input_0.bin b/onnx-ops/onnx/node/generated/test_equal/input_0.bin new file mode 100644 index 0000000..77377ec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_equal/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_equal/input_1.bin b/onnx-ops/onnx/node/generated/test_equal/input_1.bin new file mode 100644 index 0000000..4fe582f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_equal/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_equal/model.mlir b/onnx-ops/onnx/node/generated/test_equal/model.mlir new file mode 100644 index 0000000..a37c5a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_equal/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_equal(%arg0: !torch.vtensor<[3,4,5],si32>, %arg1: !torch.vtensor<[3,4,5],si32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Equal"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],si32>, !torch.vtensor<[3,4,5],si32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_equal/output_0.bin b/onnx-ops/onnx/node/generated/test_equal/output_0.bin new file mode 100644 index 0000000..7f2efa0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_equal/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_equal/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_equal/run_module_io_flags.txt new file mode 100644 index 0000000..1d1e97a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_equal/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi32=@input_0.bin +--input=3x4x5xi32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_equal_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_equal_bcast/input_0.bin new file mode 100644 index 0000000..77377ec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_equal_bcast/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_equal_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_equal_bcast/input_1.bin new file mode 100644 index 0000000..22d80dc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_equal_bcast/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_equal_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_equal_bcast/model.mlir new file mode 100644 index 0000000..4fe00de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_equal_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_equal_bcast(%arg0: !torch.vtensor<[3,4,5],si32>, %arg1: !torch.vtensor<[5],si32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Equal"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],si32>, !torch.vtensor<[5],si32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_equal_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_equal_bcast/output_0.bin new file mode 100644 index 0000000..d94e74c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_equal_bcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_equal_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_equal_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..a04d21f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_equal_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi32=@input_0.bin +--input=5xi32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_equal_string/input_0.bin b/onnx-ops/onnx/node/generated/test_equal_string/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_equal_string/input_1.bin b/onnx-ops/onnx/node/generated/test_equal_string/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_equal_string/model.mlir b/onnx-ops/onnx/node/generated/test_equal_string/model.mlir new file mode 100644 index 0000000..20697b9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_equal_string/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_equal_string(%arg0: !torch.vtensor<[2],!torch.str>, %arg1: !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Equal"(%arg0, %arg1) : (!torch.vtensor<[2],!torch.str>, !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],i1> + return %0 : !torch.vtensor<[2],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_equal_string/output_0.bin b/onnx-ops/onnx/node/generated/test_equal_string/output_0.bin new file mode 100644 index 0000000..35a0387 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_equal_string/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_equal_string/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_equal_string/run_module_io_flags.txt new file mode 100644 index 0000000..9f84f3b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_equal_string/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x=@input_0.bin +--input=2x=@input_1.bin +--expected_output=2xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_equal_string_broadcast/input_0.bin b/onnx-ops/onnx/node/generated/test_equal_string_broadcast/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_equal_string_broadcast/input_1.bin b/onnx-ops/onnx/node/generated/test_equal_string_broadcast/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_equal_string_broadcast/model.mlir b/onnx-ops/onnx/node/generated/test_equal_string_broadcast/model.mlir new file mode 100644 index 0000000..0128554 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_equal_string_broadcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_equal_string_broadcast(%arg0: !torch.vtensor<[2],!torch.str>, %arg1: !torch.vtensor<[1],!torch.str>) -> !torch.vtensor<[2],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Equal"(%arg0, %arg1) : (!torch.vtensor<[2],!torch.str>, !torch.vtensor<[1],!torch.str>) -> !torch.vtensor<[2],i1> + return %0 : !torch.vtensor<[2],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_equal_string_broadcast/output_0.bin b/onnx-ops/onnx/node/generated/test_equal_string_broadcast/output_0.bin new file mode 100644 index 0000000..35a0387 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_equal_string_broadcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_equal_string_broadcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_equal_string_broadcast/run_module_io_flags.txt new file mode 100644 index 0000000..a434e8d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_equal_string_broadcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x=@input_0.bin +--input=1x=@input_1.bin +--expected_output=2xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_erf/input_0.bin b/onnx-ops/onnx/node/generated/test_erf/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_erf/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_erf/model.mlir b/onnx-ops/onnx/node/generated/test_erf/model.mlir new file mode 100644 index 0000000..d1c22ec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_erf/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_erf(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Erf"(%arg0) : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> + return %0 : !torch.vtensor<[1,3,32,32],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_erf/output_0.bin b/onnx-ops/onnx/node/generated/test_erf/output_0.bin new file mode 100644 index 0000000..9811a81 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_erf/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_erf/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_erf/run_module_io_flags.txt new file mode 100644 index 0000000..15b9bec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_erf/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x32x32xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_exp/input_0.bin b/onnx-ops/onnx/node/generated/test_exp/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_exp/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_exp/model.mlir b/onnx-ops/onnx/node/generated/test_exp/model.mlir new file mode 100644 index 0000000..1d4d6c6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_exp/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_exp(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_exp/output_0.bin b/onnx-ops/onnx/node/generated/test_exp/output_0.bin new file mode 100644 index 0000000..c887ba8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_exp/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_exp/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_exp/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_exp/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_exp_example/input_0.bin b/onnx-ops/onnx/node/generated/test_exp_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_exp_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_exp_example/model.mlir b/onnx-ops/onnx/node/generated/test_exp_example/model.mlir new file mode 100644 index 0000000..074556e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_exp_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_exp_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_exp_example/output_0.bin b/onnx-ops/onnx/node/generated/test_exp_example/output_0.bin new file mode 100644 index 0000000..a718c79 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_exp_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_exp_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_exp_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_exp_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_changed/input_0.bin b/onnx-ops/onnx/node/generated/test_expand_dim_changed/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_expand_dim_changed/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_changed/input_1.bin b/onnx-ops/onnx/node/generated/test_expand_dim_changed/input_1.bin new file mode 100644 index 0000000..586a9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_expand_dim_changed/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_changed/model.mlir b/onnx-ops/onnx/node/generated/test_expand_dim_changed/model.mlir new file mode 100644 index 0000000..2212369 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_expand_dim_changed/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_expand_dim_changed(%arg0: !torch.vtensor<[3,1],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,6],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Expand"(%arg0, %arg1) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,6],f32> + return %0 : !torch.vtensor<[2,3,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_changed/output_0.bin b/onnx-ops/onnx/node/generated/test_expand_dim_changed/output_0.bin new file mode 100644 index 0000000..7626017 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_expand_dim_changed/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_changed/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_expand_dim_changed/run_module_io_flags.txt new file mode 100644 index 0000000..d6937da --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_expand_dim_changed/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x1xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=2x3x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/input_0.bin b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/input_1.bin b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/input_1.bin new file mode 100644 index 0000000..189b535 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/model.mlir b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/model.mlir new file mode 100644 index 0000000..e4a4d9d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_expand_dim_unchanged(%arg0: !torch.vtensor<[3,1],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Expand"(%arg0, %arg1) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/output_0.bin b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/output_0.bin new file mode 100644 index 0000000..fbe6e41 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/run_module_io_flags.txt new file mode 100644 index 0000000..ae1ad6f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_expand_dim_unchanged/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x1xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/input_0.bin b/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/input_0.bin new file mode 100644 index 0000000..310fb4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/model.mlir b/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/model.mlir new file mode 100644 index 0000000..e4c4291 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_eyelike_populate_off_main_diagonal(%arg0: !torch.vtensor<[4,5],si32>) -> !torch.vtensor<[4,5],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.EyeLike"(%arg0) {torch.onnx.dtype = 1 : si64, torch.onnx.k = 1 : si64} : (!torch.vtensor<[4,5],si32>) -> !torch.vtensor<[4,5],f32> + return %0 : !torch.vtensor<[4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/output_0.bin b/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/output_0.bin new file mode 100644 index 0000000..2ac8dc8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/run_module_io_flags.txt new file mode 100644 index 0000000..eb04c43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_eyelike_populate_off_main_diagonal/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4x5xi32=@input_0.bin +--expected_output=4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/input_0.bin b/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/input_0.bin new file mode 100644 index 0000000..ab0f183 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/model.mlir b/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/model.mlir new file mode 100644 index 0000000..8165023 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_eyelike_with_dtype(%arg0: !torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],f64> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.EyeLike"(%arg0) {torch.onnx.dtype = 11 : si64} : (!torch.vtensor<[3,4],si32>) -> !torch.vtensor<[3,4],f64> + return %0 : !torch.vtensor<[3,4],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/output_0.bin b/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/output_0.bin new file mode 100644 index 0000000..a1941f5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/run_module_io_flags.txt new file mode 100644 index 0000000..178f60b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_eyelike_with_dtype/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xi32=@input_0.bin +--expected_output=3x4xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/input_0.bin b/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/input_0.bin new file mode 100644 index 0000000..e4339d9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/model.mlir b/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/model.mlir new file mode 100644 index 0000000..cb81526 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_eyelike_without_dtype(%arg0: !torch.vtensor<[4,4],si32>) -> !torch.vtensor<[4,4],si32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.EyeLike"(%arg0) : (!torch.vtensor<[4,4],si32>) -> !torch.vtensor<[4,4],si32> + return %0 : !torch.vtensor<[4,4],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/output_0.bin b/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/output_0.bin new file mode 100644 index 0000000..5694a15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/run_module_io_flags.txt new file mode 100644 index 0000000..823d152 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_eyelike_without_dtype/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4x4xi32=@input_0.bin +--expected_output=4x4xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis0/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_axis0/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis0/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis0/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_axis0/model.mlir new file mode 100644 index 0000000..2bc61e5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_axis0(%arg0: !torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + return %0 : !torch.vtensor<[1,120],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis0/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_axis0/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis0/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_axis0/run_module_io_flags.txt new file mode 100644 index 0000000..69cf906 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis0/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4x5xf32=@input_0.bin +--expected_output=1x120xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis1/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_axis1/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis1/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis1/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_axis1/model.mlir new file mode 100644 index 0000000..0c3039e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_axis1(%arg0: !torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[2,60],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[2,60],f32> + return %0 : !torch.vtensor<[2,60],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis1/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_axis1/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis1/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_axis1/run_module_io_flags.txt new file mode 100644 index 0000000..9968b3c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4x5xf32=@input_0.bin +--expected_output=2x60xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis2/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_axis2/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis2/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis2/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_axis2/model.mlir new file mode 100644 index 0000000..b1560a1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_axis2(%arg0: !torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[6,20],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[6,20],f32> + return %0 : !torch.vtensor<[6,20],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis2/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_axis2/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis2/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_axis2/run_module_io_flags.txt new file mode 100644 index 0000000..bd179f2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4x5xf32=@input_0.bin +--expected_output=6x20xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis3/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_axis3/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis3/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis3/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_axis3/model.mlir new file mode 100644 index 0000000..2683fdc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_axis3(%arg0: !torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 3 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> + return %0 : !torch.vtensor<[24,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis3/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_axis3/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis3/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_axis3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_axis3/run_module_io_flags.txt new file mode 100644 index 0000000..cad199a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_axis3/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4x5xf32=@input_0.bin +--expected_output=24x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_default_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_default_axis/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_default_axis/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_default_axis/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_default_axis/model.mlir new file mode 100644 index 0000000..4a5b493 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_default_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_default_axis(%arg0: !torch.vtensor<[5,4,3,2],f32>) -> !torch.vtensor<[5,24],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) : (!torch.vtensor<[5,4,3,2],f32>) -> !torch.vtensor<[5,24],f32> + return %0 : !torch.vtensor<[5,24],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_default_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_default_axis/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_default_axis/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_default_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_default_axis/run_module_io_flags.txt new file mode 100644 index 0000000..6c75ef8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_default_axis/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x4x3x2xf32=@input_0.bin +--expected_output=5x24xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/model.mlir new file mode 100644 index 0000000..a3546fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_negative_axis1(%arg0: !torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> + return %0 : !torch.vtensor<[24,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/run_module_io_flags.txt new file mode 100644 index 0000000..cad199a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4x5xf32=@input_0.bin +--expected_output=24x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/model.mlir new file mode 100644 index 0000000..099ef7e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_negative_axis2(%arg0: !torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[6,20],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[6,20],f32> + return %0 : !torch.vtensor<[6,20],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/run_module_io_flags.txt new file mode 100644 index 0000000..bd179f2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4x5xf32=@input_0.bin +--expected_output=6x20xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/model.mlir new file mode 100644 index 0000000..39c4de9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_negative_axis3(%arg0: !torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[2,60],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -3 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[2,60],f32> + return %0 : !torch.vtensor<[2,60],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/run_module_io_flags.txt new file mode 100644 index 0000000..9968b3c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis3/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4x5xf32=@input_0.bin +--expected_output=2x60xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/input_0.bin b/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/model.mlir b/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/model.mlir new file mode 100644 index 0000000..11037a7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_flatten_negative_axis4(%arg0: !torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -4 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + return %0 : !torch.vtensor<[1,120],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/output_0.bin b/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/output_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/run_module_io_flags.txt new file mode 100644 index 0000000..69cf906 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_flatten_negative_axis4/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4x5xf32=@input_0.bin +--expected_output=1x120xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_floor/input_0.bin b/onnx-ops/onnx/node/generated/test_floor/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_floor/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_floor/model.mlir b/onnx-ops/onnx/node/generated/test_floor/model.mlir new file mode 100644 index 0000000..dbb45e8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_floor/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_floor(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Floor"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_floor/output_0.bin b/onnx-ops/onnx/node/generated/test_floor/output_0.bin new file mode 100644 index 0000000..6ac9286 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_floor/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_floor/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_floor/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_floor/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_floor_example/input_0.bin b/onnx-ops/onnx/node/generated/test_floor_example/input_0.bin new file mode 100644 index 0000000..8cdc058 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_floor_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_floor_example/model.mlir b/onnx-ops/onnx/node/generated/test_floor_example/model.mlir new file mode 100644 index 0000000..a73431e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_floor_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_floor_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Floor"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_floor_example/output_0.bin b/onnx-ops/onnx/node/generated/test_floor_example/output_0.bin new file mode 100644 index 0000000..0083f24 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_floor_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_floor_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_floor_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_floor_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gather_0/input_0.bin b/onnx-ops/onnx/node/generated/test_gather_0/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_0/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gather_0/input_1.bin b/onnx-ops/onnx/node/generated/test_gather_0/input_1.bin new file mode 100644 index 0000000..03e01a6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_0/model.mlir b/onnx-ops/onnx/node/generated/test_gather_0/model.mlir new file mode 100644 index 0000000..bac72df --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gather_0(%arg0: !torch.vtensor<[5,4,3,2],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,3,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gather"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5,4,3,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,3,2],f32> + return %0 : !torch.vtensor<[3,4,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gather_0/output_0.bin b/onnx-ops/onnx/node/generated/test_gather_0/output_0.bin new file mode 100644 index 0000000..db664c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_0/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gather_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gather_0/run_module_io_flags.txt new file mode 100644 index 0000000..f80d34e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5x4x3x2xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3x4x3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gather_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gather_1/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gather_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gather_1/input_1.bin new file mode 100644 index 0000000..03e01a6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_1/model.mlir b/onnx-ops/onnx/node/generated/test_gather_1/model.mlir new file mode 100644 index 0000000..3755ec0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gather_1(%arg0: !torch.vtensor<[5,4,3,2],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[5,3,3,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gather"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[5,4,3,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[5,3,3,2],f32> + return %0 : !torch.vtensor<[5,3,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gather_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gather_1/output_0.bin new file mode 100644 index 0000000..7aa952a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_1/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?iJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >gڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gather_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gather_1/run_module_io_flags.txt new file mode 100644 index 0000000..5bde2ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=5x4x3x2xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=5x3x3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gather_2d_indices/input_0.bin b/onnx-ops/onnx/node/generated/test_gather_2d_indices/input_0.bin new file mode 100644 index 0000000..2543baa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_2d_indices/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gather_2d_indices/input_1.bin b/onnx-ops/onnx/node/generated/test_gather_2d_indices/input_1.bin new file mode 100644 index 0000000..3a12c8e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_2d_indices/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_2d_indices/model.mlir b/onnx-ops/onnx/node/generated/test_gather_2d_indices/model.mlir new file mode 100644 index 0000000..550af89 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_2d_indices/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gather_2d_indices(%arg0: !torch.vtensor<[3,3],f32>, %arg1: !torch.vtensor<[1,2],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gather"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,3],f32>, !torch.vtensor<[1,2],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gather_2d_indices/output_0.bin b/onnx-ops/onnx/node/generated/test_gather_2d_indices/output_0.bin new file mode 100644 index 0000000..fc051f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_2d_indices/output_0.bin @@ -0,0 +1 @@ +x?z?j@.z8s?hdӽ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gather_2d_indices/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gather_2d_indices/run_module_io_flags.txt new file mode 100644 index 0000000..dbaf37f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_2d_indices/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x3xf32=@input_0.bin +--input=1x2xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_0/input_0.bin b/onnx-ops/onnx/node/generated/test_gather_elements_0/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_0/input_1.bin b/onnx-ops/onnx/node/generated/test_gather_elements_0/input_1.bin new file mode 100644 index 0000000..8bb8b34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_0/model.mlir b/onnx-ops/onnx/node/generated/test_gather_elements_0/model.mlir new file mode 100644 index 0000000..ec7b5a5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_elements_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gather_elements_0(%arg0: !torch.vtensor<[2,2],f32>, %arg1: !torch.vtensor<[2,2],si64>) -> !torch.vtensor<[2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GatherElements"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,2],si64>) -> !torch.vtensor<[2,2],f32> + return %0 : !torch.vtensor<[2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_0/output_0.bin b/onnx-ops/onnx/node/generated/test_gather_elements_0/output_0.bin new file mode 100644 index 0000000..cdeea1d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gather_elements_0/run_module_io_flags.txt new file mode 100644 index 0000000..c5fb81d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_elements_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2xf32=@input_0.bin +--input=2x2xi64=@input_1.bin +--expected_output=2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gather_elements_1/input_0.bin new file mode 100644 index 0000000..1520f40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gather_elements_1/input_1.bin new file mode 100644 index 0000000..8d9994e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_1/model.mlir b/onnx-ops/onnx/node/generated/test_gather_elements_1/model.mlir new file mode 100644 index 0000000..b0cf0da --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_elements_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gather_elements_1(%arg0: !torch.vtensor<[3,3],f32>, %arg1: !torch.vtensor<[2,3],si64>) -> !torch.vtensor<[2,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GatherElements"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,3],f32>, !torch.vtensor<[2,3],si64>) -> !torch.vtensor<[2,3],f32> + return %0 : !torch.vtensor<[2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gather_elements_1/output_0.bin new file mode 100644 index 0000000..c8b8de4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gather_elements_1/run_module_io_flags.txt new file mode 100644 index 0000000..8512345 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_elements_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x3xf32=@input_0.bin +--input=2x3xi64=@input_1.bin +--expected_output=2x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/input_0.bin b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/input_0.bin new file mode 100644 index 0000000..1520f40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/input_1.bin b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/input_1.bin new file mode 100644 index 0000000..dc5bcdd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/model.mlir b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/model.mlir new file mode 100644 index 0000000..9a01b25 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gather_elements_negative_indices(%arg0: !torch.vtensor<[3,3],f32>, %arg1: !torch.vtensor<[2,3],si64>) -> !torch.vtensor<[2,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GatherElements"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,3],f32>, !torch.vtensor<[2,3],si64>) -> !torch.vtensor<[2,3],f32> + return %0 : !torch.vtensor<[2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/output_0.bin b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/output_0.bin new file mode 100644 index 0000000..9b14864 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/run_module_io_flags.txt new file mode 100644 index 0000000..8512345 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_elements_negative_indices/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x3xf32=@input_0.bin +--input=2x3xi64=@input_1.bin +--expected_output=2x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gather_negative_indices/input_0.bin b/onnx-ops/onnx/node/generated/test_gather_negative_indices/input_0.bin new file mode 100644 index 0000000..ebdd87e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_negative_indices/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_negative_indices/input_1.bin b/onnx-ops/onnx/node/generated/test_gather_negative_indices/input_1.bin new file mode 100644 index 0000000..8b03675 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_negative_indices/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_negative_indices/model.mlir b/onnx-ops/onnx/node/generated/test_gather_negative_indices/model.mlir new file mode 100644 index 0000000..906b5e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_negative_indices/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gather_negative_indices(%arg0: !torch.vtensor<[10],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gather"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[10],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gather_negative_indices/output_0.bin b/onnx-ops/onnx/node/generated/test_gather_negative_indices/output_0.bin new file mode 100644 index 0000000..7895ca9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gather_negative_indices/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gather_negative_indices/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gather_negative_indices/run_module_io_flags.txt new file mode 100644 index 0000000..eeaabd3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gather_negative_indices/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=10xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/input_0.bin new file mode 100644 index 0000000..501f9bb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/input_1.bin new file mode 100644 index 0000000..034da22 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_float32/model.mlir b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/model.mlir new file mode 100644 index 0000000..8d26c04 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gathernd_example_float32(%arg0: !torch.vtensor<[2,2,2],f32>, %arg1: !torch.vtensor<[2,1,2],si64>) -> !torch.vtensor<[2,1,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GatherND"(%arg0, %arg1) : (!torch.vtensor<[2,2,2],f32>, !torch.vtensor<[2,1,2],si64>) -> !torch.vtensor<[2,1,2],f32> + return %0 : !torch.vtensor<[2,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/output_0.bin new file mode 100644 index 0000000..c184bc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/run_module_io_flags.txt new file mode 100644 index 0000000..4eef6a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gathernd_example_float32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x2xf32=@input_0.bin +--input=2x1x2xi64=@input_1.bin +--expected_output=2x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32/input_0.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/input_0.bin new file mode 100644 index 0000000..a4e969a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32/input_1.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/input_1.bin new file mode 100644 index 0000000..d69e6be Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32/model.mlir b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/model.mlir new file mode 100644 index 0000000..b4ef2b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gathernd_example_int32(%arg0: !torch.vtensor<[2,2],si32>, %arg1: !torch.vtensor<[2,2],si64>) -> !torch.vtensor<[2],si32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GatherND"(%arg0, %arg1) : (!torch.vtensor<[2,2],si32>, !torch.vtensor<[2,2],si64>) -> !torch.vtensor<[2],si32> + return %0 : !torch.vtensor<[2],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32/output_0.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/output_0.bin new file mode 100644 index 0000000..d30bb4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/run_module_io_flags.txt new file mode 100644 index 0000000..972827f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gathernd_example_int32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2xi32=@input_0.bin +--input=2x2xi64=@input_1.bin +--expected_output=2xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/input_0.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/input_0.bin new file mode 100644 index 0000000..a750318 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/input_1.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/input_1.bin new file mode 100644 index 0000000..49689ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/model.mlir b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/model.mlir new file mode 100644 index 0000000..33829b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gathernd_example_int32_batch_dim1(%arg0: !torch.vtensor<[2,2,2],si32>, %arg1: !torch.vtensor<[2,1],si64>) -> !torch.vtensor<[2,2],si32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GatherND"(%arg0, %arg1) {torch.onnx.batch_dims = 1 : si64} : (!torch.vtensor<[2,2,2],si32>, !torch.vtensor<[2,1],si64>) -> !torch.vtensor<[2,2],si32> + return %0 : !torch.vtensor<[2,2],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/output_0.bin b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/output_0.bin new file mode 100644 index 0000000..d876d1e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/run_module_io_flags.txt new file mode 100644 index 0000000..0ed5f4a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gathernd_example_int32_batch_dim1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x2xi32=@input_0.bin +--input=2x1xi64=@input_1.bin +--expected_output=2x2xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gelu_default_1/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_default_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_1/model.mlir b/onnx-ops/onnx/node/generated/test_gelu_default_1/model.mlir new file mode 100644 index 0000000..53225e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gelu_default_1(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gelu"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gelu_default_1/output_0.bin new file mode 100644 index 0000000..cbb8fb6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_default_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gelu_default_1/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/model.mlir new file mode 100644 index 0000000..b3e1613 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/model.mlir @@ -0,0 +1,19 @@ +module { + func.func @test_gelu_default_1_expanded(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Sqrt"(%5) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Div"(%arg0, %6) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + %8 = torch.operator "onnx.Erf"(%7) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %9 = torch.operator "onnx.Sum"(%3, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %10 = torch.operator "onnx.Mul"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %11 = torch.operator "onnx.Mul"(%10, %9) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %11 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/output_0.bin new file mode 100644 index 0000000..cbb8fb6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_1_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_2/input_0.bin b/onnx-ops/onnx/node/generated/test_gelu_default_2/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_2/model.mlir b/onnx-ops/onnx/node/generated/test_gelu_default_2/model.mlir new file mode 100644 index 0000000..0e1595f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gelu_default_2(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gelu"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_2/output_0.bin b/onnx-ops/onnx/node/generated/test_gelu_default_2/output_0.bin new file mode 100644 index 0000000..bdb2bc9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_2/output_0.bin @@ -0,0 +1,3 @@ +?K>Q?A @t? V$I?WuB>d=?VQ?V=q>~W>Q?xG>d+8^_$>o2?.ޓ@3ٽxD<+7?п?24=Iz>jL*'A=D?D? +| +BKR?h@:UZ?T;%;)>faJ>s=?>*S  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gelu_default_2/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/model.mlir new file mode 100644 index 0000000..fba1f82 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/model.mlir @@ -0,0 +1,19 @@ +module { + func.func @test_gelu_default_2_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Sqrt"(%5) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Div"(%arg0, %6) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %8 = torch.operator "onnx.Erf"(%7) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %9 = torch.operator "onnx.Sum"(%3, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %10 = torch.operator "onnx.Mul"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %11 = torch.operator "onnx.Mul"(%10, %9) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %11 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/output_0.bin new file mode 100644 index 0000000..bdb2bc9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/output_0.bin @@ -0,0 +1,3 @@ +?K>Q?A @t? V$I?WuB>d=?VQ?V=q>~W>Q?xG>d+8^_$>o2?.ޓ@3ٽxD<+7?п?24=Iz>jL*'A=D?D? +| +BKR?h@:UZ?T;%;)>faJ>s=?>*S  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_default_2_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gelu_tanh_1/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_tanh_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_1/model.mlir b/onnx-ops/onnx/node/generated/test_gelu_tanh_1/model.mlir new file mode 100644 index 0000000..c5b9b19 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gelu_tanh_1(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gelu"(%arg0) {torch.onnx.approximate = "tanh"} : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gelu_tanh_1/output_0.bin new file mode 100644 index 0000000..ecb0d9d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_tanh_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gelu_tanh_1/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/model.mlir new file mode 100644 index 0000000..2ff42c2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/model.mlir @@ -0,0 +1,26 @@ +module { + func.func @test_gelu_tanh_1_expanded(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.636619746> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<4.471500e-02> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Sqrt"(%5) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<3.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.CastLike"(%9, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Pow"(%arg0, %10) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + %12 = torch.operator "onnx.Mul"(%7, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %13 = torch.operator "onnx.Sum"(%arg0, %12) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %14 = torch.operator "onnx.Mul"(%8, %13) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %15 = torch.operator "onnx.Tanh"(%14) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %16 = torch.operator "onnx.Sum"(%3, %15) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %17 = torch.operator "onnx.Mul"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %18 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/output_0.bin new file mode 100644 index 0000000..ecb0d9d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_1_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_2/input_0.bin b/onnx-ops/onnx/node/generated/test_gelu_tanh_2/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_2/model.mlir b/onnx-ops/onnx/node/generated/test_gelu_tanh_2/model.mlir new file mode 100644 index 0000000..822441a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gelu_tanh_2(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gelu"(%arg0) {torch.onnx.approximate = "tanh"} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_2/output_0.bin b/onnx-ops/onnx/node/generated/test_gelu_tanh_2/output_0.bin new file mode 100644 index 0000000..181d6db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_tanh_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gelu_tanh_2/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/model.mlir new file mode 100644 index 0000000..b48fef2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/model.mlir @@ -0,0 +1,26 @@ +module { + func.func @test_gelu_tanh_2_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.636619746> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<4.471500e-02> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Sqrt"(%5) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<3.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %10 = torch.operator "onnx.CastLike"(%9, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Pow"(%arg0, %10) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %12 = torch.operator "onnx.Mul"(%7, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %13 = torch.operator "onnx.Sum"(%arg0, %12) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %14 = torch.operator "onnx.Mul"(%8, %13) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %15 = torch.operator "onnx.Tanh"(%14) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %16 = torch.operator "onnx.Sum"(%3, %15) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %17 = torch.operator "onnx.Mul"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %18 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/output_0.bin new file mode 100644 index 0000000..181d6db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gelu_tanh_2_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_0.bin new file mode 100644 index 0000000..1380e36 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_1.bin new file mode 100644 index 0000000..45166a7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_1.bin @@ -0,0 +1 @@ +^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_2.bin new file mode 100644 index 0000000..17e8c0a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/input_2.bin @@ -0,0 +1 @@ +>?<\?N? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_all_attributes/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/model.mlir new file mode 100644 index 0000000..17d988d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_all_attributes(%arg0: !torch.vtensor<[4,3],f32>, %arg1: !torch.vtensor<[5,4],f32>, %arg2: !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[3,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) {torch.onnx.alpha = 2.500000e-01 : f32, torch.onnx.beta = 3.500000e-01 : f32, torch.onnx.transA = 1 : si64, torch.onnx.transB = 1 : si64} : (!torch.vtensor<[4,3],f32>, !torch.vtensor<[5,4],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[3,5],f32> + return %0 : !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_all_attributes/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/output_0.bin new file mode 100644 index 0000000..6132754 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/output_0.bin @@ -0,0 +1 @@ +u>>>>>>"??*'?M?>L#?n>X>? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_all_attributes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/run_module_io_flags.txt new file mode 100644 index 0000000..5141c17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_all_attributes/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4x3xf32=@input_0.bin +--input=5x4xf32=@input_1.bin +--input=1x5xf32=@input_2.bin +--expected_output=3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_alpha/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_alpha/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_alpha/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_alpha/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_alpha/input_1.bin new file mode 100644 index 0000000..dbd998c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_alpha/input_1.bin @@ -0,0 +1 @@ +p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_alpha/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_alpha/input_2.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gemm_alpha/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gemm_alpha/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_alpha/model.mlir new file mode 100644 index 0000000..ebfc995 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_alpha/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_alpha(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[5,4],f32>, %arg2: !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) {torch.onnx.alpha = 5.000000e-01 : f32} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[5,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_alpha/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_alpha/output_0.bin new file mode 100644 index 0000000..2cbd2f5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_alpha/output_0.bin @@ -0,0 +1 @@ +b}?C!?%p?>ƕ?D?\؄? ?ps??No? ? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_alpha/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_alpha/run_module_io_flags.txt new file mode 100644 index 0000000..a0f1599 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_alpha/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=5x4xf32=@input_1.bin +--input=1x4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_beta/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_beta/input_0.bin new file mode 100644 index 0000000..94bd0b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_beta/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_beta/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_beta/input_1.bin new file mode 100644 index 0000000..57b5146 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_beta/input_1.bin @@ -0,0 +1 @@ +Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_beta/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_beta/input_2.bin new file mode 100644 index 0000000..fbb27d0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_beta/input_2.bin @@ -0,0 +1 @@ +2?v=9*?+? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_beta/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_beta/model.mlir new file mode 100644 index 0000000..eb31533 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_beta/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_beta(%arg0: !torch.vtensor<[2,7],f32>, %arg1: !torch.vtensor<[7,4],f32>, %arg2: !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) {torch.onnx.beta = 5.000000e-01 : f32} : (!torch.vtensor<[2,7],f32>, !torch.vtensor<[7,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[2,4],f32> + return %0 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_beta/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_beta/output_0.bin new file mode 100644 index 0000000..eba3c09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_beta/output_0.bin @@ -0,0 +1 @@ +QY%?n >~J?e?^k?l?Z{=p= <&U? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/input_1.bin new file mode 100644 index 0000000..e5e976f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/input_1.bin @@ -0,0 +1 @@ +H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/input_2.bin new file mode 100644 index 0000000..f3fd631 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/input_2.bin @@ -0,0 +1 @@ +2?v=9*?+?nW>A>>L8>j?a>}?= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/model.mlir new file mode 100644 index 0000000..c7668f0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_default_matrix_bias(%arg0: !torch.vtensor<[3,6],f32>, %arg1: !torch.vtensor<[6,4],f32>, %arg2: !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3,6],f32>, !torch.vtensor<[6,4],f32>, !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/output_0.bin new file mode 100644 index 0000000..66232e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/output_0.bin @@ -0,0 +1,2 @@ +ka@2@@*@?P@P @ +'@@C@@bD? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/run_module_io_flags.txt new file mode 100644 index 0000000..e8997f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_matrix_bias/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x6xf32=@input_0.bin +--input=6x4xf32=@input_1.bin +--input=3x4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/input_0.bin new file mode 100644 index 0000000..50472b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/input_1.bin new file mode 100644 index 0000000..712a5e5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/input_1.bin @@ -0,0 +1 @@ +z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/model.mlir new file mode 100644 index 0000000..1bc4bfd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_default_no_bias(%arg0: !torch.vtensor<[2,10],f32>, %arg1: !torch.vtensor<[10,3],f32>) -> !torch.vtensor<[2,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1) : (!torch.vtensor<[2,10],f32>, !torch.vtensor<[10,3],f32>) -> !torch.vtensor<[2,3],f32> + return %0 : !torch.vtensor<[2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/output_0.bin new file mode 100644 index 0000000..d04d42f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/run_module_io_flags.txt new file mode 100644 index 0000000..b739220 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_no_bias/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x10xf32=@input_0.bin +--input=10x3xf32=@input_1.bin +--expected_output=2x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_0.bin new file mode 100644 index 0000000..2153a7f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_1.bin new file mode 100644 index 0000000..0aea775 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_1.bin @@ -0,0 +1 @@ +n >~J?e?^k?l?Z{=p= <&U? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_2.bin new file mode 100644 index 0000000..24e2080 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/input_2.bin @@ -0,0 +1 @@ +H@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/model.mlir new file mode 100644 index 0000000..8f23512 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_default_scalar_bias(%arg0: !torch.vtensor<[2,3],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) : (!torch.vtensor<[2,3],f32>, !torch.vtensor<[3,4],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,4],f32> + return %0 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/output_0.bin new file mode 100644 index 0000000..86f0fc5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/run_module_io_flags.txt new file mode 100644 index 0000000..0ffa931 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_scalar_bias/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x3xf32=@input_0.bin +--input=3x4xf32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_0.bin new file mode 100644 index 0000000..e4ec5f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_1.bin new file mode 100644 index 0000000..a48a294 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_1.bin @@ -0,0 +1 @@ +L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_2.bin new file mode 100644 index 0000000..ce3cf09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/input_2.bin @@ -0,0 +1 @@ +2? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/model.mlir new file mode 100644 index 0000000..f69f321 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_default_single_elem_vector_bias(%arg0: !torch.vtensor<[3,7],f32>, %arg1: !torch.vtensor<[7,3],f32>, %arg2: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3,7],f32>, !torch.vtensor<[7,3],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3],f32> + return %0 : !torch.vtensor<[3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/output_0.bin new file mode 100644 index 0000000..8ecf251 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/output_0.bin @@ -0,0 +1 @@ +7@[-@͆2@UX@N@nT@[)@ @*8@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/run_module_io_flags.txt new file mode 100644 index 0000000..95576f3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_single_elem_vector_bias/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x7xf32=@input_0.bin +--input=7x3xf32=@input_1.bin +--input=1xf32=@input_2.bin +--expected_output=3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_0.bin new file mode 100644 index 0000000..94bd0b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_1.bin new file mode 100644 index 0000000..57b5146 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_1.bin @@ -0,0 +1 @@ +Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_2.bin new file mode 100644 index 0000000..fbb27d0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/input_2.bin @@ -0,0 +1 @@ +2?v=9*?+? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/model.mlir new file mode 100644 index 0000000..86d9a24 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_default_vector_bias(%arg0: !torch.vtensor<[2,7],f32>, %arg1: !torch.vtensor<[7,4],f32>, %arg2: !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) : (!torch.vtensor<[2,7],f32>, !torch.vtensor<[7,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[2,4],f32> + return %0 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/output_0.bin new file mode 100644 index 0000000..e9eb565 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/run_module_io_flags.txt new file mode 100644 index 0000000..deaa6b2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_vector_bias/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x7xf32=@input_0.bin +--input=7x4xf32=@input_1.bin +--input=1x4xf32=@input_2.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_1.bin new file mode 100644 index 0000000..dbd998c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_1.bin @@ -0,0 +1 @@ +p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_2.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/model.mlir new file mode 100644 index 0000000..36af90f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_default_zero_bias(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[5,4],f32>, %arg2: !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[5,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/output_0.bin new file mode 100644 index 0000000..e66b634 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/output_0.bin @@ -0,0 +1 @@ +b?C?%?~?@D?\@?p?ߎ?N? ? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/run_module_io_flags.txt new file mode 100644 index 0000000..a0f1599 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_default_zero_bias/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=5x4xf32=@input_1.bin +--input=1x4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_0.bin new file mode 100644 index 0000000..6aa2640 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_1.bin new file mode 100644 index 0000000..e5e976f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_1.bin @@ -0,0 +1 @@ +H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_2.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gemm_transposeA/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeA/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_transposeA/model.mlir new file mode 100644 index 0000000..bb38a21 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeA/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_transposeA(%arg0: !torch.vtensor<[6,3],f32>, %arg1: !torch.vtensor<[6,4],f32>, %arg2: !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) {torch.onnx.transA = 1 : si64} : (!torch.vtensor<[6,3],f32>, !torch.vtensor<[6,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeA/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_transposeA/output_0.bin new file mode 100644 index 0000000..2bfe44f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gemm_transposeA/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeA/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_transposeA/run_module_io_flags.txt new file mode 100644 index 0000000..7b84a2b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeA/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6x3xf32=@input_0.bin +--input=6x4xf32=@input_1.bin +--input=1x4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_0.bin b/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_0.bin new file mode 100644 index 0000000..6aa2640 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_1.bin b/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_1.bin new file mode 100644 index 0000000..e5e976f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_1.bin @@ -0,0 +1 @@ +H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_2.bin b/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_2.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gemm_transposeB/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeB/model.mlir b/onnx-ops/onnx/node/generated/test_gemm_transposeB/model.mlir new file mode 100644 index 0000000..a18a222 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeB/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gemm_transposeB(%arg0: !torch.vtensor<[3,6],f32>, %arg1: !torch.vtensor<[4,6],f32>, %arg2: !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Gemm"(%arg0, %arg1, %arg2) {torch.onnx.transB = 1 : si64} : (!torch.vtensor<[3,6],f32>, !torch.vtensor<[4,6],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + return %0 : !torch.vtensor<[3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeB/output_0.bin b/onnx-ops/onnx/node/generated/test_gemm_transposeB/output_0.bin new file mode 100644 index 0000000..6259357 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeB/output_0.bin @@ -0,0 +1 @@ +m1@j?a? @7I@m??L @A@"̍?S?0J? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gemm_transposeB/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gemm_transposeB/run_module_io_flags.txt new file mode 100644 index 0000000..be60abb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gemm_transposeB/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x6xf32=@input_0.bin +--input=4x6xf32=@input_1.bin +--input=1x4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_globalaveragepool/input_0.bin b/onnx-ops/onnx/node/generated/test_globalaveragepool/input_0.bin new file mode 100644 index 0000000..c673329 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalaveragepool/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_globalaveragepool/model.mlir b/onnx-ops/onnx/node/generated/test_globalaveragepool/model.mlir new file mode 100644 index 0000000..22a336d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalaveragepool/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_globalaveragepool(%arg0: !torch.vtensor<[1,3,5,5],f32>) -> !torch.vtensor<[1,3,1,1],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GlobalAveragePool"(%arg0) : (!torch.vtensor<[1,3,5,5],f32>) -> !torch.vtensor<[1,3,1,1],f32> + return %0 : !torch.vtensor<[1,3,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_globalaveragepool/output_0.bin b/onnx-ops/onnx/node/generated/test_globalaveragepool/output_0.bin new file mode 100644 index 0000000..b610d7e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalaveragepool/output_0.bin @@ -0,0 +1 @@ +I>oFw \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_globalaveragepool/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_globalaveragepool/run_module_io_flags.txt new file mode 100644 index 0000000..66cd1de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalaveragepool/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x5x5xf32=@input_0.bin +--expected_output=1x3x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/input_0.bin b/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/input_0.bin new file mode 100644 index 0000000..1520f40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/model.mlir b/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/model.mlir new file mode 100644 index 0000000..979ca3f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_globalaveragepool_precomputed(%arg0: !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,1,1],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GlobalAveragePool"(%arg0) : (!torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/output_0.bin b/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/output_0.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/run_module_io_flags.txt new file mode 100644 index 0000000..b8cdd1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalaveragepool_precomputed/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x3x3xf32=@input_0.bin +--expected_output=1x1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_globalmaxpool/input_0.bin b/onnx-ops/onnx/node/generated/test_globalmaxpool/input_0.bin new file mode 100644 index 0000000..c673329 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalmaxpool/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_globalmaxpool/model.mlir b/onnx-ops/onnx/node/generated/test_globalmaxpool/model.mlir new file mode 100644 index 0000000..2f450b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalmaxpool/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_globalmaxpool(%arg0: !torch.vtensor<[1,3,5,5],f32>) -> !torch.vtensor<[1,3,1,1],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GlobalMaxPool"(%arg0) : (!torch.vtensor<[1,3,5,5],f32>) -> !torch.vtensor<[1,3,1,1],f32> + return %0 : !torch.vtensor<[1,3,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_globalmaxpool/output_0.bin b/onnx-ops/onnx/node/generated/test_globalmaxpool/output_0.bin new file mode 100644 index 0000000..4f40edf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalmaxpool/output_0.bin @@ -0,0 +1 @@ +C@?ב? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_globalmaxpool/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_globalmaxpool/run_module_io_flags.txt new file mode 100644 index 0000000..66cd1de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalmaxpool/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x5x5xf32=@input_0.bin +--expected_output=1x3x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/input_0.bin b/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/input_0.bin new file mode 100644 index 0000000..1520f40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/model.mlir b/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/model.mlir new file mode 100644 index 0000000..9b0ebe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_globalmaxpool_precomputed(%arg0: !torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,1,1],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GlobalMaxPool"(%arg0) : (!torch.vtensor<[1,1,3,3],f32>) -> !torch.vtensor<[1,1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/output_0.bin b/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/output_0.bin new file mode 100644 index 0000000..faac218 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/run_module_io_flags.txt new file mode 100644 index 0000000..b8cdd1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_globalmaxpool_precomputed/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x3x3xf32=@input_0.bin +--expected_output=1x1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_greater/input_0.bin b/onnx-ops/onnx/node/generated/test_greater/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater/input_1.bin b/onnx-ops/onnx/node/generated/test_greater/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater/model.mlir b/onnx-ops/onnx/node/generated/test_greater/model.mlir new file mode 100644 index 0000000..84da678 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_greater(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Greater"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_greater/output_0.bin b/onnx-ops/onnx/node/generated/test_greater/output_0.bin new file mode 100644 index 0000000..764a3e0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_greater/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_greater/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_greater/run_module_io_flags.txt new file mode 100644 index 0000000..c2ee20d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_greater_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_greater_bcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_bcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_greater_bcast/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_bcast/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_greater_bcast/model.mlir new file mode 100644 index 0000000..743a569 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_greater_bcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Greater"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_greater_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_greater_bcast/output_0.bin new file mode 100644 index 0000000..13340d4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_greater_bcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_greater_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_greater_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..81cbb8f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_greater_equal/input_0.bin b/onnx-ops/onnx/node/generated/test_greater_equal/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_equal/input_1.bin b/onnx-ops/onnx/node/generated/test_greater_equal/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_equal/model.mlir b/onnx-ops/onnx/node/generated/test_greater_equal/model.mlir new file mode 100644 index 0000000..40f7e81 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_greater_equal(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GreaterOrEqual"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_greater_equal/output_0.bin b/onnx-ops/onnx/node/generated/test_greater_equal/output_0.bin new file mode 100644 index 0000000..764a3e0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_greater_equal/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_greater_equal/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_greater_equal/run_module_io_flags.txt new file mode 100644 index 0000000..c2ee20d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/model.mlir new file mode 100644 index 0000000..32cfc26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_greater_equal_bcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GreaterOrEqual"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/output_0.bin new file mode 100644 index 0000000..13340d4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..81cbb8f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/model.mlir new file mode 100644 index 0000000..ba31c0b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_greater_equal_bcast_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Greater"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Equal"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> + %2 = torch.operator "onnx.Or"(%0, %1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %2 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/output_0.bin new file mode 100644 index 0000000..13340d4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..81cbb8f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_bcast_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/model.mlir new file mode 100644 index 0000000..2a5622c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_greater_equal_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Greater"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Equal"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + %2 = torch.operator "onnx.Or"(%0, %1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %2 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/output_0.bin new file mode 100644 index 0000000..764a3e0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_greater_equal_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..c2ee20d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_greater_equal_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample/input_0.bin new file mode 100644 index 0000000..eb6a597 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample/input_1.bin new file mode 100644 index 0000000..a63ce5e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample/model.mlir new file mode 100644 index 0000000..c3a07eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[1,6,6,2],f32>) -> !torch.vtensor<[1,1,6,6],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 0 : si64, torch.onnx.mode = "linear", torch.onnx.padding_mode = "zeros"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.vtensor<[1,6,6,2],f32>) -> !torch.vtensor<[1,1,6,6],f32> + return %0 : !torch.vtensor<[1,1,6,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample/output_0.bin new file mode 100644 index 0000000..02fceca Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample/run_module_io_flags.txt new file mode 100644 index 0000000..a87cc22 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=1x6x6x2xf32=@input_1.bin +--expected_output=1x1x6x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/input_1.bin new file mode 100644 index 0000000..6b6b9b8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/model.mlir new file mode 100644 index 0000000..82d047b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_aligncorners_true(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 1 : si64, torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/output_0.bin new file mode 100644 index 0000000..aa05f44 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_aligncorners_true/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/input_1.bin new file mode 100644 index 0000000..6b6b9b8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/model.mlir new file mode 100644 index 0000000..87a1bfe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_bicubic(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/output_0.bin new file mode 100644 index 0000000..51167ba Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bicubic/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/input_1.bin new file mode 100644 index 0000000..d0d5266 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/model.mlir new file mode 100644 index 0000000..fb7f134 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_bicubic_align_corners_0_additional_1(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 0 : si64, torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/output_0.bin new file mode 100644 index 0000000..7a3eec1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_0_additional_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/input_1.bin new file mode 100644 index 0000000..d0d5266 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/model.mlir new file mode 100644 index 0000000..8c24952 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_bicubic_align_corners_1_additional_1(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 1 : si64, torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/output_0.bin new file mode 100644 index 0000000..237456d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bicubic_align_corners_1_additional_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/input_1.bin new file mode 100644 index 0000000..6b6b9b8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/model.mlir new file mode 100644 index 0000000..7605044 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_bilinear(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/output_0.bin new file mode 100644 index 0000000..7d34c76 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bilinear/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/input_1.bin new file mode 100644 index 0000000..d0d5266 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/model.mlir new file mode 100644 index 0000000..3dcefb9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_bilinear_align_corners_0_additional_1(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 0 : si64, torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/output_0.bin new file mode 100644 index 0000000..ef20ce4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_0_additional_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/input_1.bin new file mode 100644 index 0000000..d0d5266 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/model.mlir new file mode 100644 index 0000000..2ebcdb2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_bilinear_align_corners_1_additional_1(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 1 : si64, torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/output_0.bin new file mode 100644 index 0000000..327d133 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_bilinear_align_corners_1_additional_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_border_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_border_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/input_1.bin new file mode 100644 index 0000000..0b30210 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_border_padding/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/model.mlir new file mode 100644 index 0000000..395fa8b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_border_padding(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.padding_mode = "border"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_border_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/output_0.bin new file mode 100644 index 0000000..db5d95c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_border_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_border_padding/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest/input_1.bin new file mode 100644 index 0000000..6b6b9b8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_nearest/model.mlir new file mode 100644 index 0000000..b7858e5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_nearest/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_nearest(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest/output_0.bin new file mode 100644 index 0000000..1c9dbd2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_nearest/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_nearest/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/input_1.bin new file mode 100644 index 0000000..d0d5266 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/model.mlir new file mode 100644 index 0000000..f8d8d51 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_nearest_align_corners_0_additional_1(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 0 : si64, torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/output_0.bin new file mode 100644 index 0000000..84b3f69 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_0_additional_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/input_1.bin new file mode 100644 index 0000000..d0d5266 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/model.mlir new file mode 100644 index 0000000..860b9cc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_nearest_align_corners_1_additional_1(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 1 : si64, torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/output_0.bin new file mode 100644 index 0000000..7fa087e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_nearest_align_corners_1_additional_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/input_1.bin new file mode 100644 index 0000000..0b30210 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/model.mlir new file mode 100644 index 0000000..7914b5f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_reflection_padding(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.padding_mode = "reflection"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/output_0.bin new file mode 100644 index 0000000..4af99be Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_reflection_padding/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/input_1.bin new file mode 100644 index 0000000..c827062 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/model.mlir new file mode 100644 index 0000000..df237cc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_volumetric_bilinear_align_corners_0(%arg0: !torch.vtensor<[1,1,3,2,2],f32>, %arg1: !torch.vtensor<[1,2,4,2,3],f32>) -> !torch.vtensor<[1,1,2,4,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 0 : si64, torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,3,2,2],f32>, !torch.vtensor<[1,2,4,2,3],f32>) -> !torch.vtensor<[1,1,2,4,2],f32> + return %0 : !torch.vtensor<[1,1,2,4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/output_0.bin new file mode 100644 index 0000000..e39c6ed Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/run_module_io_flags.txt new file mode 100644 index 0000000..54a0503 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2x2xf32=@input_0.bin +--input=1x2x4x2x3xf32=@input_1.bin +--expected_output=1x1x2x4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/input_1.bin new file mode 100644 index 0000000..c827062 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/model.mlir new file mode 100644 index 0000000..8c96bc2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_volumetric_bilinear_align_corners_1(%arg0: !torch.vtensor<[1,1,3,2,2],f32>, %arg1: !torch.vtensor<[1,2,4,2,3],f32>) -> !torch.vtensor<[1,1,2,4,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 1 : si64, torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,3,2,2],f32>, !torch.vtensor<[1,2,4,2,3],f32>) -> !torch.vtensor<[1,1,2,4,2],f32> + return %0 : !torch.vtensor<[1,1,2,4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/output_0.bin new file mode 100644 index 0000000..c27cf27 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/run_module_io_flags.txt new file mode 100644 index 0000000..54a0503 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_bilinear_align_corners_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2x2xf32=@input_0.bin +--input=1x2x4x2x3xf32=@input_1.bin +--expected_output=1x1x2x4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/input_1.bin new file mode 100644 index 0000000..c827062 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/model.mlir new file mode 100644 index 0000000..1a602a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_volumetric_nearest_align_corners_0(%arg0: !torch.vtensor<[1,1,3,2,2],f32>, %arg1: !torch.vtensor<[1,2,4,2,3],f32>) -> !torch.vtensor<[1,1,2,4,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 0 : si64, torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,3,2,2],f32>, !torch.vtensor<[1,2,4,2,3],f32>) -> !torch.vtensor<[1,1,2,4,2],f32> + return %0 : !torch.vtensor<[1,1,2,4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/output_0.bin new file mode 100644 index 0000000..cdf87ce Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/run_module_io_flags.txt new file mode 100644 index 0000000..54a0503 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2x2xf32=@input_0.bin +--input=1x2x4x2x3xf32=@input_1.bin +--expected_output=1x1x2x4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/input_1.bin new file mode 100644 index 0000000..c827062 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/model.mlir new file mode 100644 index 0000000..18067e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_volumetric_nearest_align_corners_1(%arg0: !torch.vtensor<[1,1,3,2,2],f32>, %arg1: !torch.vtensor<[1,2,4,2,3],f32>) -> !torch.vtensor<[1,1,2,4,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.align_corners = 1 : si64, torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,3,2,2],f32>, !torch.vtensor<[1,2,4,2,3],f32>) -> !torch.vtensor<[1,1,2,4,2],f32> + return %0 : !torch.vtensor<[1,1,2,4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/output_0.bin new file mode 100644 index 0000000..21a82e4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/run_module_io_flags.txt new file mode 100644 index 0000000..54a0503 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_volumetric_nearest_align_corners_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2x2xf32=@input_0.bin +--input=1x2x4x2x3xf32=@input_1.bin +--expected_output=1x1x2x4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/input_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/input_0.bin new file mode 100644 index 0000000..622e878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/input_1.bin b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/input_1.bin new file mode 100644 index 0000000..0b30210 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/model.mlir b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/model.mlir new file mode 100644 index 0000000..4ac48cd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gridsample_zeros_padding(%arg0: !torch.vtensor<[1,1,3,2],f32>, %arg1: !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GridSample"(%arg0, %arg1) {torch.onnx.padding_mode = "zeros"} : (!torch.vtensor<[1,1,3,2],f32>, !torch.vtensor<[1,2,4,2],f32>) -> !torch.vtensor<[1,1,2,4],f32> + return %0 : !torch.vtensor<[1,1,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/output_0.bin b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/output_0.bin new file mode 100644 index 0000000..a9405c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/run_module_io_flags.txt new file mode 100644 index 0000000..d36b223 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gridsample_zeros_padding/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x3x2xf32=@input_0.bin +--input=1x2x4x2xf32=@input_1.bin +--expected_output=1x1x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_0.bin new file mode 100644 index 0000000..c34be09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_1.bin new file mode 100644 index 0000000..dce5217 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_1.bin @@ -0,0 +1 @@ +4οYL=e> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_2.bin new file mode 100644 index 0000000..542b71d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/input_2.bin @@ -0,0 +1 @@ + kQN> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/model.mlir new file mode 100644 index 0000000..4174e08 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_group_normalization_epsilon(%arg0: !torch.vtensor<[3,4,2,2],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> !torch.vtensor<[3,4,2,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GroupNormalization"(%arg0, %arg1, %arg2) {torch.onnx.epsilon = 0.00999999977 : f32, torch.onnx.num_groups = 2 : si64} : (!torch.vtensor<[3,4,2,2],f32>, !torch.vtensor<[4],f32>, !torch.vtensor<[4],f32>) -> !torch.vtensor<[3,4,2,2],f32> + return %0 : !torch.vtensor<[3,4,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/output_0.bin new file mode 100644 index 0000000..f893edd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..d23da01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_0.bin new file mode 100644 index 0000000..c34be09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_1.bin new file mode 100644 index 0000000..dce5217 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_1.bin @@ -0,0 +1 @@ +4οYL=e> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_2.bin new file mode 100644 index 0000000..542b71d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/input_2.bin @@ -0,0 +1 @@ + kQN> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/model.mlir new file mode 100644 index 0000000..5d68211 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/model.mlir @@ -0,0 +1,41 @@ +module { + func.func @test_group_normalization_epsilon_expanded(%arg0: !torch.vtensor<[3,4,2,2],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> !torch.vtensor<[3,4,2,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.00999999977> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %2 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[3,4,2,2],f32> + %3 = torch.operator "onnx.Shape"(%2) : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[4],si64> + %4 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = 2 : si64, torch.onnx.start = 1 : si64} : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Div"(%4, %5) : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = 1 : si64, torch.onnx.start = 0 : si64} : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.start = 2 : si64} : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[2],si64> + %9 = torch.operator "onnx.Concat"(%7, %5, %6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[5],si64> + %10 = torch.operator "onnx.Reshape"(%2, %9) : (!torch.vtensor<[3,4,2,2],f32>, !torch.vtensor<[5],si64>) -> !torch.vtensor<[?,?,?,?,?],f32> + %11 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64, 0 : si64, -1 : si64]} : () -> !torch.vtensor<[3],si64> + %12 = torch.operator "onnx.Reshape"(%10, %11) : (!torch.vtensor<[?,?,?,?,?],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[?,?,?],f32> + %13 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %14 = torch.operator "onnx.ReduceMean"(%12, %13) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?,?,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[?,?,?],f32>) -> !torch.vtensor<[?,?,?],f32> + %16 = torch.operator "onnx.ReduceMean"(%15, %13) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?,?,1],f32> + %17 = torch.operator "onnx.Mul"(%14, %14) : (!torch.vtensor<[?,?,1],f32>, !torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,1],f32> + %18 = torch.operator "onnx.Sub"(%16, %17) : (!torch.vtensor<[?,?,1],f32>, !torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,1],f32> + %19 = torch.operator "onnx.Add"(%18, %1) : (!torch.vtensor<[?,?,1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[?,?,1],f32> + %20 = torch.operator "onnx.Sqrt"(%19) : (!torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,1],f32> + %21 = torch.operator "onnx.Sub"(%12, %14) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,?],f32> + %22 = torch.operator "onnx.Div"(%21, %20) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,?],f32> + %23 = torch.operator "onnx.Reshape"(%22, %3) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[3,4,2,2],f32> + %24 = torch.operator "onnx.Reshape"(%23, %11) : (!torch.vtensor<[3,4,2,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,4],f32> + %25 = torch.operator "onnx.Cast"(%24) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4,4],f32>) -> !torch.vtensor<[3,4,4],f32> + %26 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [1 : si64, -1 : si64, 1 : si64]} : () -> !torch.vtensor<[3],si64> + %27 = torch.operator "onnx.Cast"(%arg1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[4],f32> + %28 = torch.operator "onnx.Cast"(%arg2) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[4],f32> + %29 = torch.operator "onnx.Reshape"(%27, %26) : (!torch.vtensor<[4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,4,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %26) : (!torch.vtensor<[4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,4,1],f32> + %31 = torch.operator "onnx.Mul"(%29, %25) : (!torch.vtensor<[1,4,1],f32>, !torch.vtensor<[3,4,4],f32>) -> !torch.vtensor<[3,4,4],f32> + %32 = torch.operator "onnx.Add"(%31, %30) : (!torch.vtensor<[3,4,4],f32>, !torch.vtensor<[1,4,1],f32>) -> !torch.vtensor<[3,4,4],f32> + %33 = torch.operator "onnx.Reshape"(%32, %3) : (!torch.vtensor<[3,4,4],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[3,4,2,2],f32> + return %33 : !torch.vtensor<[3,4,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/output_0.bin new file mode 100644 index 0000000..f893edd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..d23da01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_epsilon_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example/input_0.bin b/onnx-ops/onnx/node/generated/test_group_normalization_example/input_0.bin new file mode 100644 index 0000000..c34be09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example/input_1.bin b/onnx-ops/onnx/node/generated/test_group_normalization_example/input_1.bin new file mode 100644 index 0000000..dce5217 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example/input_1.bin @@ -0,0 +1 @@ +4οYL=e> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example/input_2.bin b/onnx-ops/onnx/node/generated/test_group_normalization_example/input_2.bin new file mode 100644 index 0000000..542b71d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example/input_2.bin @@ -0,0 +1 @@ + kQN> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example/model.mlir b/onnx-ops/onnx/node/generated/test_group_normalization_example/model.mlir new file mode 100644 index 0000000..ffc8cd1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_group_normalization_example(%arg0: !torch.vtensor<[3,4,2,2],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> !torch.vtensor<[3,4,2,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.GroupNormalization"(%arg0, %arg1, %arg2) {torch.onnx.num_groups = 2 : si64} : (!torch.vtensor<[3,4,2,2],f32>, !torch.vtensor<[4],f32>, !torch.vtensor<[4],f32>) -> !torch.vtensor<[3,4,2,2],f32> + return %0 : !torch.vtensor<[3,4,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example/output_0.bin b/onnx-ops/onnx/node/generated/test_group_normalization_example/output_0.bin new file mode 100644 index 0000000..22d64b3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example/output_0.bin @@ -0,0 +1,2 @@ +!,>>()NKew?4U*=?:2?>z>@>D.!оu>J>8b?> ?G?86B?>|>+?@ YA\}Uz> +7?ڇo?Q<#>W>&>TV? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_group_normalization_example/run_module_io_flags.txt new file mode 100644 index 0000000..d23da01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_0.bin new file mode 100644 index 0000000..c34be09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_1.bin new file mode 100644 index 0000000..dce5217 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_1.bin @@ -0,0 +1 @@ +4οYL=e> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_2.bin new file mode 100644 index 0000000..542b71d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/input_2.bin @@ -0,0 +1 @@ + kQN> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/model.mlir new file mode 100644 index 0000000..e560e61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/model.mlir @@ -0,0 +1,41 @@ +module { + func.func @test_group_normalization_example_expanded(%arg0: !torch.vtensor<[3,4,2,2],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> !torch.vtensor<[3,4,2,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + %2 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[3,4,2,2],f32> + %3 = torch.operator "onnx.Shape"(%2) : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[4],si64> + %4 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = 2 : si64, torch.onnx.start = 1 : si64} : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Div"(%4, %5) : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = 1 : si64, torch.onnx.start = 0 : si64} : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.start = 2 : si64} : (!torch.vtensor<[3,4,2,2],f32>) -> !torch.vtensor<[2],si64> + %9 = torch.operator "onnx.Concat"(%7, %5, %6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[5],si64> + %10 = torch.operator "onnx.Reshape"(%2, %9) : (!torch.vtensor<[3,4,2,2],f32>, !torch.vtensor<[5],si64>) -> !torch.vtensor<[?,?,?,?,?],f32> + %11 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64, 0 : si64, -1 : si64]} : () -> !torch.vtensor<[3],si64> + %12 = torch.operator "onnx.Reshape"(%10, %11) : (!torch.vtensor<[?,?,?,?,?],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[?,?,?],f32> + %13 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %14 = torch.operator "onnx.ReduceMean"(%12, %13) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?,?,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[?,?,?],f32>) -> !torch.vtensor<[?,?,?],f32> + %16 = torch.operator "onnx.ReduceMean"(%15, %13) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?,?,1],f32> + %17 = torch.operator "onnx.Mul"(%14, %14) : (!torch.vtensor<[?,?,1],f32>, !torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,1],f32> + %18 = torch.operator "onnx.Sub"(%16, %17) : (!torch.vtensor<[?,?,1],f32>, !torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,1],f32> + %19 = torch.operator "onnx.Add"(%18, %1) : (!torch.vtensor<[?,?,1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[?,?,1],f32> + %20 = torch.operator "onnx.Sqrt"(%19) : (!torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,1],f32> + %21 = torch.operator "onnx.Sub"(%12, %14) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,?],f32> + %22 = torch.operator "onnx.Div"(%21, %20) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[?,?,1],f32>) -> !torch.vtensor<[?,?,?],f32> + %23 = torch.operator "onnx.Reshape"(%22, %3) : (!torch.vtensor<[?,?,?],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[3,4,2,2],f32> + %24 = torch.operator "onnx.Reshape"(%23, %11) : (!torch.vtensor<[3,4,2,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,4],f32> + %25 = torch.operator "onnx.Cast"(%24) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4,4],f32>) -> !torch.vtensor<[3,4,4],f32> + %26 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [1 : si64, -1 : si64, 1 : si64]} : () -> !torch.vtensor<[3],si64> + %27 = torch.operator "onnx.Cast"(%arg1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[4],f32> + %28 = torch.operator "onnx.Cast"(%arg2) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[4],f32> + %29 = torch.operator "onnx.Reshape"(%27, %26) : (!torch.vtensor<[4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,4,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %26) : (!torch.vtensor<[4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,4,1],f32> + %31 = torch.operator "onnx.Mul"(%29, %25) : (!torch.vtensor<[1,4,1],f32>, !torch.vtensor<[3,4,4],f32>) -> !torch.vtensor<[3,4,4],f32> + %32 = torch.operator "onnx.Add"(%31, %30) : (!torch.vtensor<[3,4,4],f32>, !torch.vtensor<[1,4,1],f32>) -> !torch.vtensor<[3,4,4],f32> + %33 = torch.operator "onnx.Reshape"(%32, %3) : (!torch.vtensor<[3,4,4],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[3,4,2,2],f32> + return %33 : !torch.vtensor<[3,4,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/output_0.bin new file mode 100644 index 0000000..22d64b3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/output_0.bin @@ -0,0 +1,2 @@ +!,>>()NKew?4U*=?:2?>z>@>D.!оu>J>8b?> ?G?86B?>|>+?@ YA\}Uz> +7?ڇo?Q<#>W>&>TV? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..d23da01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_group_normalization_example_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gru_batchwise/input_0.bin b/onnx-ops/onnx/node/generated/test_gru_batchwise/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gru_batchwise/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gru_batchwise/input_1.bin b/onnx-ops/onnx/node/generated/test_gru_batchwise/input_1.bin new file mode 100644 index 0000000..fe30207 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_batchwise/input_1.bin @@ -0,0 +1 @@ +L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_batchwise/input_2.bin b/onnx-ops/onnx/node/generated/test_gru_batchwise/input_2.bin new file mode 100644 index 0000000..11d7e1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_batchwise/input_2.bin @@ -0,0 +1 @@ +L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L>L> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_batchwise/model.mlir b/onnx-ops/onnx/node/generated/test_gru_batchwise/model.mlir new file mode 100644 index 0000000..b0af8c0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_batchwise/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gru_batchwise(%arg0: !torch.vtensor<[3,1,2],f32>, %arg1: !torch.vtensor<[1,18,2],f32>, %arg2: !torch.vtensor<[1,18,6],f32>) -> (!torch.vtensor<[3,1,1,6],f32>, !torch.vtensor<[3,1,6],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.GRU"(%arg0, %arg1, %arg2) {torch.onnx.hidden_size = 6 : si64, torch.onnx.layout = 1 : si64} : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1,18,2],f32>, !torch.vtensor<[1,18,6],f32>) -> (!torch.vtensor<[3,1,1,6],f32>, !torch.vtensor<[3,1,6],f32>) + return %0#0, %0#1 : !torch.vtensor<[3,1,1,6],f32>, !torch.vtensor<[3,1,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gru_batchwise/output_0.bin b/onnx-ops/onnx/node/generated/test_gru_batchwise/output_0.bin new file mode 100644 index 0000000..f0c09a5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_batchwise/output_0.bin @@ -0,0 +1,7 @@ + +B> +B> +B> +B> +B> +B>W3>W3>W3>W3>W3>W3>fU=fU=fU=fU=fU=fU= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_batchwise/output_1.bin b/onnx-ops/onnx/node/generated/test_gru_batchwise/output_1.bin new file mode 100644 index 0000000..f0c09a5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_batchwise/output_1.bin @@ -0,0 +1,7 @@ + +B> +B> +B> +B> +B> +B>W3>W3>W3>W3>W3>W3>fU=fU=fU=fU=fU=fU= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_batchwise/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gru_batchwise/run_module_io_flags.txt new file mode 100644 index 0000000..0a6ea3b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_batchwise/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x1x2xf32=@input_0.bin +--input=1x18x2xf32=@input_1.bin +--input=1x18x6xf32=@input_2.bin +--expected_output=3x1x1x6xf32=@output_0.bin +--expected_output=3x1x6xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_gru_defaults/input_0.bin b/onnx-ops/onnx/node/generated/test_gru_defaults/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gru_defaults/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gru_defaults/input_1.bin b/onnx-ops/onnx/node/generated/test_gru_defaults/input_1.bin new file mode 100644 index 0000000..38dff0d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_defaults/input_1.bin @@ -0,0 +1 @@ +============================== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_defaults/input_2.bin b/onnx-ops/onnx/node/generated/test_gru_defaults/input_2.bin new file mode 100644 index 0000000..4c5c06e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_defaults/input_2.bin @@ -0,0 +1 @@ +=========================================================================== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_defaults/model.mlir b/onnx-ops/onnx/node/generated/test_gru_defaults/model.mlir new file mode 100644 index 0000000..bbaa937 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_defaults/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gru_defaults(%arg0: !torch.vtensor<[1,3,2],f32>, %arg1: !torch.vtensor<[1,15,2],f32>, %arg2: !torch.vtensor<[1,15,5],f32>) -> !torch.vtensor<[1,3,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.GRU"(%arg0, %arg1, %arg2) {torch.onnx.hidden_size = 5 : si64} : (!torch.vtensor<[1,3,2],f32>, !torch.vtensor<[1,15,2],f32>, !torch.vtensor<[1,15,5],f32>) -> (!torch.none, !torch.vtensor<[1,3,5],f32>) + return %0#1 : !torch.vtensor<[1,3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gru_defaults/output_0.bin b/onnx-ops/onnx/node/generated/test_gru_defaults/output_0.bin new file mode 100644 index 0000000..76dc369 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_defaults/output_0.bin @@ -0,0 +1 @@ +=====yYM>yYM>yYM>yYM>yYM>L>L>L>L>L> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_defaults/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gru_defaults/run_module_io_flags.txt new file mode 100644 index 0000000..5db9f59 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_defaults/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x3x2xf32=@input_0.bin +--input=1x15x2xf32=@input_1.bin +--input=1x15x5xf32=@input_2.bin +--expected_output=1x3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gru_seq_length/input_0.bin b/onnx-ops/onnx/node/generated/test_gru_seq_length/input_0.bin new file mode 100644 index 0000000..d9e9735 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gru_seq_length/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gru_seq_length/input_1.bin b/onnx-ops/onnx/node/generated/test_gru_seq_length/input_1.bin new file mode 100644 index 0000000..d570487 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_seq_length/input_1.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?x \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_seq_length/input_2.bin b/onnx-ops/onnx/node/generated/test_gru_seq_length/input_2.bin new file mode 100644 index 0000000..dd9d47b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_seq_length/input_2.bin @@ -0,0 +1 @@ +FKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_seq_length/input_3.bin b/onnx-ops/onnx/node/generated/test_gru_seq_length/input_3.bin new file mode 100644 index 0000000..aa3f08a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_seq_length/input_3.bin @@ -0,0 +1,2 @@ +ٺ>*>ǩ?319r޾?,?֞>8E< +?,`="*-?u?ELUd>q鋿᾿>u*>l"?r@hq?id?oT \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_seq_length/model.mlir b/onnx-ops/onnx/node/generated/test_gru_seq_length/model.mlir new file mode 100644 index 0000000..7ca95b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_seq_length/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gru_seq_length(%arg0: !torch.vtensor<[2,3,3],f32>, %arg1: !torch.vtensor<[1,15,3],f32>, %arg2: !torch.vtensor<[1,15,5],f32>, %arg3: !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,3,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.GRU"(%arg0, %arg1, %arg2, %arg3) {torch.onnx.hidden_size = 5 : si64} : (!torch.vtensor<[2,3,3],f32>, !torch.vtensor<[1,15,3],f32>, !torch.vtensor<[1,15,5],f32>, !torch.vtensor<[1,30],f32>) -> (!torch.none, !torch.vtensor<[1,3,5],f32>) + return %0#1 : !torch.vtensor<[1,3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gru_seq_length/output_0.bin b/onnx-ops/onnx/node/generated/test_gru_seq_length/output_0.bin new file mode 100644 index 0000000..1cdcf22 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_seq_length/output_0.bin @@ -0,0 +1 @@ +HH"~9>/$\z=XO7X!d.>#<ЀO\L \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_seq_length/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gru_seq_length/run_module_io_flags.txt new file mode 100644 index 0000000..17fbc1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_seq_length/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=2x3x3xf32=@input_0.bin +--input=1x15x3xf32=@input_1.bin +--input=1x15x5xf32=@input_2.bin +--input=1x30xf32=@input_3.bin +--expected_output=1x3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_0.bin new file mode 100644 index 0000000..1520f40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_1.bin new file mode 100644 index 0000000..161799d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_1.bin @@ -0,0 +1 @@ +=========================== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_2.bin new file mode 100644 index 0000000..161799d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_2.bin @@ -0,0 +1 @@ +=========================== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_3.bin b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_3.bin new file mode 100644 index 0000000..c3ba150 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/model.mlir b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/model.mlir new file mode 100644 index 0000000..5c6d48d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_gru_with_initial_bias(%arg0: !torch.vtensor<[1,3,3],f32>, %arg1: !torch.vtensor<[1,9,3],f32>, %arg2: !torch.vtensor<[1,9,3],f32>, %arg3: !torch.vtensor<[1,18],f32>) -> !torch.vtensor<[1,3,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.GRU"(%arg0, %arg1, %arg2, %arg3) {torch.onnx.hidden_size = 3 : si64} : (!torch.vtensor<[1,3,3],f32>, !torch.vtensor<[1,9,3],f32>, !torch.vtensor<[1,9,3],f32>, !torch.vtensor<[1,18],f32>) -> (!torch.none, !torch.vtensor<[1,3,3],f32>) + return %0#1 : !torch.vtensor<[1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/output_0.bin new file mode 100644 index 0000000..afcb430 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/output_0.bin @@ -0,0 +1 @@ +yYM>yYM>yYM>>>>)G=)G=)G= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/run_module_io_flags.txt new file mode 100644 index 0000000..a3174ad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_gru_with_initial_bias/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=1x3x3xf32=@input_0.bin +--input=1x9x3xf32=@input_1.bin +--input=1x9x3xf32=@input_2.bin +--input=1x18xf32=@input_3.bin +--expected_output=1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow/input_0.bin b/onnx-ops/onnx/node/generated/test_hammingwindow/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hammingwindow/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow/model.mlir b/onnx-ops/onnx/node/generated/test_hammingwindow/model.mlir new file mode 100644 index 0000000..d05e47b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hammingwindow(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HammingWindow"(%arg0) : (!torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> + return %0 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow/output_0.bin b/onnx-ops/onnx/node/generated/test_hammingwindow/output_0.bin new file mode 100644 index 0000000..997524e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hammingwindow/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hammingwindow/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/model.mlir new file mode 100644 index 0000000..6f22618 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/model.mlir @@ -0,0 +1,33 @@ +module { + func.func @test_hammingwindow_expanded(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.543478251> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.456521749> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<6.28318548> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Sub"(%7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %10 = torch.operator "onnx.Cast"(%9) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Sub"(%4, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Mul"(%7, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %13 = torch.operator "onnx.Mul"(%8, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Add"(%12, %13) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %15 = torch.operator "onnx.Div"(%6, %14) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %16 = torch.operator "onnx.Range"(%3, %7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %17 = torch.operator "onnx.Mul"(%16, %15) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %18 = torch.operator "onnx.Mul"(%17, %5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %19 = torch.operator "onnx.Cos"(%18) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %20 = torch.operator "onnx.Mul"(%2, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %21 = torch.operator "onnx.Cos"(%17) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %22 = torch.operator "onnx.Mul"(%1, %21) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %23 = torch.operator "onnx.Sub"(%0, %22) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %24 = torch.operator "onnx.Add"(%23, %20) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %25 = torch.operator "onnx.Cast"(%24) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[10],f32> + return %25 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/output_0.bin new file mode 100644 index 0000000..997524e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/model.mlir b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/model.mlir new file mode 100644 index 0000000..1aa2a3d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hammingwindow_symmetric(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HammingWindow"(%arg0) {torch.onnx.periodic = 0 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> + return %0 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/output_0.bin new file mode 100644 index 0000000..3ab940a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/output_0.bin @@ -0,0 +1 @@ +@=iF>*>E?x?x?E?">iF>@= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/model.mlir new file mode 100644 index 0000000..7f1f6c4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/model.mlir @@ -0,0 +1,33 @@ +module { + func.func @test_hammingwindow_symmetric_expanded(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.543478251> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.456521749> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<6.28318548> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Sub"(%7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %10 = torch.operator "onnx.Cast"(%9) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Sub"(%4, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Mul"(%7, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %13 = torch.operator "onnx.Mul"(%8, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Add"(%12, %13) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %15 = torch.operator "onnx.Div"(%6, %14) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %16 = torch.operator "onnx.Range"(%3, %7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %17 = torch.operator "onnx.Mul"(%16, %15) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %18 = torch.operator "onnx.Mul"(%17, %5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %19 = torch.operator "onnx.Cos"(%18) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %20 = torch.operator "onnx.Mul"(%2, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %21 = torch.operator "onnx.Cos"(%17) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %22 = torch.operator "onnx.Mul"(%1, %21) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %23 = torch.operator "onnx.Sub"(%0, %22) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %24 = torch.operator "onnx.Add"(%23, %20) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %25 = torch.operator "onnx.Cast"(%24) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[10],f32> + return %25 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/output_0.bin new file mode 100644 index 0000000..3ab940a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/output_0.bin @@ -0,0 +1 @@ +@=iF>*>E?x?x?E?">iF>@= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hammingwindow_symmetric_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hannwindow/input_0.bin b/onnx-ops/onnx/node/generated/test_hannwindow/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hannwindow/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hannwindow/model.mlir b/onnx-ops/onnx/node/generated/test_hannwindow/model.mlir new file mode 100644 index 0000000..240a5ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hannwindow/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hannwindow(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HannWindow"(%arg0) : (!torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> + return %0 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hannwindow/output_0.bin b/onnx-ops/onnx/node/generated/test_hannwindow/output_0.bin new file mode 100644 index 0000000..feaaf16 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hannwindow/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hannwindow/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hannwindow/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hannwindow/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_hannwindow_expanded/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hannwindow_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_hannwindow_expanded/model.mlir new file mode 100644 index 0000000..e4b89a1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hannwindow_expanded/model.mlir @@ -0,0 +1,33 @@ +module { + func.func @test_hannwindow_expanded(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<6.28318548> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Sub"(%7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 1 : si64} : () -> !torch.vtensor<[],si64> + %10 = torch.operator "onnx.Cast"(%9) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Sub"(%4, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Mul"(%7, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %13 = torch.operator "onnx.Mul"(%8, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Add"(%12, %13) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %15 = torch.operator "onnx.Div"(%6, %14) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %16 = torch.operator "onnx.Range"(%3, %7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %17 = torch.operator "onnx.Mul"(%16, %15) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %18 = torch.operator "onnx.Mul"(%17, %5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %19 = torch.operator "onnx.Cos"(%18) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %20 = torch.operator "onnx.Mul"(%2, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %21 = torch.operator "onnx.Cos"(%17) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %22 = torch.operator "onnx.Mul"(%1, %21) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %23 = torch.operator "onnx.Sub"(%0, %22) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %24 = torch.operator "onnx.Add"(%23, %20) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %25 = torch.operator "onnx.Cast"(%24) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[10],f32> + return %25 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_hannwindow_expanded/output_0.bin new file mode 100644 index 0000000..feaaf16 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hannwindow_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hannwindow_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hannwindow_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/model.mlir b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/model.mlir new file mode 100644 index 0000000..150ec8b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hannwindow_symmetric(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HannWindow"(%arg0) {torch.onnx.periodic = 0 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> + return %0 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/output_0.bin new file mode 100644 index 0000000..e2d3292 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/model.mlir new file mode 100644 index 0000000..5053780 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/model.mlir @@ -0,0 +1,33 @@ +module { + func.func @test_hannwindow_symmetric_expanded(%arg0: !torch.vtensor<[],si32>) -> !torch.vtensor<[10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<5.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<6.28318548> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Sub"(%7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %9 = torch.operator "onnx.Constant"() {torch.onnx.value_int = 0 : si64} : () -> !torch.vtensor<[],si64> + %10 = torch.operator "onnx.Cast"(%9) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si64>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Sub"(%4, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Mul"(%7, %10) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %13 = torch.operator "onnx.Mul"(%8, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %14 = torch.operator "onnx.Add"(%12, %13) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %15 = torch.operator "onnx.Div"(%6, %14) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %16 = torch.operator "onnx.Range"(%3, %7, %4) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %17 = torch.operator "onnx.Mul"(%16, %15) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %18 = torch.operator "onnx.Mul"(%17, %5) : (!torch.vtensor<[?],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[?],f32> + %19 = torch.operator "onnx.Cos"(%18) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %20 = torch.operator "onnx.Mul"(%2, %19) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %21 = torch.operator "onnx.Cos"(%17) : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %22 = torch.operator "onnx.Mul"(%1, %21) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %23 = torch.operator "onnx.Sub"(%0, %22) : (!torch.vtensor<[],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %24 = torch.operator "onnx.Add"(%23, %20) : (!torch.vtensor<[?],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[?],f32> + %25 = torch.operator "onnx.Cast"(%24) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[?],f32>) -> !torch.vtensor<[10],f32> + return %25 : !torch.vtensor<[10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/output_0.bin new file mode 100644 index 0000000..e2d3292 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a5520a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hannwindow_symmetric_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i32=@input_0.bin +--expected_output=10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_0/input_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_axis_0/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_0/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_0/model.mlir b/onnx-ops/onnx/node/generated/test_hardmax_axis_0/model.mlir new file mode 100644 index 0000000..7cbafb4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardmax_axis_0(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Hardmax"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_0/output_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_axis_0/output_0.bin new file mode 100644 index 0000000..f9cca64 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_axis_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardmax_axis_0/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_0/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_1/input_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_axis_1/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_1/model.mlir b/onnx-ops/onnx/node/generated/test_hardmax_axis_1/model.mlir new file mode 100644 index 0000000..949cec4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardmax_axis_1(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Hardmax"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_1/output_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_axis_1/output_0.bin new file mode 100644 index 0000000..a97c076 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_axis_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardmax_axis_1/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_2/input_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_axis_2/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_2/model.mlir b/onnx-ops/onnx/node/generated/test_hardmax_axis_2/model.mlir new file mode 100644 index 0000000..e171750 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardmax_axis_2(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Hardmax"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_2/output_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_axis_2/output_0.bin new file mode 100644 index 0000000..e937a2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_axis_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_axis_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardmax_axis_2/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_axis_2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardmax_default_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_default_axis/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_default_axis/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardmax_default_axis/model.mlir b/onnx-ops/onnx/node/generated/test_hardmax_default_axis/model.mlir new file mode 100644 index 0000000..5b88f1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_default_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardmax_default_axis(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Hardmax"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardmax_default_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_default_axis/output_0.bin new file mode 100644 index 0000000..e937a2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_default_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_default_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardmax_default_axis/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_default_axis/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardmax_example/input_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_example/input_0.bin new file mode 100644 index 0000000..de4cd2e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_example/model.mlir b/onnx-ops/onnx/node/generated/test_hardmax_example/model.mlir new file mode 100644 index 0000000..ad311ba --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardmax_example(%arg0: !torch.vtensor<[4,4],f32>) -> !torch.vtensor<[4,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Hardmax"(%arg0) : (!torch.vtensor<[4,4],f32>) -> !torch.vtensor<[4,4],f32> + return %0 : !torch.vtensor<[4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardmax_example/output_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_example/output_0.bin new file mode 100644 index 0000000..7481816 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardmax_example/run_module_io_flags.txt new file mode 100644 index 0000000..32c08af --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4x4xf32=@input_0.bin +--expected_output=4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/model.mlir b/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/model.mlir new file mode 100644 index 0000000..bff823f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardmax_negative_axis(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Hardmax"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/output_0.bin new file mode 100644 index 0000000..e937a2f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_negative_axis/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardmax_one_hot/input_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_one_hot/input_0.bin new file mode 100644 index 0000000..e283ba2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_one_hot/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_one_hot/model.mlir b/onnx-ops/onnx/node/generated/test_hardmax_one_hot/model.mlir new file mode 100644 index 0000000..2bf1250 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_one_hot/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardmax_one_hot(%arg0: !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[1,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Hardmax"(%arg0) : (!torch.vtensor<[1,4],f32>) -> !torch.vtensor<[1,4],f32> + return %0 : !torch.vtensor<[1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardmax_one_hot/output_0.bin b/onnx-ops/onnx/node/generated/test_hardmax_one_hot/output_0.bin new file mode 100644 index 0000000..00fa52d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardmax_one_hot/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardmax_one_hot/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardmax_one_hot/run_module_io_flags.txt new file mode 100644 index 0000000..c295108 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardmax_one_hot/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x4xf32=@input_0.bin +--expected_output=1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid/input_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid/model.mlir b/onnx-ops/onnx/node/generated/test_hardsigmoid/model.mlir new file mode 100644 index 0000000..c7a02cf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardsigmoid(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HardSigmoid"(%arg0) {torch.onnx.alpha = 5.000000e-01 : f32, torch.onnx.beta = 6.000000e-01 : f32} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid/output_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid/output_0.bin new file mode 100644 index 0000000..ad0a7dc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardsigmoid/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardsigmoid/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_default/input_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_default/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_default/model.mlir b/onnx-ops/onnx/node/generated/test_hardsigmoid_default/model.mlir new file mode 100644 index 0000000..481009a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardsigmoid_default(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HardSigmoid"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_default/output_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_default/output_0.bin new file mode 100644 index 0000000..24741ca Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardsigmoid_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardsigmoid_default/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/model.mlir new file mode 100644 index 0000000..7be8f52 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/model.mlir @@ -0,0 +1,19 @@ +module { + func.func @test_hardsigmoid_default_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 2.000000e-01 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 5.000000e-01 : f32} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Mul"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %9 = torch.operator "onnx.Add"(%8, %3) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %10 = torch.operator "onnx.Min"(%9, %7) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %11 = torch.operator "onnx.Max"(%10, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %11 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/output_0.bin new file mode 100644 index 0000000..24741ca Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_default_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_example/input_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardsigmoid_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_example/model.mlir b/onnx-ops/onnx/node/generated/test_hardsigmoid_example/model.mlir new file mode 100644 index 0000000..b16590a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardsigmoid_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HardSigmoid"(%arg0) {torch.onnx.alpha = 5.000000e-01 : f32, torch.onnx.beta = 6.000000e-01 : f32} : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_example/output_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_example/output_0.bin new file mode 100644 index 0000000..e94e7b7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardsigmoid_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardsigmoid_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/model.mlir new file mode 100644 index 0000000..41dab23 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/model.mlir @@ -0,0 +1,19 @@ +module { + func.func @test_hardsigmoid_example_expanded_ver18(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 5.000000e-01 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 6.000000e-01 : f32} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Mul"(%arg0, %1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + %9 = torch.operator "onnx.Add"(%8, %3) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + %10 = torch.operator "onnx.Min"(%9, %7) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + %11 = torch.operator "onnx.Max"(%10, %5) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + return %11 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/output_0.bin new file mode 100644 index 0000000..e94e7b7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_example_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/model.mlir new file mode 100644 index 0000000..c5bb1c7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/model.mlir @@ -0,0 +1,19 @@ +module { + func.func @test_hardsigmoid_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 5.000000e-01 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 6.000000e-01 : f32} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.CastLike"(%6, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %8 = torch.operator "onnx.Mul"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %9 = torch.operator "onnx.Add"(%8, %3) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %10 = torch.operator "onnx.Min"(%9, %7) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %11 = torch.operator "onnx.Max"(%10, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %11 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/output_0.bin new file mode 100644 index 0000000..ad0a7dc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardsigmoid_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardswish/input_0.bin b/onnx-ops/onnx/node/generated/test_hardswish/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardswish/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardswish/model.mlir b/onnx-ops/onnx/node/generated/test_hardswish/model.mlir new file mode 100644 index 0000000..65a740f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardswish/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_hardswish(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HardSwish"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardswish/output_0.bin b/onnx-ops/onnx/node/generated/test_hardswish/output_0.bin new file mode 100644 index 0000000..14947b5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardswish/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardswish/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardswish/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardswish/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_hardswish_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_hardswish_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardswish_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_hardswish_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_hardswish_expanded/model.mlir new file mode 100644 index 0000000..b7b10a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardswish_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_hardswish_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.HardSigmoid"(%arg0) {torch.onnx.alpha = 0.166666672 : f32, torch.onnx.beta = 5.000000e-01 : f32} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %1 = torch.operator "onnx.Mul"(%arg0, %0) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %1 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_hardswish_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_hardswish_expanded/output_0.bin new file mode 100644 index 0000000..14947b5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_hardswish_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_hardswish_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_hardswish_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_hardswish_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_identity/input_0.bin b/onnx-ops/onnx/node/generated/test_identity/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_identity/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_identity/model.mlir b/onnx-ops/onnx/node/generated/test_identity/model.mlir new file mode 100644 index 0000000..9e8a4bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_identity/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_identity(%arg0: !torch.vtensor<[1,1,2,2],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Identity"(%arg0) : (!torch.vtensor<[1,1,2,2],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_identity/output_0.bin b/onnx-ops/onnx/node/generated/test_identity/output_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_identity/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_identity/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_identity/run_module_io_flags.txt new file mode 100644 index 0000000..0115f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_identity/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x2x2xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_if/input_0.bin b/onnx-ops/onnx/node/generated/test_if/input_0.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_if/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_if/model.mlir b/onnx-ops/onnx/node/generated/test_if/model.mlir new file mode 100644 index 0000000..488fd4c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_if/model.mlir @@ -0,0 +1,23 @@ +module { + func.func @test_if(%arg0: !torch.vtensor<[],i1>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.If"(%arg0) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[5],f32> { + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense_resource<_> : tensor<5xf32>} : () -> !torch.vtensor<[5],f32> + torch.operator_terminator %1 : !torch.vtensor<[5],f32> + }, { + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense_resource<__1> : tensor<5xf32>} : () -> !torch.vtensor<[5],f32> + torch.operator_terminator %1 : !torch.vtensor<[5],f32> + } + return %0 : !torch.vtensor<[5],f32> + } +} + +{-# + dialect_resources: { + builtin: { + _: "0x080000000000A0400000804000004040000000400000803F", + __1: "0x080000000000803F0000004000004040000080400000A040" + } + } +#-} + diff --git a/onnx-ops/onnx/node/generated/test_if/output_0.bin b/onnx-ops/onnx/node/generated/test_if/output_0.bin new file mode 100644 index 0000000..08dd076 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_if/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_if/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_if/run_module_io_flags.txt new file mode 100644 index 0000000..7e0df14 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_if/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=i1=@input_0.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/input_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/input_0.bin new file mode 100644 index 0000000..18d1e48 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/model.mlir b/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/model.mlir new file mode 100644 index 0000000..0218699 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_image_decoder_decode_bmp_rgb(%arg0: !torch.vtensor<[3126],ui8>) -> !torch.vtensor<[32,32,3],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "RGB"} : (!torch.vtensor<[3126],ui8>) -> !torch.vtensor<[32,32,3],ui8> + return %0 : !torch.vtensor<[32,32,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/output_0.bin new file mode 100644 index 0000000..2077fd4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/run_module_io_flags.txt new file mode 100644 index 0000000..90e9071 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_bmp_rgb/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3126xi8=@input_0.bin +--expected_output=32x32x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/input_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/input_0.bin new file mode 100644 index 0000000..35c69f5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/model.mlir b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/model.mlir new file mode 100644 index 0000000..8343dbb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_image_decoder_decode_jpeg2k_rgb(%arg0: !torch.vtensor<[1887],ui8>) -> !torch.vtensor<[32,32,3],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "RGB"} : (!torch.vtensor<[1887],ui8>) -> !torch.vtensor<[32,32,3],ui8> + return %0 : !torch.vtensor<[32,32,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/output_0.bin new file mode 100644 index 0000000..2077fd4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/run_module_io_flags.txt new file mode 100644 index 0000000..96ec6c2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg2k_rgb/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1887xi8=@input_0.bin +--expected_output=32x32x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/input_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/input_0.bin new file mode 100644 index 0000000..0c8d896 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/model.mlir b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/model.mlir new file mode 100644 index 0000000..698568c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_image_decoder_decode_jpeg_bgr(%arg0: !torch.vtensor<[1058],ui8>) -> !torch.vtensor<[32,32,3],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "BGR"} : (!torch.vtensor<[1058],ui8>) -> !torch.vtensor<[32,32,3],ui8> + return %0 : !torch.vtensor<[32,32,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/output_0.bin new file mode 100644 index 0000000..f1275cf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/run_module_io_flags.txt new file mode 100644 index 0000000..a5d8e7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_bgr/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1058xi8=@input_0.bin +--expected_output=32x32x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/input_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/input_0.bin new file mode 100644 index 0000000..0c8d896 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/model.mlir b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/model.mlir new file mode 100644 index 0000000..4c11614 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_image_decoder_decode_jpeg_grayscale(%arg0: !torch.vtensor<[1058],ui8>) -> !torch.vtensor<[32,32,1],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "Grayscale"} : (!torch.vtensor<[1058],ui8>) -> !torch.vtensor<[32,32,1],ui8> + return %0 : !torch.vtensor<[32,32,1],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/output_0.bin new file mode 100644 index 0000000..7c524a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_grayscale/output_0.bin @@ -0,0 +1,10 @@ +0?3=-|pskw;5<=Azgvws<388:vnuzr ;E4='s|oqu D5(=Lpwfls7454.VTWW[XY]XZimVYpĬmbbmj8566-PKMPX\_d_]hZavff_dfb31692UPQGSZ_a^ZcegY\`mgY`5863:IQOKQbdXZbedj^`fh\jW /32/7GOMQF[`^d\f^cbpjmcma6:96=LSQTOx̾}y{ +69849GLIGC|ryyzw +6;:6) -> !torch.vtensor<[32,32,3],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "RGB"} : (!torch.vtensor<[1058],ui8>) -> !torch.vtensor<[32,32,3],ui8> + return %0 : !torch.vtensor<[32,32,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_rgb/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_rgb/output_0.bin new file mode 100644 index 0000000..2c684eb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_rgb/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_rgb/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_rgb/run_module_io_flags.txt new file mode 100644 index 0000000..a5d8e7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_jpeg_rgb/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1058xi8=@input_0.bin +--expected_output=32x32x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/input_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/input_0.bin new file mode 100644 index 0000000..7799f4a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/model.mlir b/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/model.mlir new file mode 100644 index 0000000..9357f86 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_image_decoder_decode_png_rgb(%arg0: !torch.vtensor<[312],ui8>) -> !torch.vtensor<[32,32,3],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "RGB"} : (!torch.vtensor<[312],ui8>) -> !torch.vtensor<[32,32,3],ui8> + return %0 : !torch.vtensor<[32,32,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/output_0.bin new file mode 100644 index 0000000..2077fd4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/run_module_io_flags.txt new file mode 100644 index 0000000..253d561 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_png_rgb/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=312xi8=@input_0.bin +--expected_output=32x32x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/input_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/input_0.bin new file mode 100644 index 0000000..b38e7c6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/model.mlir b/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/model.mlir new file mode 100644 index 0000000..79cf12a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_image_decoder_decode_pnm_rgb(%arg0: !torch.vtensor<[3085],ui8>) -> !torch.vtensor<[32,32,3],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "RGB"} : (!torch.vtensor<[3085],ui8>) -> !torch.vtensor<[32,32,3],ui8> + return %0 : !torch.vtensor<[32,32,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/output_0.bin new file mode 100644 index 0000000..2077fd4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/run_module_io_flags.txt new file mode 100644 index 0000000..08a1312 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_pnm_rgb/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3085xi8=@input_0.bin +--expected_output=32x32x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/input_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/input_0.bin new file mode 100644 index 0000000..a5b97c3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/model.mlir b/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/model.mlir new file mode 100644 index 0000000..6a97299 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_image_decoder_decode_tiff_rgb(%arg0: !torch.vtensor<[3212],ui8>) -> !torch.vtensor<[32,32,3],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "RGB"} : (!torch.vtensor<[3212],ui8>) -> !torch.vtensor<[32,32,3],ui8> + return %0 : !torch.vtensor<[32,32,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/output_0.bin new file mode 100644 index 0000000..2077fd4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/run_module_io_flags.txt new file mode 100644 index 0000000..2b740cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_tiff_rgb/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3212xi8=@input_0.bin +--expected_output=32x32x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/input_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/input_0.bin new file mode 100644 index 0000000..a8a0f22 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/model.mlir b/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/model.mlir new file mode 100644 index 0000000..960cfe7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_image_decoder_decode_webp_rgb(%arg0: !torch.vtensor<[552],ui8>) -> !torch.vtensor<[32,32,3],ui8> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ImageDecoder"(%arg0) {torch.onnx.pixel_format = "RGB"} : (!torch.vtensor<[552],ui8>) -> !torch.vtensor<[32,32,3],ui8> + return %0 : !torch.vtensor<[32,32,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/output_0.bin b/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/output_0.bin new file mode 100644 index 0000000..e7eba19 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/run_module_io_flags.txt new file mode 100644 index 0000000..27247f6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_image_decoder_decode_webp_rgb/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=552xi8=@input_0.bin +--expected_output=32x32x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_1.bin new file mode 100644 index 0000000..cb5076f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_1.bin @@ -0,0 +1 @@ +ٺ>*> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_2.bin new file mode 100644 index 0000000..7624ff8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/input_2.bin @@ -0,0 +1 @@ +ǩ?319 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/model.mlir new file mode 100644 index 0000000..238149c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_instancenorm_epsilon(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>) -> !torch.vtensor<[2,3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.InstanceNormalization"(%arg0, %arg1, %arg2) {torch.onnx.epsilon = 0.00999999977 : f32} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[2,3,4,5],f32> + return %0 : !torch.vtensor<[2,3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/output_0.bin new file mode 100644 index 0000000..1f62886 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..e9398f9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_instancenorm_epsilon/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_example/input_0.bin b/onnx-ops/onnx/node/generated/test_instancenorm_example/input_0.bin new file mode 100644 index 0000000..376d327 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_instancenorm_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_example/input_1.bin b/onnx-ops/onnx/node/generated/test_instancenorm_example/input_1.bin new file mode 100644 index 0000000..d1f3e9b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_instancenorm_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_example/input_2.bin b/onnx-ops/onnx/node/generated/test_instancenorm_example/input_2.bin new file mode 100644 index 0000000..3ce6484 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_instancenorm_example/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_example/model.mlir b/onnx-ops/onnx/node/generated/test_instancenorm_example/model.mlir new file mode 100644 index 0000000..085d8f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_instancenorm_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_instancenorm_example(%arg0: !torch.vtensor<[1,2,1,3],f32>, %arg1: !torch.vtensor<[2],f32>, %arg2: !torch.vtensor<[2],f32>) -> !torch.vtensor<[1,2,1,3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.InstanceNormalization"(%arg0, %arg1, %arg2) : (!torch.vtensor<[1,2,1,3],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[1,2,1,3],f32> + return %0 : !torch.vtensor<[1,2,1,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_example/output_0.bin b/onnx-ops/onnx/node/generated/test_instancenorm_example/output_0.bin new file mode 100644 index 0000000..1b58206 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_instancenorm_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_instancenorm_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_instancenorm_example/run_module_io_flags.txt new file mode 100644 index 0000000..bd06a97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_instancenorm_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x2x1x3xf32=@input_0.bin +--input=2xf32=@input_1.bin +--input=2xf32=@input_2.bin +--expected_output=1x2x1x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_isinf/input_0.bin b/onnx-ops/onnx/node/generated/test_isinf/input_0.bin new file mode 100644 index 0000000..018dc18 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isinf/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isinf/model.mlir b/onnx-ops/onnx/node/generated/test_isinf/model.mlir new file mode 100644 index 0000000..c9c5796 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isinf/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_isinf(%arg0: !torch.vtensor<[6],f32>) -> !torch.vtensor<[6],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.IsInf"(%arg0) : (!torch.vtensor<[6],f32>) -> !torch.vtensor<[6],i1> + return %0 : !torch.vtensor<[6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_isinf/output_0.bin b/onnx-ops/onnx/node/generated/test_isinf/output_0.bin new file mode 100644 index 0000000..22618a2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isinf/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isinf/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_isinf/run_module_io_flags.txt new file mode 100644 index 0000000..2cc6315 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isinf/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=6xf32=@input_0.bin +--expected_output=6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_isinf_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_isinf_float16/input_0.bin new file mode 100644 index 0000000..229e852 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isinf_float16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isinf_float16/model.mlir b/onnx-ops/onnx/node/generated/test_isinf_float16/model.mlir new file mode 100644 index 0000000..5a3f91c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isinf_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_isinf_float16(%arg0: !torch.vtensor<[6],f16>) -> !torch.vtensor<[6],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.IsInf"(%arg0) : (!torch.vtensor<[6],f16>) -> !torch.vtensor<[6],i1> + return %0 : !torch.vtensor<[6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_isinf_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_isinf_float16/output_0.bin new file mode 100644 index 0000000..22618a2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isinf_float16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isinf_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_isinf_float16/run_module_io_flags.txt new file mode 100644 index 0000000..bb28f83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isinf_float16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=6xf16=@input_0.bin +--expected_output=6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_isinf_negative/input_0.bin b/onnx-ops/onnx/node/generated/test_isinf_negative/input_0.bin new file mode 100644 index 0000000..088dccb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isinf_negative/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isinf_negative/model.mlir b/onnx-ops/onnx/node/generated/test_isinf_negative/model.mlir new file mode 100644 index 0000000..4c9507a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isinf_negative/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_isinf_negative(%arg0: !torch.vtensor<[6],f32>) -> !torch.vtensor<[6],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.IsInf"(%arg0) {torch.onnx.detect_positive = 0 : si64} : (!torch.vtensor<[6],f32>) -> !torch.vtensor<[6],i1> + return %0 : !torch.vtensor<[6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_isinf_negative/output_0.bin b/onnx-ops/onnx/node/generated/test_isinf_negative/output_0.bin new file mode 100644 index 0000000..b4afa76 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isinf_negative/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isinf_negative/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_isinf_negative/run_module_io_flags.txt new file mode 100644 index 0000000..2cc6315 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isinf_negative/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=6xf32=@input_0.bin +--expected_output=6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_isinf_positive/input_0.bin b/onnx-ops/onnx/node/generated/test_isinf_positive/input_0.bin new file mode 100644 index 0000000..e462f8b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isinf_positive/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isinf_positive/model.mlir b/onnx-ops/onnx/node/generated/test_isinf_positive/model.mlir new file mode 100644 index 0000000..52fe93b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isinf_positive/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_isinf_positive(%arg0: !torch.vtensor<[6],f32>) -> !torch.vtensor<[6],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.IsInf"(%arg0) {torch.onnx.detect_negative = 0 : si64} : (!torch.vtensor<[6],f32>) -> !torch.vtensor<[6],i1> + return %0 : !torch.vtensor<[6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_isinf_positive/output_0.bin b/onnx-ops/onnx/node/generated/test_isinf_positive/output_0.bin new file mode 100644 index 0000000..c0f2977 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isinf_positive/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isinf_positive/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_isinf_positive/run_module_io_flags.txt new file mode 100644 index 0000000..2cc6315 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isinf_positive/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=6xf32=@input_0.bin +--expected_output=6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_isnan/input_0.bin b/onnx-ops/onnx/node/generated/test_isnan/input_0.bin new file mode 100644 index 0000000..018dc18 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isnan/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isnan/model.mlir b/onnx-ops/onnx/node/generated/test_isnan/model.mlir new file mode 100644 index 0000000..fc6b99e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isnan/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_isnan(%arg0: !torch.vtensor<[6],f32>) -> !torch.vtensor<[6],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.IsNaN"(%arg0) : (!torch.vtensor<[6],f32>) -> !torch.vtensor<[6],i1> + return %0 : !torch.vtensor<[6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_isnan/output_0.bin b/onnx-ops/onnx/node/generated/test_isnan/output_0.bin new file mode 100644 index 0000000..654be01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isnan/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isnan/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_isnan/run_module_io_flags.txt new file mode 100644 index 0000000..2cc6315 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isnan/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=6xf32=@input_0.bin +--expected_output=6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_isnan_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_isnan_float16/input_0.bin new file mode 100644 index 0000000..229e852 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isnan_float16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isnan_float16/model.mlir b/onnx-ops/onnx/node/generated/test_isnan_float16/model.mlir new file mode 100644 index 0000000..56c7a63 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isnan_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_isnan_float16(%arg0: !torch.vtensor<[6],f16>) -> !torch.vtensor<[6],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.IsNaN"(%arg0) : (!torch.vtensor<[6],f16>) -> !torch.vtensor<[6],i1> + return %0 : !torch.vtensor<[6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_isnan_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_isnan_float16/output_0.bin new file mode 100644 index 0000000..654be01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_isnan_float16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_isnan_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_isnan_float16/run_module_io_flags.txt new file mode 100644 index 0000000..bb28f83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_isnan_float16/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=6xf16=@input_0.bin +--expected_output=6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_1.bin new file mode 100644 index 0000000..d93a86d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_1.bin @@ -0,0 +1 @@ +^B?0= B>]ת>=?RiJ>Z/d#S'?K]?= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_2.bin new file mode 100644 index 0000000..b7c3044 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/input_2.bin @@ -0,0 +1 @@ +C@(Hm;= ?2??>>Ec! > \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/model.mlir new file mode 100644 index 0000000..023c6d4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_2d_axis0(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,4],f32>, !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/output_0.bin new file mode 100644 index 0000000..4d22d82 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0/output_0.bin @@ -0,0 +1 @@ +F@h >^>V@./?d>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/input_1.bin new file mode 100644 index 0000000..d93a86d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/input_1.bin @@ -0,0 +1 @@ +^B?0= B>]ת>=?RiJ>Z/d#S'?K]?= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/input_2.bin new file mode 100644 index 0000000..b7c3044 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/input_2.bin @@ -0,0 +1 @@ +C@(Hm;= ?2??>>Ec! > \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/model.mlir new file mode 100644 index 0000000..d664779 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_2d_axis0_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[2],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,12],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,12],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1],f32> + return %26, %28, %29 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/output_0.bin new file mode 100644 index 0000000..4d22d82 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded/output_0.bin @@ -0,0 +1 @@ +F@h >^>V@./?d>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/input_1.bin new file mode 100644 index 0000000..d93a86d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +^B?0= B>]ת>=?RiJ>Z/d#S'?K]?= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/input_2.bin new file mode 100644 index 0000000..b7c3044 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +C@(Hm;= ?2??>>Ec! > \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/model.mlir new file mode 100644 index 0000000..c841817 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_2d_axis0_expanded_ver18(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[2],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,12],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,12],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1],f32> + return %27, %29, %30 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/output_0.bin new file mode 100644 index 0000000..4d22d82 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis0_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +F@h >^>V@./?d>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/input_1.bin new file mode 100644 index 0000000..621b9c0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/input_2.bin new file mode 100644 index 0000000..b41c69c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/input_2.bin @@ -0,0 +1 @@ +35>;;Wп> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/model.mlir new file mode 100644 index 0000000..ed9edd7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_2d_axis1(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[4],f32>, !torch.vtensor<[4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_0.bin new file mode 100644 index 0000000..f3813f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_0.bin @@ -0,0 +1 @@ +U`Ӡ=p-ܿ69p=?U?GU \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_1.bin new file mode 100644 index 0000000..6ce98d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_1.bin @@ -0,0 +1 @@ +lH?1>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_2.bin new file mode 100644 index 0000000..4e5e511 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/output_2.bin @@ -0,0 +1 @@ +ɴ?Lm?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/run_module_io_flags.txt new file mode 100644 index 0000000..e2e3f69 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=3x1xf32=@output_1.bin +--expected_output=3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_1.bin new file mode 100644 index 0000000..621b9c0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_2.bin new file mode 100644 index 0000000..b41c69c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/input_2.bin @@ -0,0 +1 @@ +35>;;Wп> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/model.mlir new file mode 100644 index 0000000..85a4bd7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_2d_axis1_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[2],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,4],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,4],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[1,4],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[1,4],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,1],f32> + return %26, %28, %29 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_0.bin new file mode 100644 index 0000000..f3813f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_0.bin @@ -0,0 +1 @@ +U`Ӡ=p-ܿ69p=?U?GU \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_1.bin new file mode 100644 index 0000000..6ce98d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_1.bin @@ -0,0 +1 @@ +lH?1>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_2.bin new file mode 100644 index 0000000..4e5e511 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/output_2.bin @@ -0,0 +1 @@ +ɴ?Lm?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..e2e3f69 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=3x1xf32=@output_1.bin +--expected_output=3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_1.bin new file mode 100644 index 0000000..621b9c0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_2.bin new file mode 100644 index 0000000..b41c69c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +35>;;Wп> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/model.mlir new file mode 100644 index 0000000..593f397 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_2d_axis1_expanded_ver18(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[2],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,4],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,4],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[1,4],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[1,4],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,1],f32> + return %27, %29, %30 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_0.bin new file mode 100644 index 0000000..f3813f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +U`Ӡ=p-ܿ69p=?U?GU \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_1.bin new file mode 100644 index 0000000..6ce98d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +lH?1>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_2.bin new file mode 100644 index 0000000..4e5e511 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +ɴ?Lm?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..e2e3f69 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis1_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=3x1xf32=@output_1.bin +--expected_output=3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_1.bin new file mode 100644 index 0000000..4ea08fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_1.bin @@ -0,0 +1 @@ +DhT=:?> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_2.bin new file mode 100644 index 0000000..b9ff955 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/input_2.bin @@ -0,0 +1 @@ +ב?>O/ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/model.mlir new file mode 100644 index 0000000..0f6706c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_2d_axis_negative_1(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[4],f32>, !torch.vtensor<[4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_0.bin new file mode 100644 index 0000000..12a3f8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_1.bin new file mode 100644 index 0000000..6ce98d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_1.bin @@ -0,0 +1 @@ +lH?1>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_2.bin new file mode 100644 index 0000000..4e5e511 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/output_2.bin @@ -0,0 +1 @@ +ɴ?Lm?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/run_module_io_flags.txt new file mode 100644 index 0000000..e2e3f69 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=3x1xf32=@output_1.bin +--expected_output=3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_1.bin new file mode 100644 index 0000000..4ea08fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_1.bin @@ -0,0 +1 @@ +DhT=:?> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_2.bin new file mode 100644 index 0000000..b9ff955 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/input_2.bin @@ -0,0 +1 @@ +ב?>O/ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/model.mlir new file mode 100644 index 0000000..8d4e76a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_2d_axis_negative_1_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[2],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,4],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,4],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[1,4],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[1,4],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[3,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[3,1],f32> + return %26, %28, %29 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_0.bin new file mode 100644 index 0000000..12a3f8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_1.bin new file mode 100644 index 0000000..6ce98d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_1.bin @@ -0,0 +1 @@ +lH?1>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_2.bin new file mode 100644 index 0000000..4e5e511 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/output_2.bin @@ -0,0 +1 @@ +ɴ?Lm?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..e2e3f69 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=3x1xf32=@output_1.bin +--expected_output=3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_1.bin new file mode 100644 index 0000000..4ea08fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +DhT=:?> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_2.bin new file mode 100644 index 0000000..b9ff955 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +ב?>O/ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/model.mlir new file mode 100644 index 0000000..3b6ff07 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_2d_axis_negative_1_expanded_ver18(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[2],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,4],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,4],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[3,4],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[1,4],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[1,4],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,4],f32>) -> !torch.vtensor<[3,4],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[3,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[3,1],f32> + return %27, %29, %30 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[3,1],f32>, !torch.vtensor<[3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_0.bin new file mode 100644 index 0000000..12a3f8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_1.bin new file mode 100644 index 0000000..6ce98d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +lH?1>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_2.bin new file mode 100644 index 0000000..4e5e511 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +ɴ?Lm?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..e2e3f69 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_1_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=3x1xf32=@output_1.bin +--expected_output=3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_1.bin new file mode 100644 index 0000000..35eed44 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_1.bin @@ -0,0 +1 @@ +*z??Oƾmǚ6&õgڿ?xFKྙ[ G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_2.bin new file mode 100644 index 0000000..2af0bb2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/input_2.bin @@ -0,0 +1 @@ +4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/model.mlir new file mode 100644 index 0000000..256b3aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_2d_axis_negative_2(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,4],f32>, !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_0.bin new file mode 100644 index 0000000..5cfd6b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_0.bin @@ -0,0 +1 @@ +ׄa*~$(ѽ^2俽ż?0;k ?>m>>m> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_1.bin new file mode 100644 index 0000000..7201847 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_1.bin @@ -0,0 +1 @@ +ي?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_2.bin new file mode 100644 index 0000000..7c49a12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/output_2.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/run_module_io_flags.txt new file mode 100644 index 0000000..d23664d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=3x4xf32=@input_1.bin +--input=3x4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=1x1xf32=@output_1.bin +--expected_output=1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_1.bin new file mode 100644 index 0000000..35eed44 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_1.bin @@ -0,0 +1 @@ +*z??Oƾmǚ6&õgڿ?xFKྙ[ G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_2.bin new file mode 100644 index 0000000..2af0bb2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/input_2.bin @@ -0,0 +1 @@ +4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/model.mlir new file mode 100644 index 0000000..eddeacf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_2d_axis_negative_2_expanded(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[2],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,12],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,12],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1],f32> + return %26, %28, %29 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_0.bin new file mode 100644 index 0000000..5cfd6b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_0.bin @@ -0,0 +1 @@ +ׄa*~$(ѽ^2俽ż?0;k ?>m>>m> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_1.bin new file mode 100644 index 0000000..7201847 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_1.bin @@ -0,0 +1 @@ +ي?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_2.bin new file mode 100644 index 0000000..7c49a12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/output_2.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..d23664d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=3x4xf32=@input_1.bin +--input=3x4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=1x1xf32=@output_1.bin +--expected_output=1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_1.bin new file mode 100644 index 0000000..35eed44 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +*z??Oƾmǚ6&õgڿ?xFKྙ[ G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_2.bin new file mode 100644 index 0000000..2af0bb2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/model.mlir new file mode 100644 index 0000000..26f3dc5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_2d_axis_negative_2_expanded_ver18(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3,4],f32>) -> (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[2],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[2],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,12],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,12],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>) -> !torch.vtensor<[1,12],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[1,12],f32>) -> !torch.vtensor<[1,12],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[1,12],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,4],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1],f32> + return %27, %29, %30 : !torch.vtensor<[3,4],f32>, !torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_0.bin new file mode 100644 index 0000000..5cfd6b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +ׄa*~$(ѽ^2俽ż?0;k ?>m>>m> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_1.bin new file mode 100644 index 0000000..7201847 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +ي?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_2.bin new file mode 100644 index 0000000..7c49a12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..d23664d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_2d_axis_negative_2_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=3x4xf32=@input_0.bin +--input=3x4xf32=@input_1.bin +--input=3x4xf32=@input_2.bin +--expected_output=3x4xf32=@output_0.bin +--expected_output=1x1xf32=@output_1.bin +--expected_output=1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_1.bin new file mode 100644 index 0000000..d95a3b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_1.bin @@ -0,0 +1 @@ +>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_2.bin new file mode 100644 index 0000000..1171e7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/input_2.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/model.mlir new file mode 100644 index 0000000..a2d38c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_3d_axis0_epsilon(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[2,3,5],f32>, %arg2: !torch.vtensor<[2,3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64, torch.onnx.epsilon = 1.000000e-01 : f32} : (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_0.bin new file mode 100644 index 0000000..37fa17e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_1.bin new file mode 100644 index 0000000..45dedad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_1.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_2.bin new file mode 100644 index 0000000..c6e510e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/output_2.bin @@ -0,0 +1 @@ +p!c? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..150e5f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=2x3x5xf32=@input_1.bin +--input=2x3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=1x1x1xf32=@output_1.bin +--expected_output=1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_1.bin new file mode 100644 index 0000000..d95a3b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_1.bin @@ -0,0 +1 @@ +>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_2.bin new file mode 100644 index 0000000..1171e7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/input_2.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/model.mlir new file mode 100644 index 0000000..16d3f99 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_3d_axis0_epsilon_expanded(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[2,3,5],f32>, %arg2: !torch.vtensor<[2,3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,30],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,30],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_0.bin new file mode 100644 index 0000000..37fa17e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_1.bin new file mode 100644 index 0000000..45dedad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_1.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_2.bin new file mode 100644 index 0000000..c6e510e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/output_2.bin @@ -0,0 +1 @@ +p!c? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..150e5f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=2x3x5xf32=@input_1.bin +--input=2x3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=1x1x1xf32=@output_1.bin +--expected_output=1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_1.bin new file mode 100644 index 0000000..d95a3b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_2.bin new file mode 100644 index 0000000..1171e7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/model.mlir new file mode 100644 index 0000000..42d897c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_3d_axis0_epsilon_expanded_ver18(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[2,3,5],f32>, %arg2: !torch.vtensor<[2,3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,30],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,30],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_0.bin new file mode 100644 index 0000000..37fa17e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_1.bin new file mode 100644 index 0000000..45dedad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_2.bin new file mode 100644 index 0000000..c6e510e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +p!c? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..150e5f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis0_epsilon_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=2x3x5xf32=@input_1.bin +--input=2x3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=1x1x1xf32=@output_1.bin +--expected_output=1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_1.bin new file mode 100644 index 0000000..ab4a2f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_1.bin @@ -0,0 +1 @@ +A‹N?A>zSzɽ)5?2;A)?> s?N=ۜ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_2.bin new file mode 100644 index 0000000..127c419 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/input_2.bin @@ -0,0 +1 @@ +,(X?ſ\?MF>gk?E0>@Y[?&b|.?AMV0;t0< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/model.mlir new file mode 100644 index 0000000..9cdcd72 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_3d_axis1_epsilon(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[3,5],f32>, %arg2: !torch.vtensor<[3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64, torch.onnx.epsilon = 1.000000e-01 : f32} : (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[3,5],f32>, !torch.vtensor<[3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_0.bin new file mode 100644 index 0000000..f2b06e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_0.bin @@ -0,0 +1 @@ +F?C?ſĢt[I@>4x @l%?u?N>Vf k{?ӀW?@{>LV?>{??g䉎?|>w@48?>&L>߿??8fz  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_1.bin new file mode 100644 index 0000000..5f1e5e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_1.bin @@ -0,0 +1 @@ +/?7yK> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_2.bin new file mode 100644 index 0000000..5936f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/output_2.bin @@ -0,0 +1 @@ +>?KI? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..5e23aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=3x5xf32=@input_1.bin +--input=3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x1x1xf32=@output_1.bin +--expected_output=2x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_1.bin new file mode 100644 index 0000000..ab4a2f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_1.bin @@ -0,0 +1 @@ +A‹N?A>zSzɽ)5?2;A)?> s?N=ۜ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_2.bin new file mode 100644 index 0000000..127c419 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/input_2.bin @@ -0,0 +1 @@ +,(X?ſ\?MF>gk?E0>@Y[?&b|.?AMV0;t0< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/model.mlir new file mode 100644 index 0000000..9fcf2c7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_3d_axis1_epsilon_expanded(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[3,5],f32>, %arg2: !torch.vtensor<[3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[2,15],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,15],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,15],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[1,15],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1,15],f32>) -> !torch.vtensor<[2,15],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[1,15],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1,15],f32>) -> !torch.vtensor<[2,15],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_0.bin new file mode 100644 index 0000000..f2b06e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_0.bin @@ -0,0 +1 @@ +F?C?ſĢt[I@>4x @l%?u?N>Vf k{?ӀW?@{>LV?>{??g䉎?|>w@48?>&L>߿??8fz  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_1.bin new file mode 100644 index 0000000..5f1e5e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_1.bin @@ -0,0 +1 @@ +/?7yK> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_2.bin new file mode 100644 index 0000000..5936f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/output_2.bin @@ -0,0 +1 @@ +>?KI? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..5e23aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=3x5xf32=@input_1.bin +--input=3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x1x1xf32=@output_1.bin +--expected_output=2x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_1.bin new file mode 100644 index 0000000..ab4a2f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +A‹N?A>zSzɽ)5?2;A)?> s?N=ۜ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_2.bin new file mode 100644 index 0000000..127c419 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +,(X?ſ\?MF>gk?E0>@Y[?&b|.?AMV0;t0< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/model.mlir new file mode 100644 index 0000000..2e59823 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_3d_axis1_epsilon_expanded_ver18(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[3,5],f32>, %arg2: !torch.vtensor<[3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[2,15],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,15],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,15],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[1,15],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1,15],f32>) -> !torch.vtensor<[2,15],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[1,15],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1,15],f32>) -> !torch.vtensor<[2,15],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_0.bin new file mode 100644 index 0000000..f2b06e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +F?C?ſĢt[I@>4x @l%?u?N>Vf k{?ӀW?@{>LV?>{??g䉎?|>w@48?>&L>߿??8fz  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_1.bin new file mode 100644 index 0000000..5f1e5e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +/?7yK> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_2.bin new file mode 100644 index 0000000..5936f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +>?KI? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..5e23aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis1_epsilon_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=3x5xf32=@input_1.bin +--input=3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x1x1xf32=@output_1.bin +--expected_output=2x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_1.bin new file mode 100644 index 0000000..a4b5c35 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_1.bin @@ -0,0 +1 @@ +|i?mj>LI?|;q \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_2.bin new file mode 100644 index 0000000..a40ec87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/input_2.bin @@ -0,0 +1 @@ + Ѿen- >@- \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/model.mlir new file mode 100644 index 0000000..a04963e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_3d_axis2_epsilon(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 2 : si64, torch.onnx.epsilon = 1.000000e-01 : f32} : (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[5],f32>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_0.bin new file mode 100644 index 0000000..f48d979 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_0.bin @@ -0,0 +1,2 @@ ++j:?׿7;><>@ .O>?4(@µ=>a>p)" @,?ص= +=?@0#RdX=?|‿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_1.bin new file mode 100644 index 0000000..eb2e009 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_1.bin @@ -0,0 +1 @@ +Ģ?}<(?C]>=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_2.bin new file mode 100644 index 0000000..61e42ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/output_2.bin @@ -0,0 +1 @@ +t?X??q??\? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..02d8007 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x3x1xf32=@output_1.bin +--expected_output=2x3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_1.bin new file mode 100644 index 0000000..a4b5c35 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_1.bin @@ -0,0 +1 @@ +|i?mj>LI?|;q \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_2.bin new file mode 100644 index 0000000..a40ec87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/input_2.bin @@ -0,0 +1 @@ + Ѿen- >@- \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/model.mlir new file mode 100644 index 0000000..6c74fb6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_3d_axis2_epsilon_expanded(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[6,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[6,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,5],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,5],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[6,5],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[6,5],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_0.bin new file mode 100644 index 0000000..f48d979 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_0.bin @@ -0,0 +1,2 @@ ++j:?׿7;><>@ .O>?4(@µ=>a>p)" @,?ص= +=?@0#RdX=?|‿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_1.bin new file mode 100644 index 0000000..eb2e009 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_1.bin @@ -0,0 +1 @@ +Ģ?}<(?C]>=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_2.bin new file mode 100644 index 0000000..61e42ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/output_2.bin @@ -0,0 +1 @@ +t?X??q??\? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..02d8007 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x3x1xf32=@output_1.bin +--expected_output=2x3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_1.bin new file mode 100644 index 0000000..a4b5c35 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +|i?mj>LI?|;q \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_2.bin new file mode 100644 index 0000000..a40ec87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/input_2.bin @@ -0,0 +1 @@ + Ѿen- >@- \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/model.mlir new file mode 100644 index 0000000..fe5fdb7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_3d_axis2_epsilon_expanded_ver18(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[6,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[6,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[6,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[6,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,5],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,5],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[6,5],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[6,5],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_0.bin new file mode 100644 index 0000000..f48d979 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_0.bin @@ -0,0 +1,2 @@ ++j:?׿7;><>@ .O>?4(@µ=>a>p)" @,?ص= +=?@0#RdX=?|‿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_1.bin new file mode 100644 index 0000000..eb2e009 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +Ģ?}<(?C]>=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_2.bin new file mode 100644 index 0000000..61e42ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +t?X??q??\? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..02d8007 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis2_epsilon_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x3x1xf32=@output_1.bin +--expected_output=2x3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_1.bin new file mode 100644 index 0000000..d055b7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_1.bin @@ -0,0 +1 @@ +иt$t\>8ſ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_2.bin new file mode 100644 index 0000000..3895218 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/input_2.bin @@ -0,0 +1 @@ +=@C >m>s \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/model.mlir new file mode 100644 index 0000000..2e69ab2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_1_epsilon(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -1 : si64, torch.onnx.epsilon = 1.000000e-01 : f32} : (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[5],f32>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_0.bin new file mode 100644 index 0000000..885c9e6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_1.bin new file mode 100644 index 0000000..eb2e009 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_1.bin @@ -0,0 +1 @@ +Ģ?}<(?C]>=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_2.bin new file mode 100644 index 0000000..61e42ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/output_2.bin @@ -0,0 +1 @@ +t?X??q??\? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..02d8007 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x3x1xf32=@output_1.bin +--expected_output=2x3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_1.bin new file mode 100644 index 0000000..d055b7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_1.bin @@ -0,0 +1 @@ +иt$t\>8ſ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_2.bin new file mode 100644 index 0000000..3895218 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/input_2.bin @@ -0,0 +1 @@ +=@C >m>s \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/model.mlir new file mode 100644 index 0000000..a2d102e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_1_epsilon_expanded(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[6,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[6,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,5],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,5],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[6,5],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[6,5],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_0.bin new file mode 100644 index 0000000..885c9e6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_1.bin new file mode 100644 index 0000000..eb2e009 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_1.bin @@ -0,0 +1 @@ +Ģ?}<(?C]>=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_2.bin new file mode 100644 index 0000000..61e42ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/output_2.bin @@ -0,0 +1 @@ +t?X??q??\? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..02d8007 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x3x1xf32=@output_1.bin +--expected_output=2x3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_1.bin new file mode 100644 index 0000000..d055b7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +иt$t\>8ſ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_2.bin new file mode 100644 index 0000000..3895218 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +=@C >m>s \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/model.mlir new file mode 100644 index 0000000..f0f5a8d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[6,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[6,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[6,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[6,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,5],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,5],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,5],f32>) -> !torch.vtensor<[6,5],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[6,5],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[6,5],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[6,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,1],f32>, !torch.vtensor<[2,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_0.bin new file mode 100644 index 0000000..885c9e6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_1.bin new file mode 100644 index 0000000..eb2e009 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +Ģ?}<(?C]>=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_2.bin new file mode 100644 index 0000000..61e42ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +t?X??q??\? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..02d8007 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x3x1xf32=@output_1.bin +--expected_output=2x3x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_1.bin new file mode 100644 index 0000000..545959f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_2.bin new file mode 100644 index 0000000..8b48c04 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/input_2.bin @@ -0,0 +1,2 @@ +ש/E?+R?ur +@Y?gu?]'?#?jοGǼɽ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/model.mlir new file mode 100644 index 0000000..d04c384 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_2_epsilon(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[3,5],f32>, %arg2: !torch.vtensor<[3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -2 : si64, torch.onnx.epsilon = 1.000000e-01 : f32} : (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[3,5],f32>, !torch.vtensor<[3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_0.bin new file mode 100644 index 0000000..559bf1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_0.bin @@ -0,0 +1,2 @@ +a3?f?ֿ +@3&@?<?&*>mc=mÁ?qJuc3Vk!?A?LkQ?͚F@v"A??J@=jg9r> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_1.bin new file mode 100644 index 0000000..5f1e5e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_1.bin @@ -0,0 +1 @@ +/?7yK> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_2.bin new file mode 100644 index 0000000..5936f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/output_2.bin @@ -0,0 +1 @@ +>?KI? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..5e23aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=3x5xf32=@input_1.bin +--input=3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x1x1xf32=@output_1.bin +--expected_output=2x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_1.bin new file mode 100644 index 0000000..545959f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_2.bin new file mode 100644 index 0000000..8b48c04 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/input_2.bin @@ -0,0 +1,2 @@ +ש/E?+R?ur +@Y?gu?]'?#?jοGǼɽ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/model.mlir new file mode 100644 index 0000000..3b37f4d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_2_epsilon_expanded(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[3,5],f32>, %arg2: !torch.vtensor<[3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[2,15],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,15],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,15],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[1,15],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1,15],f32>) -> !torch.vtensor<[2,15],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[1,15],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1,15],f32>) -> !torch.vtensor<[2,15],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_0.bin new file mode 100644 index 0000000..559bf1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_0.bin @@ -0,0 +1,2 @@ +a3?f?ֿ +@3&@?<?&*>mc=mÁ?qJuc3Vk!?A?LkQ?͚F@v"A??J@=jg9r> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_1.bin new file mode 100644 index 0000000..5f1e5e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_1.bin @@ -0,0 +1 @@ +/?7yK> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_2.bin new file mode 100644 index 0000000..5936f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/output_2.bin @@ -0,0 +1 @@ +>?KI? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..5e23aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=3x5xf32=@input_1.bin +--input=3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x1x1xf32=@output_1.bin +--expected_output=2x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_1.bin new file mode 100644 index 0000000..545959f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_2.bin new file mode 100644 index 0000000..8b48c04 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/input_2.bin @@ -0,0 +1,2 @@ +ש/E?+R?ur +@Y?gu?]'?#?jοGǼɽ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/model.mlir new file mode 100644 index 0000000..0ba6723 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[3,5],f32>, %arg2: !torch.vtensor<[3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[2,15],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,15],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,15],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,15],f32>) -> !torch.vtensor<[2,15],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[1,15],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1,15],f32>) -> !torch.vtensor<[2,15],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[1,15],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[1,15],f32>) -> !torch.vtensor<[2,15],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[2,15],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,1,1],f32>, !torch.vtensor<[2,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_0.bin new file mode 100644 index 0000000..559bf1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_0.bin @@ -0,0 +1,2 @@ +a3?f?ֿ +@3&@?<?&*>mc=mÁ?qJuc3Vk!?A?LkQ?͚F@v"A??J@=jg9r> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_1.bin new file mode 100644 index 0000000..5f1e5e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +/?7yK> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_2.bin new file mode 100644 index 0000000..5936f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +>?KI? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..5e23aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=3x5xf32=@input_1.bin +--input=3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=2x1x1xf32=@output_1.bin +--expected_output=2x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_1.bin new file mode 100644 index 0000000..d6ebdf8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_1.bin @@ -0,0 +1 @@ +5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_2.bin new file mode 100644 index 0000000..aa3f08a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/input_2.bin @@ -0,0 +1,2 @@ +ٺ>*>ǩ?319r޾?,?֞>8E< +?,`="*-?u?ELUd>q鋿᾿>u*>l"?r@hq?id?oT \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/model.mlir new file mode 100644 index 0000000..d83e7c7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_3_epsilon(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[2,3,5],f32>, %arg2: !torch.vtensor<[2,3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -3 : si64, torch.onnx.epsilon = 1.000000e-01 : f32} : (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[2,3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_0.bin new file mode 100644 index 0000000..9eb5f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_0.bin @@ -0,0 +1 @@ +Ľe>ԙ8@`yaܾbh?]?ں>t+9Fz| #>eC>ob>2>2Dl?;0vįtp?о?8> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_1.bin new file mode 100644 index 0000000..45dedad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_1.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_2.bin new file mode 100644 index 0000000..c6e510e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/output_2.bin @@ -0,0 +1 @@ +p!c? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/run_module_io_flags.txt new file mode 100644 index 0000000..150e5f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=2x3x5xf32=@input_1.bin +--input=2x3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=1x1x1xf32=@output_1.bin +--expected_output=1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_1.bin new file mode 100644 index 0000000..d6ebdf8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_1.bin @@ -0,0 +1 @@ +5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_2.bin new file mode 100644 index 0000000..aa3f08a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/input_2.bin @@ -0,0 +1,2 @@ +ٺ>*>ǩ?319r޾?,?֞>8E< +?,`="*-?u?ELUd>q鋿᾿>u*>l"?r@hq?id?oT \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/model.mlir new file mode 100644 index 0000000..2a73a1b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_3_epsilon_expanded(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[2,3,5],f32>, %arg2: !torch.vtensor<[2,3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-3> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -3 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,30],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,30],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_0.bin new file mode 100644 index 0000000..9eb5f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_0.bin @@ -0,0 +1 @@ +Ľe>ԙ8@`yaܾbh?]?ں>t+9Fz| #>eC>ob>2>2Dl?;0vįtp?о?8> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_1.bin new file mode 100644 index 0000000..45dedad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_1.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_2.bin new file mode 100644 index 0000000..c6e510e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/output_2.bin @@ -0,0 +1 @@ +p!c? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..150e5f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=2x3x5xf32=@input_1.bin +--input=2x3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=1x1x1xf32=@output_1.bin +--expected_output=1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_0.bin new file mode 100644 index 0000000..f168834 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_1.bin new file mode 100644 index 0000000..d6ebdf8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_2.bin new file mode 100644 index 0000000..aa3f08a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/input_2.bin @@ -0,0 +1,2 @@ +ٺ>*>ǩ?319r޾?,?֞>8E< +?,`="*-?u?ELUd>q鋿᾿>u*>l"?r@hq?id?oT \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/model.mlir new file mode 100644 index 0000000..d379c54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18(%arg0: !torch.vtensor<[2,3,5],f32>, %arg1: !torch.vtensor<[2,3,5],f32>, %arg2: !torch.vtensor<[2,3,5],f32>) -> (!torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e-01> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[3],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-3> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -3 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,30],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,30],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,5],f32>) -> !torch.vtensor<[1,30],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[1,30],f32>) -> !torch.vtensor<[1,30],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[1,30],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,3,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,5],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_0.bin new file mode 100644 index 0000000..9eb5f84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +Ľe>ԙ8@`yaܾbh?]?ں>t+9Fz| #>eC>ob>2>2Dl?;0vįtp?о?8> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_1.bin new file mode 100644 index 0000000..45dedad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_2.bin new file mode 100644 index 0000000..c6e510e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +p!c? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..150e5f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x5xf32=@input_0.bin +--input=2x3x5xf32=@input_1.bin +--input=2x3x5xf32=@input_2.bin +--expected_output=2x3x5xf32=@output_0.bin +--expected_output=1x1x1xf32=@output_1.bin +--expected_output=1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_1.bin new file mode 100644 index 0000000..23ca451 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_2.bin new file mode 100644 index 0000000..01d2aeb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/input_2.bin @@ -0,0 +1,2 @@ +/#6g˾ x6Kֿ?0?8P˳d?f,\>1?1?9ʿA?, PW-OA>?=y,y=O>)r1V[?P>@' ++Ⱦ> @$c?.*1?>1?ʅ?0?梦?Y 0I_s@f6 ?$=t<?̾w>F<=?) .*?wȪ=a1?8g#?; ;žh;=,Ⓘk|۽78O Ph>d8$䟾vs!(n@=g4yq?G??Y/E?g/*7?>W/)l?Ĉ?/" 0fv >?>C ?0&lr? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/model.mlir new file mode 100644 index 0000000..824c84d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_4d_axis0(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[2,3,4,5],f32>, %arg2: !torch.vtensor<[2,3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_0.bin new file mode 100644 index 0000000..27cab4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_1.bin new file mode 100644 index 0000000..8d0a305 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_1.bin @@ -0,0 +1 @@ +`> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_2.bin new file mode 100644 index 0000000..8348310 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/output_2.bin @@ -0,0 +1 @@ +t? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/run_module_io_flags.txt new file mode 100644 index 0000000..996ac4b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=2x3x4x5xf32=@input_1.bin +--input=2x3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=1x1x1x1xf32=@output_1.bin +--expected_output=1x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_1.bin new file mode 100644 index 0000000..23ca451 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_2.bin new file mode 100644 index 0000000..01d2aeb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/input_2.bin @@ -0,0 +1,2 @@ +/#6g˾ x6Kֿ?0?8P˳d?f,\>1?1?9ʿA?, PW-OA>?=y,y=O>)r1V[?P>@' ++Ⱦ> @$c?.*1?>1?ʅ?0?梦?Y 0I_s@f6 ?$=t<?̾w>F<=?) .*?wȪ=a1?8g#?; ;žh;=,Ⓘk|۽78O Ph>d8$䟾vs!(n@=g4yq?G??Y/E?g/*7?>W/)l?Ĉ?/" 0fv >?>C ?0&lr? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/model.mlir new file mode 100644 index 0000000..b826aa5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_4d_axis0_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[2,3,4,5],f32>, %arg2: !torch.vtensor<[2,3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[4],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[4],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,120],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,120],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_0.bin new file mode 100644 index 0000000..27cab4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_1.bin new file mode 100644 index 0000000..8d0a305 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_1.bin @@ -0,0 +1 @@ +`> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_2.bin new file mode 100644 index 0000000..8348310 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/output_2.bin @@ -0,0 +1 @@ +t? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..996ac4b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=2x3x4x5xf32=@input_1.bin +--input=2x3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=1x1x1x1xf32=@output_1.bin +--expected_output=1x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_1.bin new file mode 100644 index 0000000..23ca451 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_2.bin new file mode 100644 index 0000000..01d2aeb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/input_2.bin @@ -0,0 +1,2 @@ +/#6g˾ x6Kֿ?0?8P˳d?f,\>1?1?9ʿA?, PW-OA>?=y,y=O>)r1V[?P>@' ++Ⱦ> @$c?.*1?>1?ʅ?0?梦?Y 0I_s@f6 ?$=t<?̾w>F<=?) .*?wȪ=a1?8g#?; ;žh;=,Ⓘk|۽78O Ph>d8$䟾vs!(n@=g4yq?G??Y/E?g/*7?>W/)l?Ĉ?/" 0fv >?>C ?0&lr? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/model.mlir new file mode 100644 index 0000000..e838411 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_4d_axis0_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[2,3,4,5],f32>, %arg2: !torch.vtensor<[2,3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[4],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[4],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,120],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,120],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_0.bin new file mode 100644 index 0000000..27cab4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_1.bin new file mode 100644 index 0000000..8d0a305 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +`> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_2.bin new file mode 100644 index 0000000..8348310 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +t? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..996ac4b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis0_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=2x3x4x5xf32=@input_1.bin +--input=2x3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=1x1x1x1xf32=@output_1.bin +--expected_output=1x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_1.bin new file mode 100644 index 0000000..6ad188e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_2.bin new file mode 100644 index 0000000..8d3fbd1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/model.mlir new file mode 100644 index 0000000..df56fff --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_4d_axis1(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>, %arg2: !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_0.bin new file mode 100644 index 0000000..06f1383 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_1.bin new file mode 100644 index 0000000..dfa7e11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_1.bin @@ -0,0 +1 @@ +=A> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_2.bin new file mode 100644 index 0000000..87ecd96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/output_2.bin @@ -0,0 +1 @@ +mq?6y? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/run_module_io_flags.txt new file mode 100644 index 0000000..b6e2e8b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--input=3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x1x1x1xf32=@output_1.bin +--expected_output=2x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_1.bin new file mode 100644 index 0000000..6ad188e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_2.bin new file mode 100644 index 0000000..8d3fbd1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/model.mlir new file mode 100644 index 0000000..f83c9ec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_4d_axis1_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>, %arg2: !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[4],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[2,60],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,60],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,60],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,60],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1,60],f32>) -> !torch.vtensor<[2,60],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,60],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1,60],f32>) -> !torch.vtensor<[2,60],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,1,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,1,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_0.bin new file mode 100644 index 0000000..06f1383 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_1.bin new file mode 100644 index 0000000..dfa7e11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_1.bin @@ -0,0 +1 @@ +=A> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_2.bin new file mode 100644 index 0000000..87ecd96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/output_2.bin @@ -0,0 +1 @@ +mq?6y? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b6e2e8b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--input=3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x1x1x1xf32=@output_1.bin +--expected_output=2x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_1.bin new file mode 100644 index 0000000..6ad188e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_2.bin new file mode 100644 index 0000000..8d3fbd1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/model.mlir new file mode 100644 index 0000000..8853825 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_4d_axis1_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>, %arg2: !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[4],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[2,60],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,60],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,60],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,60],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1,60],f32>) -> !torch.vtensor<[2,60],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,60],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1,60],f32>) -> !torch.vtensor<[2,60],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,1,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,1,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_0.bin new file mode 100644 index 0000000..06f1383 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_1.bin new file mode 100644 index 0000000..dfa7e11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +=A> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_2.bin new file mode 100644 index 0000000..87ecd96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +mq?6y? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..b6e2e8b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis1_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--input=3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x1x1x1xf32=@output_1.bin +--expected_output=2x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_1.bin new file mode 100644 index 0000000..fa2e42a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_1.bin @@ -0,0 +1,2 @@ +/Uu>Vx?L@>E2xA? +?wb=L%(;-z߾LҿϾw < \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_2.bin new file mode 100644 index 0000000..2a83960 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/input_2.bin @@ -0,0 +1,2 @@ +M?0>C<Ǯ=h>~$S뽥>un]?j?ۡ!A!w` +3?"ևc-[oP=N \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/model.mlir new file mode 100644 index 0000000..608bcda --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_4d_axis2(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[4,5],f32>, %arg2: !torch.vtensor<[4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[4,5],f32>, !torch.vtensor<[4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_0.bin new file mode 100644 index 0000000..d3436fa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_1.bin new file mode 100644 index 0000000..1f17654 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_1.bin @@ -0,0 +1 @@ +?~Zd=SHʾO>XF> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_2.bin new file mode 100644 index 0000000..d1f5488 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/output_2.bin @@ -0,0 +1 @@ +?W?Ց??|?'_? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/run_module_io_flags.txt new file mode 100644 index 0000000..c076eb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=4x5xf32=@input_1.bin +--input=4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x1x1xf32=@output_1.bin +--expected_output=2x3x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_1.bin new file mode 100644 index 0000000..fa2e42a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_1.bin @@ -0,0 +1,2 @@ +/Uu>Vx?L@>E2xA? +?wb=L%(;-z߾LҿϾw < \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_2.bin new file mode 100644 index 0000000..2a83960 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/input_2.bin @@ -0,0 +1,2 @@ +M?0>C<Ǯ=h>~$S뽥>un]?j?ۡ!A!w` +3?"ևc-[oP=N \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/model.mlir new file mode 100644 index 0000000..3994c6d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_4d_axis2_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[4,5],f32>, %arg2: !torch.vtensor<[4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[4],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[6,20],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[6,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,20],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,20],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4,5],f32>) -> !torch.vtensor<[1,20],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1,20],f32>) -> !torch.vtensor<[6,20],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4,5],f32>) -> !torch.vtensor<[1,20],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1,20],f32>) -> !torch.vtensor<[6,20],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_0.bin new file mode 100644 index 0000000..d3436fa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_1.bin new file mode 100644 index 0000000..1f17654 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_1.bin @@ -0,0 +1 @@ +?~Zd=SHʾO>XF> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_2.bin new file mode 100644 index 0000000..d1f5488 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/output_2.bin @@ -0,0 +1 @@ +?W?Ց??|?'_? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..c076eb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=4x5xf32=@input_1.bin +--input=4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x1x1xf32=@output_1.bin +--expected_output=2x3x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_1.bin new file mode 100644 index 0000000..fa2e42a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_1.bin @@ -0,0 +1,2 @@ +/Uu>Vx?L@>E2xA? +?wb=L%(;-z߾LҿϾw < \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_2.bin new file mode 100644 index 0000000..2a83960 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/input_2.bin @@ -0,0 +1,2 @@ +M?0>C<Ǯ=h>~$S뽥>un]?j?ۡ!A!w` +3?"ևc-[oP=N \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/model.mlir new file mode 100644 index 0000000..9cf0ab0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_4d_axis2_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[4,5],f32>, %arg2: !torch.vtensor<[4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[4],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[6,20],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[6,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[6,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[6,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,20],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,20],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4,5],f32>) -> !torch.vtensor<[1,20],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1,20],f32>) -> !torch.vtensor<[6,20],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4,5],f32>) -> !torch.vtensor<[1,20],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1,20],f32>) -> !torch.vtensor<[6,20],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_0.bin new file mode 100644 index 0000000..d3436fa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_1.bin new file mode 100644 index 0000000..1f17654 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +?~Zd=SHʾO>XF> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_2.bin new file mode 100644 index 0000000..d1f5488 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +?W?Ց??|?'_? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..c076eb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis2_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=4x5xf32=@input_1.bin +--input=4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x1x1xf32=@output_1.bin +--expected_output=2x3x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_1.bin new file mode 100644 index 0000000..837d607 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_1.bin @@ -0,0 +1 @@ +^;pV??BR>r8= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_2.bin new file mode 100644 index 0000000..6f38219 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/input_2.bin @@ -0,0 +1 @@ +j@F焾I>GT? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/model.mlir new file mode 100644 index 0000000..3534b74 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_4d_axis3(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = 3 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[5],f32>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_0.bin new file mode 100644 index 0000000..54ff2ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_1.bin new file mode 100644 index 0000000..837d607 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_1.bin @@ -0,0 +1 @@ +^;pV??BR>r8= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_2.bin new file mode 100644 index 0000000..6f38219 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/input_2.bin @@ -0,0 +1 @@ +j@F焾I>GT? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/model.mlir new file mode 100644 index 0000000..b1319d3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_4d_axis3_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<3> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[4],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 3 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[24,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_0.bin new file mode 100644 index 0000000..54ff2ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_1.bin new file mode 100644 index 0000000..837d607 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +^;pV??BR>r8= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_2.bin new file mode 100644 index 0000000..6f38219 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +j@F焾I>GT? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/model.mlir new file mode 100644 index 0000000..59365c8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_4d_axis3_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<3> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %7 = torch.operator "onnx.Sub"(%3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[4],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = 3 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[24,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[24,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[24,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_0.bin new file mode 100644 index 0000000..54ff2ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis3_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_1.bin new file mode 100644 index 0000000..8aa608b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_1.bin @@ -0,0 +1,2 @@ +?cݝ> +eU \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_2.bin new file mode 100644 index 0000000..63ea9e2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/input_2.bin @@ -0,0 +1 @@ +EW߀=?LJS \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/model.mlir new file mode 100644 index 0000000..2d3a22f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_1(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[5],f32>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_0.bin new file mode 100644 index 0000000..7cbeb1f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_1.bin new file mode 100644 index 0000000..8aa608b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_1.bin @@ -0,0 +1,2 @@ +?cݝ> +eU \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_2.bin new file mode 100644 index 0000000..63ea9e2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/input_2.bin @@ -0,0 +1 @@ +EW߀=?LJS \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/model.mlir new file mode 100644 index 0000000..3c3db14 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_1_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[24,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,4,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,4,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_0.bin new file mode 100644 index 0000000..7cbeb1f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_1.bin new file mode 100644 index 0000000..8aa608b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_1.bin @@ -0,0 +1,2 @@ +?cݝ> +eU \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_2.bin new file mode 100644 index 0000000..63ea9e2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +EW߀=?LJS \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/model.mlir new file mode 100644 index 0000000..b09c9bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_1_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[24,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[24,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[24,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,4,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,4,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_0.bin new file mode 100644 index 0000000..7cbeb1f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_1_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_1.bin new file mode 100644 index 0000000..fbfb3c4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_1.bin @@ -0,0 +1 @@ +ɩ?rv!Tu=YCEcѷo?b֊>.M%a>@/n?%3x?F[Rſ &@Rξ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_2.bin new file mode 100644 index 0000000..0e900a7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/input_2.bin @@ -0,0 +1,2 @@ +..>B> +ZO??ϣu??:GQY_g?Zw?Zb"a>p \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/model.mlir new file mode 100644 index 0000000..ef402b0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_2(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[4,5],f32>, %arg2: !torch.vtensor<[4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[4,5],f32>, !torch.vtensor<[4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_0.bin new file mode 100644 index 0000000..897669c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_1.bin new file mode 100644 index 0000000..1f17654 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_1.bin @@ -0,0 +1 @@ +?~Zd=SHʾO>XF> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_2.bin new file mode 100644 index 0000000..d1f5488 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/output_2.bin @@ -0,0 +1 @@ +?W?Ց??|?'_? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/run_module_io_flags.txt new file mode 100644 index 0000000..c076eb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=4x5xf32=@input_1.bin +--input=4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x1x1xf32=@output_1.bin +--expected_output=2x3x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_1.bin new file mode 100644 index 0000000..fbfb3c4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_1.bin @@ -0,0 +1 @@ +ɩ?rv!Tu=YCEcѷo?b֊>.M%a>@/n?%3x?F[Rſ &@Rξ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_2.bin new file mode 100644 index 0000000..0e900a7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/input_2.bin @@ -0,0 +1,2 @@ +..>B> +ZO??ϣu??:GQY_g?Zw?Zb"a>p \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/model.mlir new file mode 100644 index 0000000..6d918e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_2_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[4,5],f32>, %arg2: !torch.vtensor<[4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[6,20],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[6,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,20],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,20],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4,5],f32>) -> !torch.vtensor<[1,20],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1,20],f32>) -> !torch.vtensor<[6,20],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4,5],f32>) -> !torch.vtensor<[1,20],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1,20],f32>) -> !torch.vtensor<[6,20],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_0.bin new file mode 100644 index 0000000..897669c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_1.bin new file mode 100644 index 0000000..1f17654 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_1.bin @@ -0,0 +1 @@ +?~Zd=SHʾO>XF> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_2.bin new file mode 100644 index 0000000..d1f5488 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/output_2.bin @@ -0,0 +1 @@ +?W?Ց??|?'_? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..c076eb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=4x5xf32=@input_1.bin +--input=4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x1x1xf32=@output_1.bin +--expected_output=2x3x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_1.bin new file mode 100644 index 0000000..fbfb3c4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +ɩ?rv!Tu=YCEcѷo?b֊>.M%a>@/n?%3x?F[Rſ &@Rξ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_2.bin new file mode 100644 index 0000000..0e900a7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/input_2.bin @@ -0,0 +1,2 @@ +..>B> +ZO??ϣu??:GQY_g?Zw?Zb"a>p \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/model.mlir new file mode 100644 index 0000000..dc1f025 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_2_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[4,5],f32>, %arg2: !torch.vtensor<[4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[6,20],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[6,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[6,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[6,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,20],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,20],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[6,20],f32>) -> !torch.vtensor<[6,20],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4,5],f32>) -> !torch.vtensor<[1,20],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1,20],f32>) -> !torch.vtensor<[6,20],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[4,5],f32>) -> !torch.vtensor<[1,20],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[1,20],f32>) -> !torch.vtensor<[6,20],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[6,20],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[6,1],f32>) -> !torch.vtensor<[6,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[6,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,1,1],f32>, !torch.vtensor<[2,3,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_0.bin new file mode 100644 index 0000000..897669c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_1.bin new file mode 100644 index 0000000..1f17654 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +?~Zd=SHʾO>XF> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_2.bin new file mode 100644 index 0000000..d1f5488 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +?W?Ց??|?'_? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..c076eb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_2_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=4x5xf32=@input_1.bin +--input=4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x1x1xf32=@output_1.bin +--expected_output=2x3x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_1.bin new file mode 100644 index 0000000..e4ea974 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_1.bin @@ -0,0 +1,2 @@ +ƾV<>^žͿJcCn%?h P?V?*_P"@Zb?6l +ս|c?.DH?,)<"T8?>q>TE?AԿy>z?msGR?+?5r"=Hȿ1A>9?^躾9Jto?п} \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_2.bin new file mode 100644 index 0000000..25435f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/model.mlir new file mode 100644 index 0000000..929cdfb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_3(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>, %arg2: !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -3 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_0.bin new file mode 100644 index 0000000..4b81d31 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_1.bin new file mode 100644 index 0000000..dfa7e11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_1.bin @@ -0,0 +1 @@ +=A> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_2.bin new file mode 100644 index 0000000..87ecd96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/output_2.bin @@ -0,0 +1 @@ +mq?6y? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/run_module_io_flags.txt new file mode 100644 index 0000000..b6e2e8b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--input=3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x1x1x1xf32=@output_1.bin +--expected_output=2x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_1.bin new file mode 100644 index 0000000..e4ea974 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_1.bin @@ -0,0 +1,2 @@ +ƾV<>^žͿJcCn%?h P?V?*_P"@Zb?6l +ս|c?.DH?,)<"T8?>q>TE?AԿy>z?msGR?+?5r"=Hȿ1A>9?^躾9Jto?п} \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_2.bin new file mode 100644 index 0000000..25435f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/model.mlir new file mode 100644 index 0000000..8abe4e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_3_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>, %arg2: !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-3> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -3 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[2,60],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,60],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,60],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,60],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1,60],f32>) -> !torch.vtensor<[2,60],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,60],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1,60],f32>) -> !torch.vtensor<[2,60],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,1,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,1,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_0.bin new file mode 100644 index 0000000..4b81d31 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_1.bin new file mode 100644 index 0000000..dfa7e11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_1.bin @@ -0,0 +1 @@ +=A> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_2.bin new file mode 100644 index 0000000..87ecd96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/output_2.bin @@ -0,0 +1 @@ +mq?6y? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b6e2e8b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--input=3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x1x1x1xf32=@output_1.bin +--expected_output=2x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_1.bin new file mode 100644 index 0000000..e4ea974 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_1.bin @@ -0,0 +1,2 @@ +ƾV<>^žͿJcCn%?h P?V?*_P"@Zb?6l +ս|c?.DH?,)<"T8?>q>TE?AԿy>z?msGR?+?5r"=Hȿ1A>9?^躾9Jto?п} \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_2.bin new file mode 100644 index 0000000..25435f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/model.mlir new file mode 100644 index 0000000..c683551 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_3_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>, %arg2: !torch.vtensor<[3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-3> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[1],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -3 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[2,60],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,60],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,60],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[2,60],f32>) -> !torch.vtensor<[2,60],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,60],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1,60],f32>) -> !torch.vtensor<[2,60],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,60],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[1,60],f32>) -> !torch.vtensor<[2,60],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[2,60],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,1,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[2,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,1,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,1,1,1],f32>, !torch.vtensor<[2,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_0.bin new file mode 100644 index 0000000..4b81d31 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_1.bin new file mode 100644 index 0000000..dfa7e11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +=A> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_2.bin new file mode 100644 index 0000000..87ecd96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +mq?6y? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..b6e2e8b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_3_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--input=3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x1x1x1xf32=@output_1.bin +--expected_output=2x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_1.bin new file mode 100644 index 0000000..35e6120 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_2.bin new file mode 100644 index 0000000..d366405 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/model.mlir new file mode 100644 index 0000000..364faa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_4(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[2,3,4,5],f32>, %arg2: !torch.vtensor<[2,3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) {torch.onnx.axis = -4 : si64} : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_0.bin new file mode 100644 index 0000000..c3faf63 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_1.bin new file mode 100644 index 0000000..8d0a305 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_1.bin @@ -0,0 +1 @@ +`> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_2.bin new file mode 100644 index 0000000..8348310 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/output_2.bin @@ -0,0 +1 @@ +t? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/run_module_io_flags.txt new file mode 100644 index 0000000..996ac4b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=2x3x4x5xf32=@input_1.bin +--input=2x3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=1x1x1x1xf32=@output_1.bin +--expected_output=1x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_1.bin new file mode 100644 index 0000000..35e6120 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_2.bin new file mode 100644 index 0000000..d366405 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/model.mlir new file mode 100644 index 0000000..18b9b23 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_4_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[2,3,4,5],f32>, %arg2: !torch.vtensor<[2,3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-4> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -4 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,120],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,120],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1,1,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1,1,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_0.bin new file mode 100644 index 0000000..c3faf63 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_1.bin new file mode 100644 index 0000000..8d0a305 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_1.bin @@ -0,0 +1 @@ +`> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_2.bin new file mode 100644 index 0000000..8348310 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/output_2.bin @@ -0,0 +1 @@ +t? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..996ac4b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=2x3x4x5xf32=@input_1.bin +--input=2x3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=1x1x1x1xf32=@output_1.bin +--expected_output=1x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_1.bin new file mode 100644 index 0000000..35e6120 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_2.bin new file mode 100644 index 0000000..d366405 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/model.mlir new file mode 100644 index 0000000..eedfe60 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_4d_axis_negative_4_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[2,3,4,5],f32>, %arg2: !torch.vtensor<[2,3,4,5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-4> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[0],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[0],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -4 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,120],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,120],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[1,120],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[1,120],f32>) -> !torch.vtensor<[1,120],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[1,120],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1,1,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[1,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[1,1,1,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[1,1,1,1],f32>, !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_0.bin new file mode 100644 index 0000000..c3faf63 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_1.bin new file mode 100644 index 0000000..8d0a305 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_1.bin @@ -0,0 +1 @@ +`> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_2.bin new file mode 100644 index 0000000..8348310 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/output_2.bin @@ -0,0 +1 @@ +t? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..996ac4b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_4d_axis_negative_4_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=2x3x4x5xf32=@input_1.bin +--input=2x3x4x5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=1x1x1x1xf32=@output_1.bin +--expected_output=1x1x1x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_1.bin new file mode 100644 index 0000000..70b2379 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_1.bin @@ -0,0 +1 @@ +ٺ>*>ǩ?31 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_2.bin new file mode 100644 index 0000000..78418ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/input_2.bin @@ -0,0 +1 @@ +9r޾?,?֞> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/model.mlir new file mode 100644 index 0000000..4606388 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_layer_normalization_default_axis(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.LayerNormalization"(%arg0, %arg1, %arg2) : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[5],f32>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_0.bin new file mode 100644 index 0000000..f5a49da Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_1.bin new file mode 100644 index 0000000..70b2379 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_1.bin @@ -0,0 +1 @@ +ٺ>*>ǩ?31 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_2.bin new file mode 100644 index 0000000..78418ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/input_2.bin @@ -0,0 +1 @@ +9r޾?,?֞> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/model.mlir new file mode 100644 index 0000000..7120031 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/model.mlir @@ -0,0 +1,37 @@ +module { + func.func @test_layer_normalization_default_axis_expanded(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %12 = torch.operator "onnx.ReduceMean"(%11) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,1],f32> + %13 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %14 = torch.operator "onnx.ReduceMean"(%13) {torch.onnx.axes = [1 : si64]} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,1],f32> + %15 = torch.operator "onnx.Mul"(%12, %12) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %16 = torch.operator "onnx.Sub"(%14, %15) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %17 = torch.operator "onnx.Add"(%16, %1) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[24,1],f32> + %18 = torch.operator "onnx.Sqrt"(%17) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %19 = torch.operator "onnx.Sub"(%11, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %20 = torch.operator "onnx.Div"(%19, %18) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %21 = torch.operator "onnx.Cast"(%20) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %22 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %23 = torch.operator "onnx.Mul"(%21, %22) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %24 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %25 = torch.operator "onnx.Add"(%23, %24) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %26 = torch.operator "onnx.Reshape"(%25, %2) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %27 = torch.operator "onnx.Reciprocal"(%18) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %28 = torch.operator "onnx.Reshape"(%12, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,4,1],f32> + %29 = torch.operator "onnx.Reshape"(%27, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,4,1],f32> + return %26, %28, %29 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_0.bin new file mode 100644 index 0000000..f5a49da Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_0.bin new file mode 100644 index 0000000..df07623 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_1.bin new file mode 100644 index 0000000..70b2379 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_1.bin @@ -0,0 +1 @@ +ٺ>*>ǩ?31 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_2.bin new file mode 100644 index 0000000..78418ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/input_2.bin @@ -0,0 +1 @@ +9r޾?,?֞> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/model.mlir new file mode 100644 index 0000000..7dee112 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/model.mlir @@ -0,0 +1,38 @@ +module { + func.func @test_layer_normalization_default_axis_expanded_ver18(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999974E-6> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[4],si64> + %3 = torch.operator "onnx.Size"(%2) : (!torch.vtensor<[4],si64>) -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Slice"(%2, %4, %5) : (!torch.vtensor<[4],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],si64> + %7 = torch.operator "onnx.Neg"(%5) : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.ConstantOfShape"(%7) {torch.onnx.value = dense<1> : tensor<1xsi64>} : (!torch.vtensor<[1],si64>) -> !torch.vtensor<[?],si64> + %9 = torch.operator "onnx.Concat"(%6, %8) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[?],si64> + %10 = torch.operator "onnx.Flatten"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[2,3,4,5],f32>) -> !torch.vtensor<[24,5],f32> + %11 = torch.operator "onnx.Cast"(%10) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %12 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %13 = torch.operator "onnx.ReduceMean"(%11, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[24,1],f32> + %14 = torch.operator "onnx.Mul"(%11, %11) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %15 = torch.operator "onnx.ReduceMean"(%14, %12) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[24,1],f32> + %16 = torch.operator "onnx.Mul"(%13, %13) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %17 = torch.operator "onnx.Sub"(%15, %16) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %18 = torch.operator "onnx.Add"(%17, %1) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[24,1],f32> + %19 = torch.operator "onnx.Sqrt"(%18) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %20 = torch.operator "onnx.Sub"(%11, %13) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %21 = torch.operator "onnx.Div"(%20, %19) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,5],f32> + %22 = torch.operator "onnx.Cast"(%21) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[24,5],f32>) -> !torch.vtensor<[24,5],f32> + %23 = torch.operator "onnx.Flatten"(%arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %24 = torch.operator "onnx.Mul"(%22, %23) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %25 = torch.operator "onnx.Flatten"(%arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[1,5],f32> + %26 = torch.operator "onnx.Add"(%24, %25) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[1,5],f32>) -> !torch.vtensor<[24,5],f32> + %27 = torch.operator "onnx.Reshape"(%26, %2) : (!torch.vtensor<[24,5],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,5],f32> + %28 = torch.operator "onnx.Reciprocal"(%19) : (!torch.vtensor<[24,1],f32>) -> !torch.vtensor<[24,1],f32> + %29 = torch.operator "onnx.Reshape"(%13, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,4,1],f32> + %30 = torch.operator "onnx.Reshape"(%28, %9) : (!torch.vtensor<[24,1],f32>, !torch.vtensor<[?],si64>) -> !torch.vtensor<[2,3,4,1],f32> + return %27, %29, %30 : !torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[2,3,4,1],f32>, !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_0.bin new file mode 100644 index 0000000..f5a49da Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_1.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_1.bin new file mode 100644 index 0000000..0d6c75c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_2.bin b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_2.bin new file mode 100644 index 0000000..aac5faa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/output_2.bin @@ -0,0 +1,2 @@ +??@ ҥ??d?Z??8C?O?E?v@g?a?z?eF@, +Y?oq???]=? Z?0e?@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..7627b12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_layer_normalization_default_axis_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=2x3x4x5xf32=@output_0.bin +--expected_output=2x3x4x1xf32=@output_1.bin +--expected_output=2x3x4x1xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu/input_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu/model.mlir b/onnx-ops/onnx/node/generated/test_leakyrelu/model.mlir new file mode 100644 index 0000000..865ba40 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_leakyrelu(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LeakyRelu"(%arg0) {torch.onnx.alpha = 1.000000e-01 : f32} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu/output_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu/output_0.bin new file mode 100644 index 0000000..441ce6f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_leakyrelu/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_leakyrelu/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_default/input_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_default/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_default/model.mlir b/onnx-ops/onnx/node/generated/test_leakyrelu_default/model.mlir new file mode 100644 index 0000000..200cba4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_leakyrelu_default(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LeakyRelu"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_default/output_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_default/output_0.bin new file mode 100644 index 0000000..2134a8d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_leakyrelu_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_leakyrelu_default/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/model.mlir new file mode 100644 index 0000000..e2b0817 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_leakyrelu_default_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 0.00999999977 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Less"(%arg0, %3) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %5 = torch.operator "onnx.Mul"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %6 = torch.operator "onnx.Where"(%4, %5, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/output_0.bin new file mode 100644 index 0000000..2134a8d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_default_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_example/input_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_leakyrelu_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_example/model.mlir b/onnx-ops/onnx/node/generated/test_leakyrelu_example/model.mlir new file mode 100644 index 0000000..5d559bc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_leakyrelu_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LeakyRelu"(%arg0) {torch.onnx.alpha = 1.000000e-01 : f32} : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_example/output_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_example/output_0.bin new file mode 100644 index 0000000..51b107e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_leakyrelu_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_leakyrelu_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/model.mlir new file mode 100644 index 0000000..78e2792 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_leakyrelu_example_expanded(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.000000e-01 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Less"(%arg0, %3) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],i1> + %5 = torch.operator "onnx.Mul"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %6 = torch.operator "onnx.Where"(%4, %5, %arg0) : (!torch.vtensor<[3],i1>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %6 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/output_0.bin new file mode 100644 index 0000000..51b107e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_example_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/model.mlir new file mode 100644 index 0000000..77de395 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_leakyrelu_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.000000e-01 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Less"(%arg0, %3) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %5 = torch.operator "onnx.Mul"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %6 = torch.operator "onnx.Where"(%4, %5, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/output_0.bin new file mode 100644 index 0000000..441ce6f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_leakyrelu_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_less/input_0.bin b/onnx-ops/onnx/node/generated/test_less/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less/input_1.bin b/onnx-ops/onnx/node/generated/test_less/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less/model.mlir b/onnx-ops/onnx/node/generated/test_less/model.mlir new file mode 100644 index 0000000..b77fe34 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_less(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_less/output_0.bin b/onnx-ops/onnx/node/generated/test_less/output_0.bin new file mode 100644 index 0000000..15f822c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_less/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_less/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_less/run_module_io_flags.txt new file mode 100644 index 0000000..c2ee20d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_less_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_less_bcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_bcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_less_bcast/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_bcast/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_less_bcast/model.mlir new file mode 100644 index 0000000..fe68c8e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_less_bcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_less_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_less_bcast/output_0.bin new file mode 100644 index 0000000..637e82d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_less_bcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_less_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_less_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..81cbb8f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_less_equal/input_0.bin b/onnx-ops/onnx/node/generated/test_less_equal/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_equal/input_1.bin b/onnx-ops/onnx/node/generated/test_less_equal/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_equal/model.mlir b/onnx-ops/onnx/node/generated/test_less_equal/model.mlir new file mode 100644 index 0000000..aa414f9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_less_equal(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LessOrEqual"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_less_equal/output_0.bin b/onnx-ops/onnx/node/generated/test_less_equal/output_0.bin new file mode 100644 index 0000000..15f822c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_less_equal/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_less_equal/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_less_equal/run_module_io_flags.txt new file mode 100644 index 0000000..c2ee20d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_less_equal_bcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_bcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_less_equal_bcast/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_bcast/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_less_equal_bcast/model.mlir new file mode 100644 index 0000000..ed51d39 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_less_equal_bcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LessOrEqual"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_less_equal_bcast/output_0.bin new file mode 100644 index 0000000..637e82d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_less_equal_bcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_less_equal_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..81cbb8f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/model.mlir new file mode 100644 index 0000000..99caba7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_less_equal_bcast_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Equal"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],i1> + %2 = torch.operator "onnx.Or"(%0, %1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %2 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/output_0.bin new file mode 100644 index 0000000..637e82d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..81cbb8f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_bcast_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_less_equal_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_less_equal_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_equal_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_less_equal_expanded/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_expanded/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_less_equal_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_less_equal_expanded/model.mlir new file mode 100644 index 0000000..db9218a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_expanded/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_less_equal_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Less"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + %1 = torch.operator "onnx.Equal"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + %2 = torch.operator "onnx.Or"(%0, %1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %2 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_less_equal_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_less_equal_expanded/output_0.bin new file mode 100644 index 0000000..15f822c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_less_equal_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_less_equal_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_less_equal_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..c2ee20d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_less_equal_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_log/input_0.bin b/onnx-ops/onnx/node/generated/test_log/input_0.bin new file mode 100644 index 0000000..c887ba8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_log/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_log/model.mlir b/onnx-ops/onnx/node/generated/test_log/model.mlir new file mode 100644 index 0000000..f503946 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_log/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_log(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Log"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_log/output_0.bin b/onnx-ops/onnx/node/generated/test_log/output_0.bin new file mode 100644 index 0000000..1645e1d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_log/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_log/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_log/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_log/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_log_example/input_0.bin b/onnx-ops/onnx/node/generated/test_log_example/input_0.bin new file mode 100644 index 0000000..1444bbb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_log_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_log_example/model.mlir b/onnx-ops/onnx/node/generated/test_log_example/model.mlir new file mode 100644 index 0000000..1bccb12 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_log_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_log_example(%arg0: !torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Log"(%arg0) : (!torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + return %0 : !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_log_example/output_0.bin b/onnx-ops/onnx/node/generated/test_log_example/output_0.bin new file mode 100644 index 0000000..dbd5065 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_log_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_log_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_log_example/run_module_io_flags.txt new file mode 100644 index 0000000..192f90b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_log_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/model.mlir new file mode 100644 index 0000000..de669a0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_logsoftmax_axis_0(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LogSoftmax"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/output_0.bin new file mode 100644 index 0000000..ccb73fa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/model.mlir new file mode 100644 index 0000000..58826bc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_axis_0_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [0 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,4,5],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,4,5],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[1,4,5],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/output_0.bin new file mode 100644 index 0000000..ccb73fa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/model.mlir new file mode 100644 index 0000000..7ca8f6a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_axis_0_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,4,5],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,4,5],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[1,4,5],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/output_0.bin new file mode 100644 index 0000000..ccb73fa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_0_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/model.mlir new file mode 100644 index 0000000..461eb88 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_logsoftmax_axis_1(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LogSoftmax"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/output_0.bin new file mode 100644 index 0000000..950089e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/model.mlir new file mode 100644 index 0000000..2df9109 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_axis_1_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/output_0.bin new file mode 100644 index 0000000..950089e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/model.mlir new file mode 100644 index 0000000..504cde9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_axis_1_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/output_0.bin new file mode 100644 index 0000000..950089e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_1_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/model.mlir new file mode 100644 index 0000000..73622bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_logsoftmax_axis_2(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LogSoftmax"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/model.mlir new file mode 100644 index 0000000..6bf8b42 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_axis_2_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [2 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/model.mlir new file mode 100644 index 0000000..4430220 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_axis_2_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_axis_2_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/model.mlir new file mode 100644 index 0000000..8892bcf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_logsoftmax_default_axis(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LogSoftmax"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/model.mlir new file mode 100644 index 0000000..3975387 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_default_axis_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [-1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/model.mlir new file mode 100644 index 0000000..62873f5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_default_axis_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_default_axis_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/model.mlir new file mode 100644 index 0000000..5cfaf89 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_logsoftmax_example_1(%arg0: !torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LogSoftmax"(%arg0) : (!torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> + return %0 : !torch.vtensor<[1,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/output_0.bin new file mode 100644 index 0000000..5591ab2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/output_0.bin @@ -0,0 +1 @@ +8o,о \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/run_module_io_flags.txt new file mode 100644 index 0000000..70a2c54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3xf32=@input_0.bin +--expected_output=1x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/model.mlir new file mode 100644 index 0000000..2263f3a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_example_1_expanded(%arg0: !torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [-1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,3],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,3],f32> + return %6 : !torch.vtensor<[1,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/output_0.bin new file mode 100644 index 0000000..5591ab2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/output_0.bin @@ -0,0 +1 @@ +8o,о \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..70a2c54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3xf32=@input_0.bin +--expected_output=1x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/model.mlir new file mode 100644 index 0000000..00a8e01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_example_1_expanded_ver18(%arg0: !torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,3],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,3],f32> + return %6 : !torch.vtensor<[1,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/output_0.bin new file mode 100644 index 0000000..5591ab2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +8o,о \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..70a2c54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_example_1_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3xf32=@input_0.bin +--expected_output=1x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/input_0.bin new file mode 100644 index 0000000..abe06d0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/model.mlir new file mode 100644 index 0000000..948059f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_logsoftmax_large_number(%arg0: !torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LogSoftmax"(%arg0) : (!torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> + return %0 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/output_0.bin new file mode 100644 index 0000000..a953097 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/output_0.bin @@ -0,0 +1 @@ +,\,"X`,\,"X` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/run_module_io_flags.txt new file mode 100644 index 0000000..4759aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x4xf32=@input_0.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/input_0.bin new file mode 100644 index 0000000..abe06d0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/model.mlir new file mode 100644 index 0000000..030a384 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_large_number_expanded(%arg0: !torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [-1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,4],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,4],f32> + return %6 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/output_0.bin new file mode 100644 index 0000000..a953097 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/output_0.bin @@ -0,0 +1 @@ +,\,"X`,\,"X` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..4759aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x4xf32=@input_0.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/input_0.bin new file mode 100644 index 0000000..abe06d0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/model.mlir new file mode 100644 index 0000000..0e96041 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_large_number_expanded_ver18(%arg0: !torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,4],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,4],f32> + return %6 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/output_0.bin new file mode 100644 index 0000000..a953097 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +,\,"X`,\,"X` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..4759aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_large_number_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x4xf32=@input_0.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/model.mlir new file mode 100644 index 0000000..3457fb7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_logsoftmax_negative_axis(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LogSoftmax"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/model.mlir new file mode 100644 index 0000000..4511d6b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_negative_axis_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [-1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/model.mlir new file mode 100644 index 0000000..37c678e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/model.mlir @@ -0,0 +1,14 @@ +module { + func.func @test_logsoftmax_negative_axis_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Log"(%4) : (!torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,1],f32> + %6 = torch.operator "onnx.Sub"(%2, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %6 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/output_0.bin new file mode 100644 index 0000000..807f8af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_logsoftmax_negative_axis_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_loop11/input_0.bin b/onnx-ops/onnx/node/generated/test_loop11/input_0.bin new file mode 100644 index 0000000..8f9d128 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_loop11/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_loop11/input_1.bin b/onnx-ops/onnx/node/generated/test_loop11/input_1.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_loop11/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_loop11/input_2.bin b/onnx-ops/onnx/node/generated/test_loop11/input_2.bin new file mode 100644 index 0000000..db4757a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_loop11/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_loop11/model.mlir b/onnx-ops/onnx/node/generated/test_loop11/model.mlir new file mode 100644 index 0000000..ffd7e72 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_loop11/model.mlir @@ -0,0 +1,22 @@ +module { + func.func @test_loop11(%arg0: !torch.vtensor<[],si64>, %arg1: !torch.vtensor<[],i1>, %arg2: !torch.vtensor<[1],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[5,1],f32>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Loop"(%arg0, %arg1, %arg2) : (!torch.vtensor<[],si64>, !torch.vtensor<[],i1>, !torch.vtensor<[1],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[5,1],f32>) { + ^bb0(%arg3: !torch.vtensor<[],si64>, %arg4: !torch.vtensor<[],i1>, %arg5: !torch.vtensor<[1],f32>): + %1 = torch.operator "onnx.Identity"(%arg4) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[],i1> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[1.000000e+00, 2.000000e+00, 3.000000e+00, 4.000000e+00, 5.000000e+00]> : tensor<5xf32>} : () -> !torch.vtensor<[5],f32> + %3 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor} : () -> !torch.vtensor<[],si64> + %4 = torch.operator "onnx.Add"(%arg3, %3) : (!torch.vtensor<[],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[],si64> + %5 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %6 = torch.operator "onnx.Unsqueeze"(%arg3, %5) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %7 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %8 = torch.operator "onnx.Unsqueeze"(%4, %7) : (!torch.vtensor<[],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1],si64> + %9 = torch.operator "onnx.Slice"(%2, %6, %8) : (!torch.vtensor<[5],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[?],f32> + %10 = torch.operator "onnx.Add"(%arg5, %9) : (!torch.vtensor<[1],f32>, !torch.vtensor<[?],f32>) -> !torch.vtensor<[1],f32> + %11 = torch.operator "onnx.Identity"(%10) : (!torch.vtensor<[1],f32>) -> !torch.vtensor<[1],f32> + torch.operator_terminator %1, %10, %11 : !torch.vtensor<[],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32> + } + return %0#0, %0#1 : !torch.vtensor<[1],f32>, !torch.vtensor<[5,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_loop11/output_0.bin b/onnx-ops/onnx/node/generated/test_loop11/output_0.bin new file mode 100644 index 0000000..6169ba5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_loop11/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_loop11/output_1.bin b/onnx-ops/onnx/node/generated/test_loop11/output_1.bin new file mode 100644 index 0000000..b6f6ecd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_loop11/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_loop11/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_loop11/run_module_io_flags.txt new file mode 100644 index 0000000..0703069 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_loop11/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=i64=@input_0.bin +--input=i1=@input_1.bin +--input=1xf32=@input_2.bin +--expected_output=1xf32=@output_0.bin +--expected_output=5x1xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_lppool_1d_default/input_0.bin b/onnx-ops/onnx/node/generated/test_lppool_1d_default/input_0.bin new file mode 100644 index 0000000..c2a666c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_1d_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lppool_1d_default/model.mlir b/onnx-ops/onnx/node/generated/test_lppool_1d_default/model.mlir new file mode 100644 index 0000000..7483f43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_1d_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lppool_1d_default(%arg0: !torch.vtensor<[1,3,32],f32>) -> !torch.vtensor<[1,3,31],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LpPool"(%arg0) {torch.onnx.kernel_shape = [2 : si64], torch.onnx.p = 3 : si64, torch.onnx.strides = [1 : si64]} : (!torch.vtensor<[1,3,32],f32>) -> !torch.vtensor<[1,3,31],f32> + return %0 : !torch.vtensor<[1,3,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lppool_1d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_lppool_1d_default/output_0.bin new file mode 100644 index 0000000..7037952 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_1d_default/output_0.bin @@ -0,0 +1,2 @@ +??aK@&@?q?̌s?;)>wU>5>5?;?8C?>>?3h?B>8.^?g%@L$@&sy?TK?@i@')?@>P?k/?&?>|w@?V]>?/?˙?>GG?Dv?/?X@,???;???qBf?>k?z?]?"?S>Q>i>(?+?4?I4?U?h?~t>?>?rr?mHh?p:?:?? ? ܟ?p:?h~?r??hӟ>%?E?wp?r??Cd +@^@?E?6`?tp?|R??Ez?2~?,O) -> !torch.vtensor<[1,3,31,31],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LpPool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.p = 4 : si64} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,31,31],f32> + return %0 : !torch.vtensor<[1,3,31,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_default/output_0.bin new file mode 100644 index 0000000..c04297e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lppool_2d_default/run_module_io_flags.txt new file mode 100644 index 0000000..5c8b840 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x31x31xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/input_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/model.mlir b/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/model.mlir new file mode 100644 index 0000000..3853125 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lppool_2d_dilations(%arg0: !torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LpPool"(%arg0) {torch.onnx.dilations = [2 : si64, 2 : si64], torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.p = 2 : si64, torch.onnx.strides = [1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/output_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/output_0.bin new file mode 100644 index 0000000..3644bba --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/output_0.bin @@ -0,0 +1 @@ +hAAAA \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/run_module_io_flags.txt new file mode 100644 index 0000000..20f0871 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_dilations/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x4xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_pads/input_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_pads/input_0.bin new file mode 100644 index 0000000..de81f74 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_pads/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_pads/model.mlir b/onnx-ops/onnx/node/generated/test_lppool_2d_pads/model.mlir new file mode 100644 index 0000000..fe836d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_pads/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lppool_2d_pads(%arg0: !torch.vtensor<[1,3,28,28],f32>) -> !torch.vtensor<[1,3,30,30],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LpPool"(%arg0) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.p = 3 : si64, torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,28,28],f32>) -> !torch.vtensor<[1,3,30,30],f32> + return %0 : !torch.vtensor<[1,3,30,30],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_pads/output_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_pads/output_0.bin new file mode 100644 index 0000000..a2583f0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_pads/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_pads/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lppool_2d_pads/run_module_io_flags.txt new file mode 100644 index 0000000..8f23a07 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_pads/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x28x28xf32=@input_0.bin +--expected_output=1x3x30x30xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/input_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/model.mlir b/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/model.mlir new file mode 100644 index 0000000..43f7e65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lppool_2d_same_lower(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LpPool"(%arg0) {torch.onnx.auto_pad = "SAME_LOWER", torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.p = 4 : si64} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> + return %0 : !torch.vtensor<[1,3,32,32],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/output_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/output_0.bin new file mode 100644 index 0000000..85c29d3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/run_module_io_flags.txt new file mode 100644 index 0000000..15b9bec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_same_lower/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x32x32xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/input_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/model.mlir b/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/model.mlir new file mode 100644 index 0000000..123d575 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lppool_2d_same_upper(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LpPool"(%arg0) {torch.onnx.auto_pad = "SAME_UPPER", torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.p = 2 : si64} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> + return %0 : !torch.vtensor<[1,3,32,32],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/output_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/output_0.bin new file mode 100644 index 0000000..5d6c91d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/run_module_io_flags.txt new file mode 100644 index 0000000..15b9bec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_same_upper/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x32x32xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_strides/input_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_strides/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_strides/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_strides/model.mlir b/onnx-ops/onnx/node/generated/test_lppool_2d_strides/model.mlir new file mode 100644 index 0000000..4ff1d52 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_strides/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lppool_2d_strides(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,10,10],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LpPool"(%arg0) {torch.onnx.kernel_shape = [5 : si64, 5 : si64], torch.onnx.p = 2 : si64, torch.onnx.strides = [3 : si64, 3 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,10,10],f32> + return %0 : !torch.vtensor<[1,3,10,10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_strides/output_0.bin b/onnx-ops/onnx/node/generated/test_lppool_2d_strides/output_0.bin new file mode 100644 index 0000000..b576bb1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_2d_strides/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_2d_strides/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lppool_2d_strides/run_module_io_flags.txt new file mode 100644 index 0000000..9074285 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_2d_strides/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x10x10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lppool_3d_default/input_0.bin b/onnx-ops/onnx/node/generated/test_lppool_3d_default/input_0.bin new file mode 100644 index 0000000..5f347e2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_3d_default/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_3d_default/model.mlir b/onnx-ops/onnx/node/generated/test_lppool_3d_default/model.mlir new file mode 100644 index 0000000..186db48 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_3d_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lppool_3d_default(%arg0: !torch.vtensor<[1,3,32,32,32],f32>) -> !torch.vtensor<[1,3,31,31,31],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LpPool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64, 2 : si64], torch.onnx.p = 3 : si64} : (!torch.vtensor<[1,3,32,32,32],f32>) -> !torch.vtensor<[1,3,31,31,31],f32> + return %0 : !torch.vtensor<[1,3,31,31,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lppool_3d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_lppool_3d_default/output_0.bin new file mode 100644 index 0000000..0e60744 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lppool_3d_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lppool_3d_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lppool_3d_default/run_module_io_flags.txt new file mode 100644 index 0000000..09991e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lppool_3d_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32x32xf32=@input_0.bin +--expected_output=1x3x31x31x31xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lrn/input_0.bin b/onnx-ops/onnx/node/generated/test_lrn/input_0.bin new file mode 100644 index 0000000..c4fd097 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lrn/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lrn/model.mlir b/onnx-ops/onnx/node/generated/test_lrn/model.mlir new file mode 100644 index 0000000..7eac924 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lrn/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lrn(%arg0: !torch.vtensor<[5,5,5,5],f32>) -> !torch.vtensor<[5,5,5,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LRN"(%arg0) {torch.onnx.alpha = 2.000000e-04 : f32, torch.onnx.beta = 5.000000e-01 : f32, torch.onnx.bias = 2.000000e+00 : f32, torch.onnx.size = 3 : si64} : (!torch.vtensor<[5,5,5,5],f32>) -> !torch.vtensor<[5,5,5,5],f32> + return %0 : !torch.vtensor<[5,5,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lrn/output_0.bin b/onnx-ops/onnx/node/generated/test_lrn/output_0.bin new file mode 100644 index 0000000..af40179 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lrn/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lrn/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lrn/run_module_io_flags.txt new file mode 100644 index 0000000..b340c73 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lrn/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5x5x5xf32=@input_0.bin +--expected_output=5x5x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lrn_default/input_0.bin b/onnx-ops/onnx/node/generated/test_lrn_default/input_0.bin new file mode 100644 index 0000000..c4fd097 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lrn_default/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lrn_default/model.mlir b/onnx-ops/onnx/node/generated/test_lrn_default/model.mlir new file mode 100644 index 0000000..09db0bf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lrn_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lrn_default(%arg0: !torch.vtensor<[5,5,5,5],f32>) -> !torch.vtensor<[5,5,5,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.LRN"(%arg0) {torch.onnx.size = 3 : si64} : (!torch.vtensor<[5,5,5,5],f32>) -> !torch.vtensor<[5,5,5,5],f32> + return %0 : !torch.vtensor<[5,5,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lrn_default/output_0.bin b/onnx-ops/onnx/node/generated/test_lrn_default/output_0.bin new file mode 100644 index 0000000..2022ab5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lrn_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lrn_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lrn_default/run_module_io_flags.txt new file mode 100644 index 0000000..b340c73 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lrn_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5x5x5x5xf32=@input_0.bin +--expected_output=5x5x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_0.bin b/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_1.bin b/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_1.bin new file mode 100644 index 0000000..c14d45d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_1.bin @@ -0,0 +1 @@ +>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_2.bin b/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_2.bin new file mode 100644 index 0000000..a40814c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_batchwise/input_2.bin @@ -0,0 +1 @@ +>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_batchwise/model.mlir b/onnx-ops/onnx/node/generated/test_lstm_batchwise/model.mlir new file mode 100644 index 0000000..ed44b0b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_batchwise/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lstm_batchwise(%arg0: !torch.vtensor<[3,1,2],f32>, %arg1: !torch.vtensor<[1,28,2],f32>, %arg2: !torch.vtensor<[1,28,7],f32>) -> (!torch.vtensor<[3,1,1,7],f32>, !torch.vtensor<[3,1,7],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.LSTM"(%arg0, %arg1, %arg2) {torch.onnx.hidden_size = 7 : si64, torch.onnx.layout = 1 : si64} : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1,28,2],f32>, !torch.vtensor<[1,28,7],f32>) -> (!torch.vtensor<[3,1,1,7],f32>, !torch.vtensor<[3,1,7],f32>) + return %0#0, %0#1 : !torch.vtensor<[3,1,1,7],f32>, !torch.vtensor<[3,1,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lstm_batchwise/output_0.bin b/onnx-ops/onnx/node/generated/test_lstm_batchwise/output_0.bin new file mode 100644 index 0000000..f9c0bd0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_batchwise/output_0.bin @@ -0,0 +1 @@ +٪>٪>٪>٪>٪>٪>٪>)U?)U?)U?)U?)U?)U?)U?7?7?7?7?7?7?7? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_batchwise/output_1.bin b/onnx-ops/onnx/node/generated/test_lstm_batchwise/output_1.bin new file mode 100644 index 0000000..f9c0bd0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_batchwise/output_1.bin @@ -0,0 +1 @@ +٪>٪>٪>٪>٪>٪>٪>)U?)U?)U?)U?)U?)U?)U?7?7?7?7?7?7?7? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_batchwise/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lstm_batchwise/run_module_io_flags.txt new file mode 100644 index 0000000..970a343 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_batchwise/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x1x2xf32=@input_0.bin +--input=1x28x2xf32=@input_1.bin +--input=1x28x7xf32=@input_2.bin +--expected_output=3x1x1x7xf32=@output_0.bin +--expected_output=3x1x7xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_lstm_defaults/input_0.bin b/onnx-ops/onnx/node/generated/test_lstm_defaults/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_defaults/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_defaults/input_1.bin b/onnx-ops/onnx/node/generated/test_lstm_defaults/input_1.bin new file mode 100644 index 0000000..41e233b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_defaults/input_1.bin @@ -0,0 +1 @@ +======================== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_defaults/input_2.bin b/onnx-ops/onnx/node/generated/test_lstm_defaults/input_2.bin new file mode 100644 index 0000000..ba02fd8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_defaults/input_2.bin @@ -0,0 +1 @@ +==================================== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_defaults/model.mlir b/onnx-ops/onnx/node/generated/test_lstm_defaults/model.mlir new file mode 100644 index 0000000..f91dc57 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_defaults/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lstm_defaults(%arg0: !torch.vtensor<[1,3,2],f32>, %arg1: !torch.vtensor<[1,12,2],f32>, %arg2: !torch.vtensor<[1,12,3],f32>) -> !torch.vtensor<[1,3,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.LSTM"(%arg0, %arg1, %arg2) {torch.onnx.hidden_size = 3 : si64} : (!torch.vtensor<[1,3,2],f32>, !torch.vtensor<[1,12,2],f32>, !torch.vtensor<[1,12,3],f32>) -> (!torch.none, !torch.vtensor<[1,3,3],f32>) + return %0#1 : !torch.vtensor<[1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lstm_defaults/output_0.bin b/onnx-ops/onnx/node/generated/test_lstm_defaults/output_0.bin new file mode 100644 index 0000000..6a78166 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_defaults/output_0.bin @@ -0,0 +1 @@ + = = =>>>.u>.u>.u> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_defaults/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lstm_defaults/run_module_io_flags.txt new file mode 100644 index 0000000..57c05b9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_defaults/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x3x2xf32=@input_0.bin +--input=1x12x2xf32=@input_1.bin +--input=1x12x3xf32=@input_2.bin +--expected_output=1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_0.bin new file mode 100644 index 0000000..1520f40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_1.bin new file mode 100644 index 0000000..975ee9d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_1.bin @@ -0,0 +1 @@ +================================================ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_2.bin new file mode 100644 index 0000000..dade2bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_2.bin @@ -0,0 +1 @@ +================================================================ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_3.bin b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_3.bin new file mode 100644 index 0000000..9f3f4e3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/model.mlir b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/model.mlir new file mode 100644 index 0000000..fcfa9a1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lstm_with_initial_bias(%arg0: !torch.vtensor<[1,3,3],f32>, %arg1: !torch.vtensor<[1,16,3],f32>, %arg2: !torch.vtensor<[1,16,4],f32>, %arg3: !torch.vtensor<[1,32],f32>) -> !torch.vtensor<[1,3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.LSTM"(%arg0, %arg1, %arg2, %arg3) {torch.onnx.hidden_size = 4 : si64} : (!torch.vtensor<[1,3,3],f32>, !torch.vtensor<[1,16,3],f32>, !torch.vtensor<[1,16,4],f32>, !torch.vtensor<[1,32],f32>) -> (!torch.none, !torch.vtensor<[1,3,4],f32>) + return %0#1 : !torch.vtensor<[1,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/output_0.bin new file mode 100644 index 0000000..5a8566c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/output_0.bin @@ -0,0 +1 @@ +>>>>f ?f ?f ?f ?|*?|*?|*?|*? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/run_module_io_flags.txt new file mode 100644 index 0000000..d2f1c26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_initial_bias/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=1x3x3xf32=@input_0.bin +--input=1x16x3xf32=@input_1.bin +--input=1x16x4xf32=@input_2.bin +--input=1x32xf32=@input_3.bin +--expected_output=1x3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_0.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_1.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_1.bin new file mode 100644 index 0000000..975ee9d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_1.bin @@ -0,0 +1 @@ +================================================ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_2.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_2.bin new file mode 100644 index 0000000..ba02fd8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_2.bin @@ -0,0 +1 @@ +==================================== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_3.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_3.bin new file mode 100644 index 0000000..a641d42 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_4.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_4.bin new file mode 100644 index 0000000..1d9374d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_5.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_5.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_5.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_6.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_6.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_6.bin differ diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_7.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_7.bin new file mode 100644 index 0000000..d4eb125 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/input_7.bin @@ -0,0 +1 @@ +========= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/model.mlir b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/model.mlir new file mode 100644 index 0000000..38c1a0f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_lstm_with_peepholes(%arg0: !torch.vtensor<[1,2,4],f32>, %arg1: !torch.vtensor<[1,12,4],f32>, %arg2: !torch.vtensor<[1,12,3],f32>, %arg3: !torch.vtensor<[1,24],f32>, %arg4: !torch.vtensor<[2],si32>, %arg5: !torch.vtensor<[1,2,3],f32>, %arg6: !torch.vtensor<[1,2,3],f32>, %arg7: !torch.vtensor<[1,9],f32>) -> !torch.vtensor<[1,2,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.LSTM"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) {torch.onnx.hidden_size = 3 : si64} : (!torch.vtensor<[1,2,4],f32>, !torch.vtensor<[1,12,4],f32>, !torch.vtensor<[1,12,3],f32>, !torch.vtensor<[1,24],f32>, !torch.vtensor<[2],si32>, !torch.vtensor<[1,2,3],f32>, !torch.vtensor<[1,2,3],f32>, !torch.vtensor<[1,9],f32>) -> (!torch.none, !torch.vtensor<[1,2,3],f32>) + return %0#1 : !torch.vtensor<[1,2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/output_0.bin b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/output_0.bin new file mode 100644 index 0000000..0fdf204 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/output_0.bin @@ -0,0 +1 @@ + > > >.?.?.? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/run_module_io_flags.txt new file mode 100644 index 0000000..ee0a570 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_lstm_with_peepholes/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=1x2x4xf32=@input_0.bin +--input=1x12x4xf32=@input_1.bin +--input=1x12x3xf32=@input_2.bin +--input=1x24xf32=@input_3.bin +--input=2xi32=@input_4.bin +--input=1x2x3xf32=@input_5.bin +--input=1x2x3xf32=@input_6.bin +--input=1x9xf32=@input_7.bin +--expected_output=1x2x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_matmul_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_matmul_2d/input_0.bin new file mode 100644 index 0000000..cfd2d83 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_2d/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_2d/input_1.bin b/onnx-ops/onnx/node/generated/test_matmul_2d/input_1.bin new file mode 100644 index 0000000..d93a86d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_2d/input_1.bin @@ -0,0 +1 @@ +^B?0= B>]ת>=?RiJ>Z/d#S'?K]?= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_2d/model.mlir b/onnx-ops/onnx/node/generated/test_matmul_2d/model.mlir new file mode 100644 index 0000000..e228738 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_matmul_2d(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[4,3],f32>) -> !torch.vtensor<[3,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MatMul"(%arg0, %arg1) : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[4,3],f32>) -> !torch.vtensor<[3,3],f32> + return %0 : !torch.vtensor<[3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_matmul_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_matmul_2d/output_0.bin new file mode 100644 index 0000000..8418cbb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_2d/output_0.bin @@ -0,0 +1 @@ +O@~?]?|6 wS]??ɿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_matmul_2d/run_module_io_flags.txt new file mode 100644 index 0000000..20ed0c8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=4x3xf32=@input_1.bin +--expected_output=3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_matmul_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_matmul_3d/input_0.bin new file mode 100644 index 0000000..f19fe2a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_3d/input_0.bin @@ -0,0 +1 @@ +C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_3d/input_1.bin b/onnx-ops/onnx/node/generated/test_matmul_3d/input_1.bin new file mode 100644 index 0000000..6f88991 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_3d/input_1.bin @@ -0,0 +1 @@ +4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_3d/model.mlir b/onnx-ops/onnx/node/generated/test_matmul_3d/model.mlir new file mode 100644 index 0000000..24118e3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_matmul_3d(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[2,4,3],f32>) -> !torch.vtensor<[2,3,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MatMul"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[2,4,3],f32>) -> !torch.vtensor<[2,3,3],f32> + return %0 : !torch.vtensor<[2,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_matmul_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_matmul_3d/output_0.bin new file mode 100644 index 0000000..9ccd2a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_3d/output_0.bin @@ -0,0 +1 @@ +[>Wz6N_89?)s?pC@Zb 啿fB@A?CN@4K@=c? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_matmul_3d/run_module_io_flags.txt new file mode 100644 index 0000000..47f8cca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=2x4x3xf32=@input_1.bin +--expected_output=2x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_matmul_4d/input_0.bin b/onnx-ops/onnx/node/generated/test_matmul_4d/input_0.bin new file mode 100644 index 0000000..fb0195a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_4d/input_0.bin @@ -0,0 +1 @@ +ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_4d/input_1.bin b/onnx-ops/onnx/node/generated/test_matmul_4d/input_1.bin new file mode 100644 index 0000000..3f1832b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_4d/input_1.bin @@ -0,0 +1 @@ +G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_4d/model.mlir b/onnx-ops/onnx/node/generated/test_matmul_4d/model.mlir new file mode 100644 index 0000000..332a6fa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_matmul_4d(%arg0: !torch.vtensor<[1,2,3,4],f32>, %arg1: !torch.vtensor<[1,2,4,3],f32>) -> !torch.vtensor<[1,2,3,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MatMul"(%arg0, %arg1) : (!torch.vtensor<[1,2,3,4],f32>, !torch.vtensor<[1,2,4,3],f32>) -> !torch.vtensor<[1,2,3,3],f32> + return %0 : !torch.vtensor<[1,2,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_matmul_4d/output_0.bin b/onnx-ops/onnx/node/generated/test_matmul_4d/output_0.bin new file mode 100644 index 0000000..5f40976 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_4d/output_0.bin @@ -0,0 +1 @@ +B>آ?Ệ>>>~?N3?BmT@?5>@կD=3B?H?@?>O@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmul_4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_matmul_4d/run_module_io_flags.txt new file mode 100644 index 0000000..a8f0865 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmul_4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x2x3x4xf32=@input_0.bin +--input=1x2x4x3xf32=@input_1.bin +--expected_output=1x2x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_matmulinteger/input_0.bin b/onnx-ops/onnx/node/generated/test_matmulinteger/input_0.bin new file mode 100644 index 0000000..ed97918 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_matmulinteger/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_matmulinteger/input_1.bin b/onnx-ops/onnx/node/generated/test_matmulinteger/input_1.bin new file mode 100644 index 0000000..fbb5944 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmulinteger/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmulinteger/input_2.bin b/onnx-ops/onnx/node/generated/test_matmulinteger/input_2.bin new file mode 100644 index 0000000..8214d0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmulinteger/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmulinteger/input_3.bin b/onnx-ops/onnx/node/generated/test_matmulinteger/input_3.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_matmulinteger/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_matmulinteger/model.mlir b/onnx-ops/onnx/node/generated/test_matmulinteger/model.mlir new file mode 100644 index 0000000..0185cab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmulinteger/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_matmulinteger(%arg0: !torch.vtensor<[4,3],ui8>, %arg1: !torch.vtensor<[3,2],ui8>, %arg2: !torch.vtensor<[1],ui8>, %arg3: !torch.vtensor<[1],ui8>) -> !torch.vtensor<[4,2],si32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MatMulInteger"(%arg0, %arg1, %arg2, %arg3) : (!torch.vtensor<[4,3],ui8>, !torch.vtensor<[3,2],ui8>, !torch.vtensor<[1],ui8>, !torch.vtensor<[1],ui8>) -> !torch.vtensor<[4,2],si32> + return %0 : !torch.vtensor<[4,2],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_matmulinteger/output_0.bin b/onnx-ops/onnx/node/generated/test_matmulinteger/output_0.bin new file mode 100644 index 0000000..46f9b79 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmulinteger/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_matmulinteger/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_matmulinteger/run_module_io_flags.txt new file mode 100644 index 0000000..f7a2f77 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_matmulinteger/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=4x3xi8=@input_0.bin +--input=3x2xi8=@input_1.bin +--input=1xi8=@input_2.bin +--input=1xi8=@input_3.bin +--expected_output=4x2xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_example/input_0.bin b/onnx-ops/onnx/node/generated/test_max_example/input_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_example/input_1.bin b/onnx-ops/onnx/node/generated/test_max_example/input_1.bin new file mode 100644 index 0000000..ab833fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_example/input_2.bin b/onnx-ops/onnx/node/generated/test_max_example/input_2.bin new file mode 100644 index 0000000..7f95bbb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_example/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_example/model.mlir b/onnx-ops/onnx/node/generated/test_max_example/model.mlir new file mode 100644 index 0000000..da9b7e8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_example(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_example/output_0.bin b/onnx-ops/onnx/node/generated/test_max_example/output_0.bin new file mode 100644 index 0000000..520d5ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_example/run_module_io_flags.txt new file mode 100644 index 0000000..0b11dfd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_max_float16/input_0.bin new file mode 100644 index 0000000..76071d7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float16/input_1.bin b/onnx-ops/onnx/node/generated/test_max_float16/input_1.bin new file mode 100644 index 0000000..85b693e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float16/model.mlir b/onnx-ops/onnx/node/generated/test_max_float16/model.mlir new file mode 100644 index 0000000..d5dfc79 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_float16(%arg0: !torch.vtensor<[3],f16>, %arg1: !torch.vtensor<[3],f16>) -> !torch.vtensor<[3],f16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],f16>, !torch.vtensor<[3],f16>) -> !torch.vtensor<[3],f16> + return %0 : !torch.vtensor<[3],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_max_float16/output_0.bin new file mode 100644 index 0000000..bf46b31 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_float16/run_module_io_flags.txt new file mode 100644 index 0000000..0d59721 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_float16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf16=@input_0.bin +--input=3xf16=@input_1.bin +--expected_output=3xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_max_float32/input_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_max_float32/input_1.bin new file mode 100644 index 0000000..ab833fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float32/model.mlir b/onnx-ops/onnx/node/generated/test_max_float32/model.mlir new file mode 100644 index 0000000..173cc0c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_float32(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_max_float32/output_0.bin new file mode 100644 index 0000000..60354f3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_float32/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_float32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_float64/input_0.bin b/onnx-ops/onnx/node/generated/test_max_float64/input_0.bin new file mode 100644 index 0000000..945336c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float64/input_1.bin b/onnx-ops/onnx/node/generated/test_max_float64/input_1.bin new file mode 100644 index 0000000..b4d5ba7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float64/model.mlir b/onnx-ops/onnx/node/generated/test_max_float64/model.mlir new file mode 100644 index 0000000..5c61c6d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_float64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_float64(%arg0: !torch.vtensor<[3],f64>, %arg1: !torch.vtensor<[3],f64>) -> !torch.vtensor<[3],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],f64>, !torch.vtensor<[3],f64>) -> !torch.vtensor<[3],f64> + return %0 : !torch.vtensor<[3],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_float64/output_0.bin b/onnx-ops/onnx/node/generated/test_max_float64/output_0.bin new file mode 100644 index 0000000..45a824c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_float64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_float64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_float64/run_module_io_flags.txt new file mode 100644 index 0000000..c00d506 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_float64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf64=@input_0.bin +--input=3xf64=@input_1.bin +--expected_output=3xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_int16/input_0.bin b/onnx-ops/onnx/node/generated/test_max_int16/input_0.bin new file mode 100644 index 0000000..180ee81 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int16/input_1.bin b/onnx-ops/onnx/node/generated/test_max_int16/input_1.bin new file mode 100644 index 0000000..1c75449 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int16/model.mlir b/onnx-ops/onnx/node/generated/test_max_int16/model.mlir new file mode 100644 index 0000000..395d7ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_int16(%arg0: !torch.vtensor<[3],si16>, %arg1: !torch.vtensor<[3],si16>) -> !torch.vtensor<[3],si16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],si16>, !torch.vtensor<[3],si16>) -> !torch.vtensor<[3],si16> + return %0 : !torch.vtensor<[3],si16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_int16/output_0.bin b/onnx-ops/onnx/node/generated/test_max_int16/output_0.bin new file mode 100644 index 0000000..d9ded5f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_int16/run_module_io_flags.txt new file mode 100644 index 0000000..445e51d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi16=@input_0.bin +--input=3xi16=@input_1.bin +--expected_output=3xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_int32/input_0.bin b/onnx-ops/onnx/node/generated/test_max_int32/input_0.bin new file mode 100644 index 0000000..6ac7a42 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int32/input_1.bin b/onnx-ops/onnx/node/generated/test_max_int32/input_1.bin new file mode 100644 index 0000000..1aa97cd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int32/model.mlir b/onnx-ops/onnx/node/generated/test_max_int32/model.mlir new file mode 100644 index 0000000..0d1d09b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_int32(%arg0: !torch.vtensor<[3],si32>, %arg1: !torch.vtensor<[3],si32>) -> !torch.vtensor<[3],si32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],si32>, !torch.vtensor<[3],si32>) -> !torch.vtensor<[3],si32> + return %0 : !torch.vtensor<[3],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_int32/output_0.bin b/onnx-ops/onnx/node/generated/test_max_int32/output_0.bin new file mode 100644 index 0000000..46c6d8b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_int32/run_module_io_flags.txt new file mode 100644 index 0000000..8b214ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_int64/input_0.bin b/onnx-ops/onnx/node/generated/test_max_int64/input_0.bin new file mode 100644 index 0000000..591f394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int64/input_1.bin b/onnx-ops/onnx/node/generated/test_max_int64/input_1.bin new file mode 100644 index 0000000..e504843 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int64/model.mlir b/onnx-ops/onnx/node/generated/test_max_int64/model.mlir new file mode 100644 index 0000000..4e3d753 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_int64(%arg0: !torch.vtensor<[3],si64>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + return %0 : !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_int64/output_0.bin b/onnx-ops/onnx/node/generated/test_max_int64/output_0.bin new file mode 100644 index 0000000..5b20bb7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_int64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_int64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_int64/run_module_io_flags.txt new file mode 100644 index 0000000..0281ad8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_int8/input_0.bin b/onnx-ops/onnx/node/generated/test_max_int8/input_0.bin new file mode 100644 index 0000000..65621cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int8/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_max_int8/input_1.bin b/onnx-ops/onnx/node/generated/test_max_int8/input_1.bin new file mode 100644 index 0000000..9f66de1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int8/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_max_int8/model.mlir b/onnx-ops/onnx/node/generated/test_max_int8/model.mlir new file mode 100644 index 0000000..e33c344 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_int8(%arg0: !torch.vtensor<[3],si8>, %arg1: !torch.vtensor<[3],si8>) -> !torch.vtensor<[3],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],si8>, !torch.vtensor<[3],si8>) -> !torch.vtensor<[3],si8> + return %0 : !torch.vtensor<[3],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_int8/output_0.bin b/onnx-ops/onnx/node/generated/test_max_int8/output_0.bin new file mode 100644 index 0000000..d492a96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int8/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_max_int8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_int8/run_module_io_flags.txt new file mode 100644 index 0000000..416316b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_int8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi8=@input_0.bin +--input=3xi8=@input_1.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_one_input/input_0.bin b/onnx-ops/onnx/node/generated/test_max_one_input/input_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_one_input/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_one_input/model.mlir b/onnx-ops/onnx/node/generated/test_max_one_input/model.mlir new file mode 100644 index 0000000..864549c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_one_input/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_one_input(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_one_input/output_0.bin b/onnx-ops/onnx/node/generated/test_max_one_input/output_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_one_input/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_one_input/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_one_input/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_one_input/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_two_inputs/input_0.bin b/onnx-ops/onnx/node/generated/test_max_two_inputs/input_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_two_inputs/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_two_inputs/input_1.bin b/onnx-ops/onnx/node/generated/test_max_two_inputs/input_1.bin new file mode 100644 index 0000000..ab833fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_two_inputs/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_two_inputs/model.mlir b/onnx-ops/onnx/node/generated/test_max_two_inputs/model.mlir new file mode 100644 index 0000000..2c8c2ab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_two_inputs/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_two_inputs(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_two_inputs/output_0.bin b/onnx-ops/onnx/node/generated/test_max_two_inputs/output_0.bin new file mode 100644 index 0000000..60354f3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_two_inputs/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_two_inputs/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_two_inputs/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_two_inputs/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_uint16/input_0.bin b/onnx-ops/onnx/node/generated/test_max_uint16/input_0.bin new file mode 100644 index 0000000..180ee81 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint16/input_1.bin b/onnx-ops/onnx/node/generated/test_max_uint16/input_1.bin new file mode 100644 index 0000000..1c75449 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint16/model.mlir b/onnx-ops/onnx/node/generated/test_max_uint16/model.mlir new file mode 100644 index 0000000..c0e5707 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_uint16(%arg0: !torch.vtensor<[3],ui16>, %arg1: !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],ui16>, !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> + return %0 : !torch.vtensor<[3],ui16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_uint16/output_0.bin b/onnx-ops/onnx/node/generated/test_max_uint16/output_0.bin new file mode 100644 index 0000000..d9ded5f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_uint16/run_module_io_flags.txt new file mode 100644 index 0000000..445e51d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi16=@input_0.bin +--input=3xi16=@input_1.bin +--expected_output=3xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_uint32/input_0.bin b/onnx-ops/onnx/node/generated/test_max_uint32/input_0.bin new file mode 100644 index 0000000..6ac7a42 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint32/input_1.bin b/onnx-ops/onnx/node/generated/test_max_uint32/input_1.bin new file mode 100644 index 0000000..1aa97cd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint32/model.mlir b/onnx-ops/onnx/node/generated/test_max_uint32/model.mlir new file mode 100644 index 0000000..de6cd85 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_uint32(%arg0: !torch.vtensor<[3],ui32>, %arg1: !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],ui32>, !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> + return %0 : !torch.vtensor<[3],ui32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_uint32/output_0.bin b/onnx-ops/onnx/node/generated/test_max_uint32/output_0.bin new file mode 100644 index 0000000..46c6d8b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_uint32/run_module_io_flags.txt new file mode 100644 index 0000000..8b214ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_uint64/input_0.bin b/onnx-ops/onnx/node/generated/test_max_uint64/input_0.bin new file mode 100644 index 0000000..591f394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint64/input_1.bin b/onnx-ops/onnx/node/generated/test_max_uint64/input_1.bin new file mode 100644 index 0000000..e504843 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint64/model.mlir b/onnx-ops/onnx/node/generated/test_max_uint64/model.mlir new file mode 100644 index 0000000..3e0943e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_uint64(%arg0: !torch.vtensor<[3],ui64>, %arg1: !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],ui64>, !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> + return %0 : !torch.vtensor<[3],ui64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_uint64/output_0.bin b/onnx-ops/onnx/node/generated/test_max_uint64/output_0.bin new file mode 100644 index 0000000..5b20bb7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_max_uint64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_max_uint64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_uint64/run_module_io_flags.txt new file mode 100644 index 0000000..0281ad8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_max_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_max_uint8/input_0.bin new file mode 100644 index 0000000..65621cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint8/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_max_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_max_uint8/input_1.bin new file mode 100644 index 0000000..9f66de1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint8/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_max_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_max_uint8/model.mlir new file mode 100644 index 0000000..1cede01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_max_uint8(%arg0: !torch.vtensor<[3],ui8>, %arg1: !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Max"(%arg0, %arg1) : (!torch.vtensor<[3],ui8>, !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> + return %0 : !torch.vtensor<[3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_max_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_max_uint8/output_0.bin new file mode 100644 index 0000000..d492a96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint8/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_max_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_max_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..416316b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_max_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi8=@input_0.bin +--input=3xi8=@input_1.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_1d_default/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_1d_default/input_0.bin new file mode 100644 index 0000000..c2a666c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_1d_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_maxpool_1d_default/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_1d_default/model.mlir new file mode 100644 index 0000000..3b44755 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_1d_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_1d_default(%arg0: !torch.vtensor<[1,3,32],f32>) -> !torch.vtensor<[1,3,31],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [2 : si64]} : (!torch.vtensor<[1,3,32],f32>) -> !torch.vtensor<[1,3,31],f32> + return %0 : !torch.vtensor<[1,3,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_1d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_1d_default/output_0.bin new file mode 100644 index 0000000..5bd87f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_1d_default/output_0.bin @@ -0,0 +1 @@ +x?z?j@j@$ ?8s?8s?hdӽ9>9>%?%?^B? B> B>=?=?iJ>iJ>ZS'?K]?K]?C@C@Hm;=Hm;=2?2??>Ec! >*z?*z??mǚmǚ6&õ??FKFKྜ G? G?YY>> kQN>QN>ݚ>ݚ>66ZZ[*P35>;;>>T=:?:?ב?ב?>>O/~/Ѓ f= f=f?f?Ok> ???@?7>8F?F?y?y?z?z?4? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_maxpool_1d_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_1d_default/run_module_io_flags.txt new file mode 100644 index 0000000..a6c3430 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_1d_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32xf32=@input_0.bin +--expected_output=1x3x31xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/model.mlir new file mode 100644 index 0000000..b3c8616 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_ceil(%arg0: !torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.ceil_mode = 1 : si64, torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/output_0.bin new file mode 100644 index 0000000..434eeaa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/run_module_io_flags.txt new file mode 100644 index 0000000..20f0871 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x4xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/model.mlir new file mode 100644 index 0000000..5409e9d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_ceil_output_size_reduce_by_one(%arg0: !torch.vtensor<[1,1,2,2],f32>) -> !torch.vtensor<[1,1,1,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.ceil_mode = 1 : si64, torch.onnx.kernel_shape = [1 : si64, 1 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,2,2],f32>) -> !torch.vtensor<[1,1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/output_0.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/run_module_io_flags.txt new file mode 100644 index 0000000..1eca09b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_ceil_output_size_reduce_by_one/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x2x2xf32=@input_0.bin +--expected_output=1x1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_default/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_default/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_default/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_default/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_default/model.mlir new file mode 100644 index 0000000..2218559 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_default(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,31,31],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,31,31],f32> + return %0 : !torch.vtensor<[1,3,31,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_default/output_0.bin new file mode 100644 index 0000000..0a6b98e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_default/run_module_io_flags.txt new file mode 100644 index 0000000..5c8b840 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x31x31xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/model.mlir new file mode 100644 index 0000000..1eb4abf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_dilations(%arg0: !torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.dilations = [2 : si64, 2 : si64], torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.strides = [1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,4,4],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/output_0.bin new file mode 100644 index 0000000..434eeaa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/run_module_io_flags.txt new file mode 100644 index 0000000..20f0871 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_dilations/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x4xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/input_0.bin new file mode 100644 index 0000000..de81f74 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/model.mlir new file mode 100644 index 0000000..2069e15 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_pads(%arg0: !torch.vtensor<[1,3,28,28],f32>) -> !torch.vtensor<[1,3,30,30],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,28,28],f32>) -> !torch.vtensor<[1,3,30,30],f32> + return %0 : !torch.vtensor<[1,3,30,30],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/output_0.bin new file mode 100644 index 0000000..ec325d1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/run_module_io_flags.txt new file mode 100644 index 0000000..8f23a07 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_pads/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x28x28xf32=@input_0.bin +--expected_output=1x3x30x30xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/model.mlir new file mode 100644 index 0000000..fbe9bcc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_precomputed_pads(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [5 : si64, 5 : si64], torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/output_0.bin new file mode 100644 index 0000000..9ef35d9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/run_module_io_flags.txt new file mode 100644 index 0000000..c260172 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_pads/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/model.mlir new file mode 100644 index 0000000..d713a24 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_precomputed_same_upper(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.auto_pad = "SAME_UPPER", torch.onnx.kernel_shape = [3 : si64, 3 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/output_0.bin new file mode 100644 index 0000000..d5fcfab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/run_module_io_flags.txt new file mode 100644 index 0000000..a2933bf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_same_upper/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/model.mlir new file mode 100644 index 0000000..0f484da --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_precomputed_strides(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/output_0.bin new file mode 100644 index 0000000..e45a757 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/run_module_io_flags.txt new file mode 100644 index 0000000..20fe107 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_precomputed_strides/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/model.mlir new file mode 100644 index 0000000..9c0e838 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_same_lower(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.auto_pad = "SAME_LOWER", torch.onnx.kernel_shape = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> + return %0 : !torch.vtensor<[1,3,32,32],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/output_0.bin new file mode 100644 index 0000000..54fcd4c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/run_module_io_flags.txt new file mode 100644 index 0000000..15b9bec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_lower/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x32x32xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/model.mlir new file mode 100644 index 0000000..b632dc7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_same_upper(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.auto_pad = "SAME_UPPER", torch.onnx.kernel_shape = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,32,32],f32> + return %0 : !torch.vtensor<[1,3,32,32],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/output_0.bin new file mode 100644 index 0000000..1572dc5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/run_module_io_flags.txt new file mode 100644 index 0000000..15b9bec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_same_upper/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x32x32xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/input_0.bin new file mode 100644 index 0000000..c8257a7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/model.mlir new file mode 100644 index 0000000..05b4420 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_strides(%arg0: !torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,10,10],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [5 : si64, 5 : si64], torch.onnx.strides = [3 : si64, 3 : si64]} : (!torch.vtensor<[1,3,32,32],f32>) -> !torch.vtensor<[1,3,10,10],f32> + return %0 : !torch.vtensor<[1,3,10,10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/output_0.bin new file mode 100644 index 0000000..41477ca Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/run_module_io_flags.txt new file mode 100644 index 0000000..9074285 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_strides/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32xf32=@input_0.bin +--expected_output=1x3x10x10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/input_0.bin new file mode 100644 index 0000000..8bcf1ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/input_0.bin @@ -0,0 +1,2 @@ + +  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/model.mlir new file mode 100644 index 0000000..d59c833 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_2d_uint8(%arg0: !torch.vtensor<[1,1,5,5],ui8>) -> !torch.vtensor<[1,1,5,5],ui8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [5 : si64, 5 : si64], torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],ui8>) -> !torch.vtensor<[1,1,5,5],ui8> + return %0 : !torch.vtensor<[1,1,5,5],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/output_0.bin new file mode 100644 index 0000000..6f9337f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/output_0.bin @@ -0,0 +1 @@ +  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..61d7141 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_2d_uint8/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x5x5xi8=@input_0.bin +--expected_output=1x1x5x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_default/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_3d_default/input_0.bin new file mode 100644 index 0000000..5f347e2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_3d_default/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_default/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_3d_default/model.mlir new file mode 100644 index 0000000..e3eb630 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_3d_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_3d_default(%arg0: !torch.vtensor<[1,3,32,32,32],f32>) -> !torch.vtensor<[1,3,31,31,31],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,3,32,32,32],f32>) -> !torch.vtensor<[1,3,31,31,31],f32> + return %0 : !torch.vtensor<[1,3,31,31,31],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_default/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_3d_default/output_0.bin new file mode 100644 index 0000000..efe3bfc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_3d_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_3d_default/run_module_io_flags.txt new file mode 100644 index 0000000..09991e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_3d_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3x32x32x32xf32=@input_0.bin +--expected_output=1x3x31x31x31xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/input_0.bin new file mode 100644 index 0000000..0e46cb4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/model.mlir new file mode 100644 index 0000000..56b1b51 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_3d_dilations(%arg0: !torch.vtensor<[1,1,4,4,4],f32>) -> !torch.vtensor<[1,1,2,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.dilations = [2 : si64, 2 : si64, 2 : si64], torch.onnx.kernel_shape = [2 : si64, 2 : si64, 2 : si64], torch.onnx.strides = [1 : si64, 1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,4,4,4],f32>) -> !torch.vtensor<[1,1,2,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/output_0.bin new file mode 100644 index 0000000..0429bc4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/run_module_io_flags.txt new file mode 100644 index 0000000..79ecbe7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x4x4xf32=@input_0.bin +--expected_output=1x1x2x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/input_0.bin new file mode 100644 index 0000000..0e46cb4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/model.mlir new file mode 100644 index 0000000..f7e4d0d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_3d_dilations_use_ref_impl(%arg0: !torch.vtensor<[1,1,4,4,4],f32>) -> !torch.vtensor<[1,1,2,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.dilations = [2 : si64, 2 : si64, 2 : si64], torch.onnx.kernel_shape = [2 : si64, 2 : si64, 2 : si64], torch.onnx.strides = [1 : si64, 1 : si64, 1 : si64]} : (!torch.vtensor<[1,1,4,4,4],f32>) -> !torch.vtensor<[1,1,2,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/output_0.bin new file mode 100644 index 0000000..0429bc4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/run_module_io_flags.txt new file mode 100644 index 0000000..79ecbe7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x4x4xf32=@input_0.bin +--expected_output=1x1x2x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/input_0.bin new file mode 100644 index 0000000..f8dd5f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/model.mlir new file mode 100644 index 0000000..7972c25 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_3d_dilations_use_ref_impl_large(%arg0: !torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,9,9,9],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.ceil_mode = 1 : si64, torch.onnx.dilations = [2 : si64, 2 : si64, 2 : si64], torch.onnx.kernel_shape = [5 : si64, 5 : si64, 5 : si64], torch.onnx.strides = [3 : si64, 3 : si64, 3 : si64]} : (!torch.vtensor<[1,1,32,32,32],f32>) -> !torch.vtensor<[1,1,9,9,9],f32> + return %0 : !torch.vtensor<[1,1,9,9,9],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/output_0.bin new file mode 100644 index 0000000..4f4562e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/run_module_io_flags.txt new file mode 100644 index 0000000..6060a1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_3d_dilations_use_ref_impl_large/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x32x32x32xf32=@input_0.bin +--expected_output=1x1x9x9x9xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/model.mlir new file mode 100644 index 0000000..1935284 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_with_argmax_2d_precomputed_pads(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> (!torch.vtensor<[1,1,5,5],f32>, !torch.vtensor<[1,1,5,5],si64>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [5 : si64, 5 : si64], torch.onnx.pads = [2 : si64, 2 : si64, 2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> (!torch.vtensor<[1,1,5,5],f32>, !torch.vtensor<[1,1,5,5],si64>) + return %0#0, %0#1 : !torch.vtensor<[1,1,5,5],f32>, !torch.vtensor<[1,1,5,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/output_0.bin new file mode 100644 index 0000000..9ef35d9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/output_1.bin b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/output_1.bin new file mode 100644 index 0000000..7abdda8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/run_module_io_flags.txt new file mode 100644 index 0000000..d75eb0f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_pads/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x5x5xf32=@output_0.bin +--expected_output=1x1x5x5xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/input_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/input_0.bin new file mode 100644 index 0000000..b73bf94 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/model.mlir b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/model.mlir new file mode 100644 index 0000000..f1577d9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxpool_with_argmax_2d_precomputed_strides(%arg0: !torch.vtensor<[1,1,5,5],f32>) -> (!torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[1,1,2,2],si64>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.MaxPool"(%arg0) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.storage_order = 1 : si64, torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,5,5],f32>) -> (!torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[1,1,2,2],si64>) + return %0#0, %0#1 : !torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[1,1,2,2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/output_0.bin b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/output_0.bin new file mode 100644 index 0000000..e45a757 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/output_1.bin b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/output_1.bin new file mode 100644 index 0000000..552fbd9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/run_module_io_flags.txt new file mode 100644 index 0000000..f7a6ec8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxpool_with_argmax_2d_precomputed_strides/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x5x5xf32=@input_0.bin +--expected_output=1x1x2x2xf32=@output_0.bin +--expected_output=1x1x2x2xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_0.bin b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_0.bin new file mode 100644 index 0000000..a81198b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_1.bin b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_1.bin new file mode 100644 index 0000000..c38c736 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_2.bin b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_2.bin new file mode 100644 index 0000000..9fa15c9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/model.mlir b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/model.mlir new file mode 100644 index 0000000..9d0b221 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxunpool_export_with_output_shape(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[1,1,2,2],si64>, %arg2: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxUnpool"(%arg0, %arg1, %arg2) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[1,1,2,2],si64>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,5,5],f32> + return %0 : !torch.vtensor<[1,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/output_0.bin b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/output_0.bin new file mode 100644 index 0000000..f4214c6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/run_module_io_flags.txt new file mode 100644 index 0000000..a9f143d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxunpool_export_with_output_shape/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=1x1x2x2xi64=@input_1.bin +--input=4xi64=@input_2.bin +--expected_output=1x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/input_0.bin b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/input_1.bin b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/input_1.bin new file mode 100644 index 0000000..c38c736 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/model.mlir b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/model.mlir new file mode 100644 index 0000000..7ef3c96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_maxunpool_export_without_output_shape(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[1,1,2,2],si64>) -> !torch.vtensor<[1,1,4,4],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MaxUnpool"(%arg0, %arg1) {torch.onnx.kernel_shape = [2 : si64, 2 : si64], torch.onnx.strides = [2 : si64, 2 : si64]} : (!torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[1,1,2,2],si64>) -> !torch.vtensor<[1,1,4,4],f32> + return %0 : !torch.vtensor<[1,1,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/output_0.bin b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/output_0.bin new file mode 100644 index 0000000..e21995f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/run_module_io_flags.txt new file mode 100644 index 0000000..c274840 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_maxunpool_export_without_output_shape/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=1x1x2x2xi64=@input_1.bin +--expected_output=1x1x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mean_example/input_0.bin b/onnx-ops/onnx/node/generated/test_mean_example/input_0.bin new file mode 100644 index 0000000..fc971f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_example/input_1.bin b/onnx-ops/onnx/node/generated/test_mean_example/input_1.bin new file mode 100644 index 0000000..380ff30 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_example/input_2.bin b/onnx-ops/onnx/node/generated/test_mean_example/input_2.bin new file mode 100644 index 0000000..6d8f4ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_example/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_example/model.mlir b/onnx-ops/onnx/node/generated/test_mean_example/model.mlir new file mode 100644 index 0000000..f17d8ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mean_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mean_example(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mean"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mean_example/output_0.bin b/onnx-ops/onnx/node/generated/test_mean_example/output_0.bin new file mode 100644 index 0000000..da23f61 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mean_example/run_module_io_flags.txt new file mode 100644 index 0000000..0b11dfd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mean_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mean_one_input/input_0.bin b/onnx-ops/onnx/node/generated/test_mean_one_input/input_0.bin new file mode 100644 index 0000000..fc971f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_one_input/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_one_input/model.mlir b/onnx-ops/onnx/node/generated/test_mean_one_input/model.mlir new file mode 100644 index 0000000..488b92b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mean_one_input/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mean_one_input(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mean"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mean_one_input/output_0.bin b/onnx-ops/onnx/node/generated/test_mean_one_input/output_0.bin new file mode 100644 index 0000000..fc971f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_one_input/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_one_input/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mean_one_input/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mean_one_input/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mean_two_inputs/input_0.bin b/onnx-ops/onnx/node/generated/test_mean_two_inputs/input_0.bin new file mode 100644 index 0000000..fc971f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_two_inputs/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_two_inputs/input_1.bin b/onnx-ops/onnx/node/generated/test_mean_two_inputs/input_1.bin new file mode 100644 index 0000000..380ff30 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_two_inputs/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_two_inputs/model.mlir b/onnx-ops/onnx/node/generated/test_mean_two_inputs/model.mlir new file mode 100644 index 0000000..ac3a33d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mean_two_inputs/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mean_two_inputs(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mean"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mean_two_inputs/output_0.bin b/onnx-ops/onnx/node/generated/test_mean_two_inputs/output_0.bin new file mode 100644 index 0000000..34c4628 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mean_two_inputs/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mean_two_inputs/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mean_two_inputs/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mean_two_inputs/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_melweightmatrix/input_0.bin b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_0.bin new file mode 100644 index 0000000..38424fc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_melweightmatrix/input_1.bin b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_1.bin new file mode 100644 index 0000000..2503859 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_melweightmatrix/input_2.bin b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_2.bin new file mode 100644 index 0000000..fb14b06 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_melweightmatrix/input_3.bin b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_3.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_melweightmatrix/input_4.bin b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_4.bin new file mode 100644 index 0000000..5e659d8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_melweightmatrix/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_melweightmatrix/model.mlir b/onnx-ops/onnx/node/generated/test_melweightmatrix/model.mlir new file mode 100644 index 0000000..9c829bf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_melweightmatrix/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_melweightmatrix(%arg0: !torch.vtensor<[],si32>, %arg1: !torch.vtensor<[],si32>, %arg2: !torch.vtensor<[],si32>, %arg3: !torch.vtensor<[],f32>, %arg4: !torch.vtensor<[],f32>) -> !torch.vtensor<[9,8],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.MelWeightMatrix"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[],si32>, !torch.vtensor<[],si32>, !torch.vtensor<[],si32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[9,8],f32> + return %0 : !torch.vtensor<[9,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_melweightmatrix/output_0.bin b/onnx-ops/onnx/node/generated/test_melweightmatrix/output_0.bin new file mode 100644 index 0000000..637d230 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_melweightmatrix/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_melweightmatrix/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_melweightmatrix/run_module_io_flags.txt new file mode 100644 index 0000000..81969a2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_melweightmatrix/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=i32=@input_0.bin +--input=i32=@input_1.bin +--input=i32=@input_2.bin +--input=f32=@input_3.bin +--input=f32=@input_4.bin +--expected_output=9x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_example/input_0.bin b/onnx-ops/onnx/node/generated/test_min_example/input_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_example/input_1.bin b/onnx-ops/onnx/node/generated/test_min_example/input_1.bin new file mode 100644 index 0000000..ab833fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_example/input_2.bin b/onnx-ops/onnx/node/generated/test_min_example/input_2.bin new file mode 100644 index 0000000..e362a87 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_example/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_example/model.mlir b/onnx-ops/onnx/node/generated/test_min_example/model.mlir new file mode 100644 index 0000000..aa67284 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_example(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_example/output_0.bin b/onnx-ops/onnx/node/generated/test_min_example/output_0.bin new file mode 100644 index 0000000..6d3db35 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_example/run_module_io_flags.txt new file mode 100644 index 0000000..0b11dfd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_min_float16/input_0.bin new file mode 100644 index 0000000..76071d7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float16/input_1.bin b/onnx-ops/onnx/node/generated/test_min_float16/input_1.bin new file mode 100644 index 0000000..85b693e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float16/model.mlir b/onnx-ops/onnx/node/generated/test_min_float16/model.mlir new file mode 100644 index 0000000..48e30f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_float16(%arg0: !torch.vtensor<[3],f16>, %arg1: !torch.vtensor<[3],f16>) -> !torch.vtensor<[3],f16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],f16>, !torch.vtensor<[3],f16>) -> !torch.vtensor<[3],f16> + return %0 : !torch.vtensor<[3],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_min_float16/output_0.bin new file mode 100644 index 0000000..1420e8b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_float16/run_module_io_flags.txt new file mode 100644 index 0000000..0d59721 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_float16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf16=@input_0.bin +--input=3xf16=@input_1.bin +--expected_output=3xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_min_float32/input_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_min_float32/input_1.bin new file mode 100644 index 0000000..ab833fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float32/model.mlir b/onnx-ops/onnx/node/generated/test_min_float32/model.mlir new file mode 100644 index 0000000..64fe439 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_float32(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_min_float32/output_0.bin new file mode 100644 index 0000000..b0ec219 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_float32/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_float32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_float64/input_0.bin b/onnx-ops/onnx/node/generated/test_min_float64/input_0.bin new file mode 100644 index 0000000..945336c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float64/input_1.bin b/onnx-ops/onnx/node/generated/test_min_float64/input_1.bin new file mode 100644 index 0000000..b4d5ba7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float64/model.mlir b/onnx-ops/onnx/node/generated/test_min_float64/model.mlir new file mode 100644 index 0000000..df867f3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_float64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_float64(%arg0: !torch.vtensor<[3],f64>, %arg1: !torch.vtensor<[3],f64>) -> !torch.vtensor<[3],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],f64>, !torch.vtensor<[3],f64>) -> !torch.vtensor<[3],f64> + return %0 : !torch.vtensor<[3],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_float64/output_0.bin b/onnx-ops/onnx/node/generated/test_min_float64/output_0.bin new file mode 100644 index 0000000..2507e7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_float64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_float64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_float64/run_module_io_flags.txt new file mode 100644 index 0000000..c00d506 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_float64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf64=@input_0.bin +--input=3xf64=@input_1.bin +--expected_output=3xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_int16/input_0.bin b/onnx-ops/onnx/node/generated/test_min_int16/input_0.bin new file mode 100644 index 0000000..180ee81 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int16/input_1.bin b/onnx-ops/onnx/node/generated/test_min_int16/input_1.bin new file mode 100644 index 0000000..1c75449 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int16/model.mlir b/onnx-ops/onnx/node/generated/test_min_int16/model.mlir new file mode 100644 index 0000000..92cfa5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_int16(%arg0: !torch.vtensor<[3],si16>, %arg1: !torch.vtensor<[3],si16>) -> !torch.vtensor<[3],si16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],si16>, !torch.vtensor<[3],si16>) -> !torch.vtensor<[3],si16> + return %0 : !torch.vtensor<[3],si16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_int16/output_0.bin b/onnx-ops/onnx/node/generated/test_min_int16/output_0.bin new file mode 100644 index 0000000..4427cf7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_int16/run_module_io_flags.txt new file mode 100644 index 0000000..445e51d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi16=@input_0.bin +--input=3xi16=@input_1.bin +--expected_output=3xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_int32/input_0.bin b/onnx-ops/onnx/node/generated/test_min_int32/input_0.bin new file mode 100644 index 0000000..6ac7a42 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int32/input_1.bin b/onnx-ops/onnx/node/generated/test_min_int32/input_1.bin new file mode 100644 index 0000000..1aa97cd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int32/model.mlir b/onnx-ops/onnx/node/generated/test_min_int32/model.mlir new file mode 100644 index 0000000..1a85835 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_int32(%arg0: !torch.vtensor<[3],si32>, %arg1: !torch.vtensor<[3],si32>) -> !torch.vtensor<[3],si32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],si32>, !torch.vtensor<[3],si32>) -> !torch.vtensor<[3],si32> + return %0 : !torch.vtensor<[3],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_int32/output_0.bin b/onnx-ops/onnx/node/generated/test_min_int32/output_0.bin new file mode 100644 index 0000000..0e8673f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_int32/run_module_io_flags.txt new file mode 100644 index 0000000..8b214ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_int64/input_0.bin b/onnx-ops/onnx/node/generated/test_min_int64/input_0.bin new file mode 100644 index 0000000..591f394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int64/input_1.bin b/onnx-ops/onnx/node/generated/test_min_int64/input_1.bin new file mode 100644 index 0000000..e504843 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int64/model.mlir b/onnx-ops/onnx/node/generated/test_min_int64/model.mlir new file mode 100644 index 0000000..f802e0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_int64(%arg0: !torch.vtensor<[3],si64>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + return %0 : !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_int64/output_0.bin b/onnx-ops/onnx/node/generated/test_min_int64/output_0.bin new file mode 100644 index 0000000..d55fe85 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_int64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_int64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_int64/run_module_io_flags.txt new file mode 100644 index 0000000..0281ad8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_int8/input_0.bin b/onnx-ops/onnx/node/generated/test_min_int8/input_0.bin new file mode 100644 index 0000000..65621cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int8/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_min_int8/input_1.bin b/onnx-ops/onnx/node/generated/test_min_int8/input_1.bin new file mode 100644 index 0000000..9f66de1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int8/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_min_int8/model.mlir b/onnx-ops/onnx/node/generated/test_min_int8/model.mlir new file mode 100644 index 0000000..9fbf2da --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_int8(%arg0: !torch.vtensor<[3],si8>, %arg1: !torch.vtensor<[3],si8>) -> !torch.vtensor<[3],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],si8>, !torch.vtensor<[3],si8>) -> !torch.vtensor<[3],si8> + return %0 : !torch.vtensor<[3],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_int8/output_0.bin b/onnx-ops/onnx/node/generated/test_min_int8/output_0.bin new file mode 100644 index 0000000..dd15415 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int8/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_min_int8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_int8/run_module_io_flags.txt new file mode 100644 index 0000000..416316b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_int8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi8=@input_0.bin +--input=3xi8=@input_1.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_one_input/input_0.bin b/onnx-ops/onnx/node/generated/test_min_one_input/input_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_one_input/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_one_input/model.mlir b/onnx-ops/onnx/node/generated/test_min_one_input/model.mlir new file mode 100644 index 0000000..057d9b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_one_input/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_one_input(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_one_input/output_0.bin b/onnx-ops/onnx/node/generated/test_min_one_input/output_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_one_input/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_one_input/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_one_input/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_one_input/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_two_inputs/input_0.bin b/onnx-ops/onnx/node/generated/test_min_two_inputs/input_0.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_two_inputs/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_two_inputs/input_1.bin b/onnx-ops/onnx/node/generated/test_min_two_inputs/input_1.bin new file mode 100644 index 0000000..ab833fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_two_inputs/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_two_inputs/model.mlir b/onnx-ops/onnx/node/generated/test_min_two_inputs/model.mlir new file mode 100644 index 0000000..28e22f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_two_inputs/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_two_inputs(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_two_inputs/output_0.bin b/onnx-ops/onnx/node/generated/test_min_two_inputs/output_0.bin new file mode 100644 index 0000000..b0ec219 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_two_inputs/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_two_inputs/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_two_inputs/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_two_inputs/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_uint16/input_0.bin b/onnx-ops/onnx/node/generated/test_min_uint16/input_0.bin new file mode 100644 index 0000000..180ee81 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint16/input_1.bin b/onnx-ops/onnx/node/generated/test_min_uint16/input_1.bin new file mode 100644 index 0000000..1c75449 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint16/model.mlir b/onnx-ops/onnx/node/generated/test_min_uint16/model.mlir new file mode 100644 index 0000000..24a5c7b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_uint16(%arg0: !torch.vtensor<[3],ui16>, %arg1: !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],ui16>, !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> + return %0 : !torch.vtensor<[3],ui16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_uint16/output_0.bin b/onnx-ops/onnx/node/generated/test_min_uint16/output_0.bin new file mode 100644 index 0000000..4427cf7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_uint16/run_module_io_flags.txt new file mode 100644 index 0000000..445e51d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi16=@input_0.bin +--input=3xi16=@input_1.bin +--expected_output=3xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_uint32/input_0.bin b/onnx-ops/onnx/node/generated/test_min_uint32/input_0.bin new file mode 100644 index 0000000..6ac7a42 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint32/input_1.bin b/onnx-ops/onnx/node/generated/test_min_uint32/input_1.bin new file mode 100644 index 0000000..1aa97cd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint32/model.mlir b/onnx-ops/onnx/node/generated/test_min_uint32/model.mlir new file mode 100644 index 0000000..118f73c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_uint32(%arg0: !torch.vtensor<[3],ui32>, %arg1: !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],ui32>, !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> + return %0 : !torch.vtensor<[3],ui32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_uint32/output_0.bin b/onnx-ops/onnx/node/generated/test_min_uint32/output_0.bin new file mode 100644 index 0000000..0e8673f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_uint32/run_module_io_flags.txt new file mode 100644 index 0000000..8b214ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_uint64/input_0.bin b/onnx-ops/onnx/node/generated/test_min_uint64/input_0.bin new file mode 100644 index 0000000..591f394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint64/input_1.bin b/onnx-ops/onnx/node/generated/test_min_uint64/input_1.bin new file mode 100644 index 0000000..e504843 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint64/model.mlir b/onnx-ops/onnx/node/generated/test_min_uint64/model.mlir new file mode 100644 index 0000000..00aa1de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_uint64(%arg0: !torch.vtensor<[3],ui64>, %arg1: !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],ui64>, !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> + return %0 : !torch.vtensor<[3],ui64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_uint64/output_0.bin b/onnx-ops/onnx/node/generated/test_min_uint64/output_0.bin new file mode 100644 index 0000000..d55fe85 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_min_uint64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_min_uint64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_uint64/run_module_io_flags.txt new file mode 100644 index 0000000..0281ad8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_min_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_min_uint8/input_0.bin new file mode 100644 index 0000000..65621cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint8/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_min_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_min_uint8/input_1.bin new file mode 100644 index 0000000..9f66de1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint8/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_min_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_min_uint8/model.mlir new file mode 100644 index 0000000..0c4b1b2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_min_uint8(%arg0: !torch.vtensor<[3],ui8>, %arg1: !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Min"(%arg0, %arg1) : (!torch.vtensor<[3],ui8>, !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> + return %0 : !torch.vtensor<[3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_min_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_min_uint8/output_0.bin new file mode 100644 index 0000000..dd15415 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint8/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_min_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_min_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..416316b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_min_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi8=@input_0.bin +--input=3xi8=@input_1.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mish/input_0.bin b/onnx-ops/onnx/node/generated/test_mish/input_0.bin new file mode 100644 index 0000000..5aadcb3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mish/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mish/model.mlir b/onnx-ops/onnx/node/generated/test_mish/model.mlir new file mode 100644 index 0000000..52d7b0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mish/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mish(%arg0: !torch.vtensor<[10000],f32>) -> !torch.vtensor<[10000],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mish"(%arg0) : (!torch.vtensor<[10000],f32>) -> !torch.vtensor<[10000],f32> + return %0 : !torch.vtensor<[10000],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mish/output_0.bin b/onnx-ops/onnx/node/generated/test_mish/output_0.bin new file mode 100644 index 0000000..144bc53 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mish/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mish/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mish/run_module_io_flags.txt new file mode 100644 index 0000000..84f8031 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mish/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=10000xf32=@input_0.bin +--expected_output=10000xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mish_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_mish_expanded/input_0.bin new file mode 100644 index 0000000..5aadcb3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mish_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mish_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_mish_expanded/model.mlir new file mode 100644 index 0000000..c11f67c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mish_expanded/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_mish_expanded(%arg0: !torch.vtensor<[10000],f32>) -> !torch.vtensor<[10000],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softplus"(%arg0) : (!torch.vtensor<[10000],f32>) -> !torch.vtensor<[10000],f32> + %1 = torch.operator "onnx.Tanh"(%0) : (!torch.vtensor<[10000],f32>) -> !torch.vtensor<[10000],f32> + %2 = torch.operator "onnx.Mul"(%arg0, %1) : (!torch.vtensor<[10000],f32>, !torch.vtensor<[10000],f32>) -> !torch.vtensor<[10000],f32> + return %2 : !torch.vtensor<[10000],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mish_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_mish_expanded/output_0.bin new file mode 100644 index 0000000..144bc53 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mish_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mish_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mish_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..84f8031 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mish_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=10000xf32=@input_0.bin +--expected_output=10000xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_broadcast/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_broadcast/input_0.bin new file mode 100644 index 0000000..ab9ba62 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_broadcast/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_broadcast/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_broadcast/input_1.bin new file mode 100644 index 0000000..ea2c20a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_broadcast/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_broadcast/model.mlir b/onnx-ops/onnx/node/generated/test_mod_broadcast/model.mlir new file mode 100644 index 0000000..07f253b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_broadcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_broadcast(%arg0: !torch.vtensor<[3,2,5],si32>, %arg1: !torch.vtensor<[1],si32>) -> !torch.vtensor<[3,2,5],si32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[3,2,5],si32>, !torch.vtensor<[1],si32>) -> !torch.vtensor<[3,2,5],si32> + return %0 : !torch.vtensor<[3,2,5],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_broadcast/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_broadcast/output_0.bin new file mode 100644 index 0000000..f8be02c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_broadcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_broadcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_broadcast/run_module_io_flags.txt new file mode 100644 index 0000000..6f84fcf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_broadcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x5xi32=@input_0.bin +--input=1xi32=@input_1.bin +--expected_output=3x2x5xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_int64_fmod/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/input_0.bin new file mode 100644 index 0000000..81b0050 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_int64_fmod/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/input_1.bin new file mode 100644 index 0000000..396e6ca Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_int64_fmod/model.mlir b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/model.mlir new file mode 100644 index 0000000..aec9c5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_int64_fmod(%arg0: !torch.vtensor<[6],si64>, %arg1: !torch.vtensor<[6],si64>) -> !torch.vtensor<[6],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) {torch.onnx.fmod = 1 : si64} : (!torch.vtensor<[6],si64>, !torch.vtensor<[6],si64>) -> !torch.vtensor<[6],si64> + return %0 : !torch.vtensor<[6],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_int64_fmod/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/output_0.bin new file mode 100644 index 0000000..f0bb911 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_int64_fmod/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/run_module_io_flags.txt new file mode 100644 index 0000000..e1be3c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_int64_fmod/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=6xi64=@input_0.bin +--input=6xi64=@input_1.bin +--expected_output=6xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/input_0.bin new file mode 100644 index 0000000..0e1ce45 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/input_1.bin new file mode 100644 index 0000000..d03fadf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/model.mlir b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/model.mlir new file mode 100644 index 0000000..1fe6d11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_mixed_sign_float16(%arg0: !torch.vtensor<[6],f16>, %arg1: !torch.vtensor<[6],f16>) -> !torch.vtensor<[6],f16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) {torch.onnx.fmod = 1 : si64} : (!torch.vtensor<[6],f16>, !torch.vtensor<[6],f16>) -> !torch.vtensor<[6],f16> + return %0 : !torch.vtensor<[6],f16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/output_0.bin new file mode 100644 index 0000000..4ff99c8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/run_module_io_flags.txt new file mode 100644 index 0000000..3372918 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=6xf16=@input_0.bin +--input=6xf16=@input_1.bin +--expected_output=6xf16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/input_0.bin new file mode 100644 index 0000000..112ef27 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/input_1.bin new file mode 100644 index 0000000..b59f5c1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/model.mlir b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/model.mlir new file mode 100644 index 0000000..7ece271 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_mixed_sign_float32(%arg0: !torch.vtensor<[6],f32>, %arg1: !torch.vtensor<[6],f32>) -> !torch.vtensor<[6],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) {torch.onnx.fmod = 1 : si64} : (!torch.vtensor<[6],f32>, !torch.vtensor<[6],f32>) -> !torch.vtensor<[6],f32> + return %0 : !torch.vtensor<[6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/output_0.bin new file mode 100644 index 0000000..092285f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/run_module_io_flags.txt new file mode 100644 index 0000000..fba7db3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=6xf32=@input_0.bin +--input=6xf32=@input_1.bin +--expected_output=6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/input_0.bin new file mode 100644 index 0000000..856536f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/input_1.bin new file mode 100644 index 0000000..14f275a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/model.mlir b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/model.mlir new file mode 100644 index 0000000..8333bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_mixed_sign_float64(%arg0: !torch.vtensor<[6],f64>, %arg1: !torch.vtensor<[6],f64>) -> !torch.vtensor<[6],f64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) {torch.onnx.fmod = 1 : si64} : (!torch.vtensor<[6],f64>, !torch.vtensor<[6],f64>) -> !torch.vtensor<[6],f64> + return %0 : !torch.vtensor<[6],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/output_0.bin new file mode 100644 index 0000000..5fe22fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/run_module_io_flags.txt new file mode 100644 index 0000000..a4fec07 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_float64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=6xf64=@input_0.bin +--input=6xf64=@input_1.bin +--expected_output=6xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/input_0.bin new file mode 100644 index 0000000..3d52c15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/input_1.bin new file mode 100644 index 0000000..93a9e3c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/model.mlir b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/model.mlir new file mode 100644 index 0000000..42488f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_mixed_sign_int16(%arg0: !torch.vtensor<[6],si16>, %arg1: !torch.vtensor<[6],si16>) -> !torch.vtensor<[6],si16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[6],si16>, !torch.vtensor<[6],si16>) -> !torch.vtensor<[6],si16> + return %0 : !torch.vtensor<[6],si16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/output_0.bin new file mode 100644 index 0000000..0541592 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/run_module_io_flags.txt new file mode 100644 index 0000000..0261ac4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=6xi16=@input_0.bin +--input=6xi16=@input_1.bin +--expected_output=6xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/input_0.bin new file mode 100644 index 0000000..bec9dfc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/input_1.bin new file mode 100644 index 0000000..4394476 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/model.mlir b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/model.mlir new file mode 100644 index 0000000..b2cff3f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_mixed_sign_int32(%arg0: !torch.vtensor<[6],si32>, %arg1: !torch.vtensor<[6],si32>) -> !torch.vtensor<[6],si32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[6],si32>, !torch.vtensor<[6],si32>) -> !torch.vtensor<[6],si32> + return %0 : !torch.vtensor<[6],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/output_0.bin new file mode 100644 index 0000000..e9a22c1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/run_module_io_flags.txt new file mode 100644 index 0000000..ea7a066 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=6xi32=@input_0.bin +--input=6xi32=@input_1.bin +--expected_output=6xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/input_0.bin new file mode 100644 index 0000000..81b0050 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/input_1.bin new file mode 100644 index 0000000..396e6ca Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/model.mlir b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/model.mlir new file mode 100644 index 0000000..612eb26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_mixed_sign_int64(%arg0: !torch.vtensor<[6],si64>, %arg1: !torch.vtensor<[6],si64>) -> !torch.vtensor<[6],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[6],si64>, !torch.vtensor<[6],si64>) -> !torch.vtensor<[6],si64> + return %0 : !torch.vtensor<[6],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/output_0.bin new file mode 100644 index 0000000..97f3d15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/run_module_io_flags.txt new file mode 100644 index 0000000..e1be3c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=6xi64=@input_0.bin +--input=6xi64=@input_1.bin +--expected_output=6xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/input_0.bin new file mode 100644 index 0000000..f1be98a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/input_1.bin new file mode 100644 index 0000000..cd24904 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/model.mlir b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/model.mlir new file mode 100644 index 0000000..25b3931 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_mixed_sign_int8(%arg0: !torch.vtensor<[6],si8>, %arg1: !torch.vtensor<[6],si8>) -> !torch.vtensor<[6],si8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[6],si8>, !torch.vtensor<[6],si8>) -> !torch.vtensor<[6],si8> + return %0 : !torch.vtensor<[6],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/output_0.bin new file mode 100644 index 0000000..b20c499 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/run_module_io_flags.txt new file mode 100644 index 0000000..75219aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_mixed_sign_int8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=6xi8=@input_0.bin +--input=6xi8=@input_1.bin +--expected_output=6xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_uint16/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_uint16/input_0.bin new file mode 100644 index 0000000..576d57b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint16/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_uint16/input_1.bin new file mode 100644 index 0000000..fb49113 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint16/model.mlir b/onnx-ops/onnx/node/generated/test_mod_uint16/model.mlir new file mode 100644 index 0000000..47fc1cc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_uint16(%arg0: !torch.vtensor<[3],ui16>, %arg1: !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[3],ui16>, !torch.vtensor<[3],ui16>) -> !torch.vtensor<[3],ui16> + return %0 : !torch.vtensor<[3],ui16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_uint16/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_uint16/output_0.bin new file mode 100644 index 0000000..d691f5c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_uint16/run_module_io_flags.txt new file mode 100644 index 0000000..445e51d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint16/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi16=@input_0.bin +--input=3xi16=@input_1.bin +--expected_output=3xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_uint32/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_uint32/input_0.bin new file mode 100644 index 0000000..f6cf073 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint32/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_uint32/input_1.bin new file mode 100644 index 0000000..f9be780 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint32/model.mlir b/onnx-ops/onnx/node/generated/test_mod_uint32/model.mlir new file mode 100644 index 0000000..ed16b9b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_uint32(%arg0: !torch.vtensor<[3],ui32>, %arg1: !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[3],ui32>, !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],ui32> + return %0 : !torch.vtensor<[3],ui32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_uint32/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_uint32/output_0.bin new file mode 100644 index 0000000..0276c68 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_uint32/run_module_io_flags.txt new file mode 100644 index 0000000..8b214ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_uint64/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_uint64/input_0.bin new file mode 100644 index 0000000..75822df Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint64/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_uint64/input_1.bin new file mode 100644 index 0000000..bc074ef Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint64/model.mlir b/onnx-ops/onnx/node/generated/test_mod_uint64/model.mlir new file mode 100644 index 0000000..477a0d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_uint64(%arg0: !torch.vtensor<[3],ui64>, %arg1: !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[3],ui64>, !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],ui64> + return %0 : !torch.vtensor<[3],ui64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_uint64/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_uint64/output_0.bin new file mode 100644 index 0000000..9c388d0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_uint64/run_module_io_flags.txt new file mode 100644 index 0000000..0281ad8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mod_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_mod_uint8/input_0.bin new file mode 100644 index 0000000..e057fb9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint8/input_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mod_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_mod_uint8/input_1.bin new file mode 100644 index 0000000..7b4ea75 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint8/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mod_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_mod_uint8/model.mlir new file mode 100644 index 0000000..b85ad48 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mod_uint8(%arg0: !torch.vtensor<[3],ui8>, %arg1: !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mod"(%arg0, %arg1) : (!torch.vtensor<[3],ui8>, !torch.vtensor<[3],ui8>) -> !torch.vtensor<[3],ui8> + return %0 : !torch.vtensor<[3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mod_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_mod_uint8/output_0.bin new file mode 100644 index 0000000..7a88485 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mod_uint8/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mod_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mod_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..416316b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mod_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi8=@input_0.bin +--input=3xi8=@input_1.bin +--expected_output=3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_momentum/input_0.bin b/onnx-ops/onnx/node/generated/test_momentum/input_0.bin new file mode 100644 index 0000000..347576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum/input_0.bin @@ -0,0 +1 @@ += \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_momentum/input_1.bin b/onnx-ops/onnx/node/generated/test_momentum/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_momentum/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_momentum/input_2.bin b/onnx-ops/onnx/node/generated/test_momentum/input_2.bin new file mode 100644 index 0000000..5312e05 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum/input_2.bin @@ -0,0 +1 @@ +?333@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_momentum/input_3.bin b/onnx-ops/onnx/node/generated/test_momentum/input_3.bin new file mode 100644 index 0000000..bf9379f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_momentum/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_momentum/input_4.bin b/onnx-ops/onnx/node/generated/test_momentum/input_4.bin new file mode 100644 index 0000000..9a3aade --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum/input_4.bin @@ -0,0 +1 @@ +?fff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_momentum/model.mlir b/onnx-ops/onnx/node/generated/test_momentum/model.mlir new file mode 100644 index 0000000..18ae27f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_momentum(%arg0: !torch.vtensor<[],f32>, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[2],f32>, %arg3: !torch.vtensor<[2],f32>, %arg4: !torch.vtensor<[2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_versions = {ai.onnx.preview.training = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Momentum"(%arg0, %arg1, %arg2, %arg3, %arg4) {torch.onnx.alpha = 0.949999988 : f32, torch.onnx.beta = 1.000000e-01 : f32, torch.onnx.mode = "standard", torch.onnx.norm_coefficient = 1.000000e-03 : f32} : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_momentum/output_0.bin b/onnx-ops/onnx/node/generated/test_momentum/output_0.bin new file mode 100644 index 0000000..02ec79a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum/output_0.bin @@ -0,0 +1 @@ +?IK-@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_momentum/output_1.bin b/onnx-ops/onnx/node/generated/test_momentum/output_1.bin new file mode 100644 index 0000000..184cfa4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum/output_1.bin @@ -0,0 +1 @@ +r-?, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[1],f32>, %arg3: !torch.vtensor<[2],f32>, %arg4: !torch.vtensor<[1],f32>, %arg5: !torch.vtensor<[2],f32>, %arg6: !torch.vtensor<[1],f32>, %arg7: !torch.vtensor<[2],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_versions = {ai.onnx.preview.training = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:4 = torch.operator "onnx.Momentum"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) {torch.onnx.alpha = 0.949999988 : f32, torch.onnx.beta = 8.500000e-01 : f32, torch.onnx.mode = "standard", torch.onnx.norm_coefficient = 1.000000e-03 : f32} : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) -> (!torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1, %0#2, %0#3 : !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_momentum_multiple/output_0.bin b/onnx-ops/onnx/node/generated/test_momentum_multiple/output_0.bin new file mode 100644 index 0000000..b741890 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum_multiple/output_0.bin @@ -0,0 +1 @@ +5h? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_momentum_multiple/output_1.bin b/onnx-ops/onnx/node/generated/test_momentum_multiple/output_1.bin new file mode 100644 index 0000000..fc907f3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum_multiple/output_1.bin @@ -0,0 +1 @@ +^K8?q @ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_momentum_multiple/output_2.bin b/onnx-ops/onnx/node/generated/test_momentum_multiple/output_2.bin new file mode 100644 index 0000000..20d53ee --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum_multiple/output_2.bin @@ -0,0 +1 @@ +f? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_momentum_multiple/output_3.bin b/onnx-ops/onnx/node/generated/test_momentum_multiple/output_3.bin new file mode 100644 index 0000000..96f36ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum_multiple/output_3.bin @@ -0,0 +1 @@ +C3@n \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_momentum_multiple/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_momentum_multiple/run_module_io_flags.txt new file mode 100644 index 0000000..f91c88a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_momentum_multiple/run_module_io_flags.txt @@ -0,0 +1,12 @@ +--input=f32=@input_0.bin +--input=i64=@input_1.bin +--input=1xf32=@input_2.bin +--input=2xf32=@input_3.bin +--input=1xf32=@input_4.bin +--input=2xf32=@input_5.bin +--input=1xf32=@input_6.bin +--input=2xf32=@input_7.bin +--expected_output=1xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=1xf32=@output_2.bin +--expected_output=2xf32=@output_3.bin diff --git a/onnx-ops/onnx/node/generated/test_mul/input_0.bin b/onnx-ops/onnx/node/generated/test_mul/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mul/input_1.bin b/onnx-ops/onnx/node/generated/test_mul/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mul/model.mlir b/onnx-ops/onnx/node/generated/test_mul/model.mlir new file mode 100644 index 0000000..7d0290b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mul(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mul/output_0.bin b/onnx-ops/onnx/node/generated/test_mul/output_0.bin new file mode 100644 index 0000000..7a8f72b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul/output_0.bin @@ -0,0 +1,3 @@ +8חTLKw.> >&@ƿs˿=<&= @>]?x6>iy=6=ǽ|D`>@e?!>Q?0X@w0[\= =ҿQ?X>[W=tn$?=WS<>MS~;> += @oǾF \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mul/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mul/run_module_io_flags.txt new file mode 100644 index 0000000..7bd95ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mul_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_mul_bcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_bcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mul_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_mul_bcast/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_bcast/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mul_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_mul_bcast/model.mlir new file mode 100644 index 0000000..8a3e2ef --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mul_bcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mul_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_mul_bcast/output_0.bin new file mode 100644 index 0000000..8748b0b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_bcast/output_0.bin @@ -0,0 +1,2 @@ +8חTLKw.><(?'箾 =v6>2=l`ƽk(W9I=e *>~Z +-?p3?0>o^z?dža>;X)z>dս; k8?Z@?|R׽W|@Kz++?ڱ[4?ش??W11Ԗ>>!N2@9'?bs>Op@B٣}y|üW{)?σ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mul_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mul_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..b3bf093 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mul_example/input_0.bin b/onnx-ops/onnx/node/generated/test_mul_example/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mul_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mul_example/input_1.bin b/onnx-ops/onnx/node/generated/test_mul_example/input_1.bin new file mode 100644 index 0000000..202af34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mul_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mul_example/model.mlir b/onnx-ops/onnx/node/generated/test_mul_example/model.mlir new file mode 100644 index 0000000..8558817 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mul_example(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mul_example/output_0.bin b/onnx-ops/onnx/node/generated/test_mul_example/output_0.bin new file mode 100644 index 0000000..46ae359 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mul_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mul_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mul_example/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mul_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_mul_uint8/input_0.bin new file mode 100644 index 0000000..b487d0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mul_uint8/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mul_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_mul_uint8/input_1.bin new file mode 100644 index 0000000..6c7040b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_uint8/input_1.bin @@ -0,0 +1,7 @@ + + +     +   +  + +  \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mul_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_mul_uint8/model.mlir new file mode 100644 index 0000000..f1f3b3e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_mul_uint8(%arg0: !torch.vtensor<[3,4,5],ui8>, %arg1: !torch.vtensor<[3,4,5],ui8>) -> !torch.vtensor<[3,4,5],ui8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],ui8>, !torch.vtensor<[3,4,5],ui8>) -> !torch.vtensor<[3,4,5],ui8> + return %0 : !torch.vtensor<[3,4,5],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mul_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_mul_uint8/output_0.bin new file mode 100644 index 0000000..0423a70 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_mul_uint8/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_mul_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mul_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..57b7b04 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mul_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi8=@input_0.bin +--input=3x4x5xi8=@input_1.bin +--expected_output=3x4x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mvn/input_0.bin b/onnx-ops/onnx/node/generated/test_mvn/input_0.bin new file mode 100644 index 0000000..cf9b758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn/input_0.bin @@ -0,0 +1,2 @@ +NX??o=<>?9K?2p?ldt?5>>t>,?j<[?̐l?Ux?=W>Bi??Q?]HI?=F1? +?ޙ= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mvn/model.mlir b/onnx-ops/onnx/node/generated/test_mvn/model.mlir new file mode 100644 index 0000000..77d64e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn/model.mlir @@ -0,0 +1,23 @@ +module { + func.func @test_mvn(%arg0: !torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = call @"('MeanVarianceNormalization', '', 17, [tensor_type {\0A elem_type: 1\0A shape {\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 1\0A }\0A }\0A}\0A], [tensor_type {\0A elem_type: 1\0A shape {\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 1\0A }\0A }\0A}\0A], [])"(%arg0) : (!torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + return %0 : !torch.vtensor<[3,3,3,1],f32> + } + func.func private @"('MeanVarianceNormalization', '', 17, [tensor_type {\0A elem_type: 1\0A shape {\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 1\0A }\0A }\0A}\0A], [tensor_type {\0A elem_type: 1\0A shape {\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 3\0A }\0A dim {\0A dim_value: 1\0A }\0A }\0A}\0A], [])"(%arg0: !torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 13 : si64, torch.onnx_meta.producer_name = "", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999971E-10> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.ReduceMean"(%arg0) {torch.onnx.axes = [0 : si64, 2 : si64, 3 : si64]} : (!torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %3 = torch.operator "onnx.Pow"(%2, %0) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %4 = torch.operator "onnx.Pow"(%arg0, %0) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,3,3,1],f32> + %5 = torch.operator "onnx.ReduceMean"(%4) {torch.onnx.axes = [0 : si64, 2 : si64, 3 : si64]} : (!torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %6 = torch.operator "onnx.Sub"(%5, %3) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %7 = torch.operator "onnx.Sqrt"(%6) : (!torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %8 = torch.operator "onnx.Sub"(%arg0, %2) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + %9 = torch.operator "onnx.Add"(%7, %1) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %10 = torch.operator "onnx.Div"(%8, %9) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + return %10 : !torch.vtensor<[3,3,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mvn/output_0.bin b/onnx-ops/onnx/node/generated/test_mvn/output_0.bin new file mode 100644 index 0000000..8402359 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn/output_0.bin @@ -0,0 +1 @@ +d?;>:ſrd>D>6nQ?[?:#rcvyHE3U?> ,?UD?Pi?ҿo?>2?ϗ?m=msþ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mvn/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mvn/run_module_io_flags.txt new file mode 100644 index 0000000..370cadf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x3x3x1xf32=@input_0.bin +--expected_output=3x3x3x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mvn_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_mvn_expanded/input_0.bin new file mode 100644 index 0000000..cf9b758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn_expanded/input_0.bin @@ -0,0 +1,2 @@ +NX??o=<>?9K?2p?ldt?5>>t>,?j<[?̐l?Ux?=W>Bi??Q?]HI?=F1? +?ޙ= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mvn_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_mvn_expanded/model.mlir new file mode 100644 index 0000000..e9af68b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn_expanded/model.mlir @@ -0,0 +1,18 @@ +module { + func.func @test_mvn_expanded(%arg0: !torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999971E-10> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.ReduceMean"(%arg0) {torch.onnx.axes = [0 : si64, 2 : si64, 3 : si64]} : (!torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %3 = torch.operator "onnx.Pow"(%2, %0) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %4 = torch.operator "onnx.Pow"(%arg0, %0) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,3,3,1],f32> + %5 = torch.operator "onnx.ReduceMean"(%4) {torch.onnx.axes = [0 : si64, 2 : si64, 3 : si64]} : (!torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %6 = torch.operator "onnx.Sub"(%5, %3) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %7 = torch.operator "onnx.Sqrt"(%6) : (!torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %8 = torch.operator "onnx.Sub"(%arg0, %2) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + %9 = torch.operator "onnx.Add"(%7, %1) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %10 = torch.operator "onnx.Div"(%8, %9) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + return %10 : !torch.vtensor<[3,3,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mvn_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_mvn_expanded/output_0.bin new file mode 100644 index 0000000..8402359 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn_expanded/output_0.bin @@ -0,0 +1 @@ +d?;>:ſrd>D>6nQ?[?:#rcvyHE3U?> ,?UD?Pi?ҿo?>2?ϗ?m=msþ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mvn_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mvn_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..370cadf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x3x3x1xf32=@input_0.bin +--expected_output=3x3x3x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/input_0.bin new file mode 100644 index 0000000..cf9b758 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/input_0.bin @@ -0,0 +1,2 @@ +NX??o=<>?9K?2p?ldt?5>>t>,?j<[?̐l?Ux?=W>Bi??Q?]HI?=F1? +?ޙ= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/model.mlir new file mode 100644 index 0000000..d1ffec1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/model.mlir @@ -0,0 +1,19 @@ +module { + func.func @test_mvn_expanded_ver18(%arg0: !torch.vtensor<[3,3,3,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<9.99999971E-10> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_ints = [0 : si64, 2 : si64, 3 : si64]} : () -> !torch.vtensor<[3],si64> + %3 = torch.operator "onnx.ReduceMean"(%arg0, %2) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,3,1,1],f32> + %4 = torch.operator "onnx.Pow"(%3, %0) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %5 = torch.operator "onnx.Pow"(%arg0, %0) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,3,3,1],f32> + %6 = torch.operator "onnx.ReduceMean"(%5, %2) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[1,3,1,1],f32> + %7 = torch.operator "onnx.Sub"(%6, %4) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %8 = torch.operator "onnx.Sqrt"(%7) : (!torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %9 = torch.operator "onnx.Sub"(%arg0, %3) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + %10 = torch.operator "onnx.Add"(%8, %1) : (!torch.vtensor<[1,3,1,1],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[1,3,1,1],f32> + %11 = torch.operator "onnx.Div"(%9, %10) : (!torch.vtensor<[3,3,3,1],f32>, !torch.vtensor<[1,3,1,1],f32>) -> !torch.vtensor<[3,3,3,1],f32> + return %11 : !torch.vtensor<[3,3,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/output_0.bin new file mode 100644 index 0000000..8402359 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +d?;>:ſrd>D>6nQ?[?:#rcvyHE3U?> ,?UD?Pi?ҿo?>2?ϗ?m=msþ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..370cadf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_mvn_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x3x3x1xf32=@input_0.bin +--expected_output=3x3x3x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_neg/input_0.bin b/onnx-ops/onnx/node/generated/test_neg/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_neg/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_neg/model.mlir b/onnx-ops/onnx/node/generated/test_neg/model.mlir new file mode 100644 index 0000000..bd0dd95 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_neg/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_neg(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Neg"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_neg/output_0.bin b/onnx-ops/onnx/node/generated/test_neg/output_0.bin new file mode 100644 index 0000000..da53357 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_neg/output_0.bin @@ -0,0 +1 @@ +xh̾zj$ .z?8sb>hd=9Ҿ(%^B0 B]ת=R>iJZ?/d#@S'K]=?C(?Hm; ?>2ĿEc??!> *z癿O>mǚ>6?&õ?g?x?FK>[? G4?Y>L=e?ƾ ??k \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_neg/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_neg/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_neg/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_neg_example/input_0.bin b/onnx-ops/onnx/node/generated/test_neg_example/input_0.bin new file mode 100644 index 0000000..a08562d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_neg_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_neg_example/model.mlir b/onnx-ops/onnx/node/generated/test_neg_example/model.mlir new file mode 100644 index 0000000..c07a872 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_neg_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_neg_example(%arg0: !torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Neg"(%arg0) : (!torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + return %0 : !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_neg_example/output_0.bin b/onnx-ops/onnx/node/generated/test_neg_example/output_0.bin new file mode 100644 index 0000000..0490768 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_neg_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_neg_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_neg_example/run_module_io_flags.txt new file mode 100644 index 0000000..192f90b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_neg_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_0.bin b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_0.bin new file mode 100644 index 0000000..347576b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_0.bin @@ -0,0 +1 @@ += \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_1.bin b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_2.bin b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_2.bin new file mode 100644 index 0000000..5312e05 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_2.bin @@ -0,0 +1 @@ +?333@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_3.bin b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_3.bin new file mode 100644 index 0000000..bf9379f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_4.bin b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_4.bin new file mode 100644 index 0000000..9a3aade --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nesterov_momentum/input_4.bin @@ -0,0 +1 @@ +?fff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nesterov_momentum/model.mlir b/onnx-ops/onnx/node/generated/test_nesterov_momentum/model.mlir new file mode 100644 index 0000000..00a864b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nesterov_momentum/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nesterov_momentum(%arg0: !torch.vtensor<[],f32>, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[2],f32>, %arg3: !torch.vtensor<[2],f32>, %arg4: !torch.vtensor<[2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_versions = {ai.onnx.preview.training = 1 : si64}, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Momentum"(%arg0, %arg1, %arg2, %arg3, %arg4) {torch.onnx.alpha = 0.949999988 : f32, torch.onnx.beta = 1.000000e+00 : f32, torch.onnx.mode = "nesterov", torch.onnx.norm_coefficient = 0.00999999977 : f32} : (!torch.vtensor<[],f32>, !torch.vtensor<[],si64>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nesterov_momentum/output_0.bin b/onnx-ops/onnx/node/generated/test_nesterov_momentum/output_0.bin new file mode 100644 index 0000000..5f4436f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nesterov_momentum/output_0.bin @@ -0,0 +1 @@ +?A=@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nesterov_momentum/output_1.bin b/onnx-ops/onnx/node/generated/test_nesterov_momentum/output_1.bin new file mode 100644 index 0000000..1511af1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nesterov_momentum/output_1.bin @@ -0,0 +1 @@ +QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NC/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NC/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NC/model.mlir new file mode 100644 index 0000000..c92b3b3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NC/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NC(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NC/output_0.bin new file mode 100644 index 0000000..a2fc426 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NC/output_0.bin @@ -0,0 +1 @@ +7rRľl \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NC/run_module_io_flags.txt new file mode 100644 index 0000000..bf08370 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NC/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/model.mlir new file mode 100644 index 0000000..b099af9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_nllloss_NC_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3,1],si64>) -> !torch.vtensor<[3,1],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],f32> + %7 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],f32> + return %7 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/output_0.bin new file mode 100644 index 0000000..a2fc426 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/output_0.bin @@ -0,0 +1 @@ +7rRľl \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..bf08370 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NC_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/input_1.bin new file mode 100644 index 0000000..2508400 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/model.mlir new file mode 100644 index 0000000..eb62c5d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/output_0.bin new file mode 100644 index 0000000..142ce1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/run_module_io_flags.txt new file mode 100644 index 0000000..b0941ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/input_1.bin new file mode 100644 index 0000000..2508400 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/model.mlir new file mode 100644 index 0000000..bbd03c7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_nllloss_NCd1_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,2],f32>) -> !torch.vtensor<[3,1,2],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + %7 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + %8 = torch.operator "onnx.ReduceMean"(%7) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2],f32>) -> !torch.vtensor<[],f32> + return %8 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/output_0.bin new file mode 100644 index 0000000..142ce1c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b0941ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/input_1.bin new file mode 100644 index 0000000..5b1dcfa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/model.mlir new file mode 100644 index 0000000..380c2cf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1_ii(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.ignore_index = 1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/output_0.bin new file mode 100644 index 0000000..46fdc15 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/output_0.bin @@ -0,0 +1 @@ +" \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/run_module_io_flags.txt new file mode 100644 index 0000000..b0941ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/input_1.bin new file mode 100644 index 0000000..5b1dcfa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/model.mlir new file mode 100644 index 0000000..6d9eebb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/model.mlir @@ -0,0 +1,29 @@ +module { + func.func @test_nllloss_NCd1_ii_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Sub"(%3, %3) : (!torch.vtensor<[3,1,2],si64>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],si64> + %6 = torch.operator "onnx.Cast"(%3) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],si64> + %7 = torch.operator "onnx.Equal"(%6, %4) : (!torch.vtensor<[3,1,2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],i1> + %8 = torch.operator "onnx.Where"(%7, %5, %3) : (!torch.vtensor<[3,1,2],i1>, !torch.vtensor<[3,1,2],si64>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],si64> + %9 = torch.operator "onnx.GatherElements"(%arg0, %8) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],f32> + %10 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %11 = torch.operator "onnx.Where"(%7, %10, %9) : (!torch.vtensor<[3,1,2],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,2],f32>) -> !torch.vtensor<[3,1,2],f32> + %12 = torch.operator "onnx.Neg"(%11) : (!torch.vtensor<[3,1,2],f32>) -> !torch.vtensor<[3,1,2],f32> + %13 = torch.operator "onnx.Slice"(%12, %0, %1, %1) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + %14 = torch.operator "onnx.Squeeze"(%7, %2) : (!torch.vtensor<[3,1,2],i1>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],i1> + %15 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %16 = torch.operator "onnx.Where"(%14, %10, %15) : (!torch.vtensor<[3,2],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,2],f32> + %17 = torch.operator "onnx.Squeeze"(%13, %2) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3,2],f32>, !torch.vtensor<[3,2],f32>) -> !torch.vtensor<[3,2],f32> + %19 = torch.operator "onnx.ReduceSum"(%18) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2],f32>) -> !torch.vtensor<[],f32> + %20 = torch.operator "onnx.ReduceSum"(%16) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2],f32>) -> !torch.vtensor<[],f32> + %21 = torch.operator "onnx.Div"(%19, %20) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + return %21 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/output_0.bin new file mode 100644 index 0000000..46fdc15 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/output_0.bin @@ -0,0 +1 @@ +" \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b0941ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_0.bin new file mode 100644 index 0000000..e385105 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_1.bin new file mode 100644 index 0000000..405b29d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_2.bin new file mode 100644 index 0000000..fae3f31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/input_2.bin @@ -0,0 +1 @@ +/>>5A?e>be? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/model.mlir new file mode 100644 index 0000000..744e045 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1_mean_weight_negative_ii(%arg0: !torch.vtensor<[3,5,6],f32>, %arg1: !torch.vtensor<[3,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = -1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3,6],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/output_0.bin new file mode 100644 index 0000000..c6a734d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/output_0.bin @@ -0,0 +1 @@ +I \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/run_module_io_flags.txt new file mode 100644 index 0000000..de5b597 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6xf32=@input_0.bin +--input=3x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_0.bin new file mode 100644 index 0000000..e385105 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_1.bin new file mode 100644 index 0000000..405b29d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_2.bin new file mode 100644 index 0000000..fae3f31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/input_2.bin @@ -0,0 +1 @@ +/>>5A?e>be? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/model.mlir new file mode 100644 index 0000000..56ca7a3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/model.mlir @@ -0,0 +1,29 @@ +module { + func.func @test_nllloss_NCd1_mean_weight_negative_ii_expanded(%arg0: !torch.vtensor<[3,5,6],f32>, %arg1: !torch.vtensor<[3,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Sub"(%3, %3) : (!torch.vtensor<[3,1,6],si64>, !torch.vtensor<[3,1,6],si64>) -> !torch.vtensor<[3,1,6],si64> + %6 = torch.operator "onnx.Cast"(%3) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[3,1,6],si64>) -> !torch.vtensor<[3,1,6],si64> + %7 = torch.operator "onnx.Equal"(%6, %4) : (!torch.vtensor<[3,1,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6],i1> + %8 = torch.operator "onnx.Where"(%7, %5, %3) : (!torch.vtensor<[3,1,6],i1>, !torch.vtensor<[3,1,6],si64>, !torch.vtensor<[3,1,6],si64>) -> !torch.vtensor<[3,1,6],si64> + %9 = torch.operator "onnx.GatherElements"(%arg0, %8) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3,1,6],si64>) -> !torch.vtensor<[3,1,6],f32> + %10 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %11 = torch.operator "onnx.Where"(%7, %10, %9) : (!torch.vtensor<[3,1,6],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,6],f32>) -> !torch.vtensor<[3,1,6],f32> + %12 = torch.operator "onnx.Neg"(%11) : (!torch.vtensor<[3,1,6],f32>) -> !torch.vtensor<[3,1,6],f32> + %13 = torch.operator "onnx.Slice"(%12, %0, %1, %1) : (!torch.vtensor<[3,1,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6],f32> + %14 = torch.operator "onnx.Gather"(%arg2, %8) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,1,6],si64>) -> !torch.vtensor<[3,1,6],f32> + %15 = torch.operator "onnx.Where"(%7, %10, %14) : (!torch.vtensor<[3,1,6],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,6],f32>) -> !torch.vtensor<[3,1,6],f32> + %16 = torch.operator "onnx.Squeeze"(%15, %2) : (!torch.vtensor<[3,1,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6],f32> + %17 = torch.operator "onnx.Squeeze"(%13, %2) : (!torch.vtensor<[3,1,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3,6],f32>, !torch.vtensor<[3,6],f32>) -> !torch.vtensor<[3,6],f32> + %19 = torch.operator "onnx.ReduceSum"(%18) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6],f32>) -> !torch.vtensor<[],f32> + %20 = torch.operator "onnx.ReduceSum"(%16) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6],f32>) -> !torch.vtensor<[],f32> + %21 = torch.operator "onnx.Div"(%19, %20) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + return %21 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/output_0.bin new file mode 100644 index 0000000..c6a734d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/output_0.bin @@ -0,0 +1 @@ +I \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..de5b597 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_mean_weight_negative_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6xf32=@input_0.bin +--input=3x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_1.bin new file mode 100644 index 0000000..2508400 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_2.bin new file mode 100644 index 0000000..9ed0b2e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/input_2.bin @@ -0,0 +1 @@ +<\?N?c?yq? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/model.mlir new file mode 100644 index 0000000..013ba68 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1_weight(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/output_0.bin new file mode 100644 index 0000000..f7ee8d9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/run_module_io_flags.txt new file mode 100644 index 0000000..015c4c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_1.bin new file mode 100644 index 0000000..2508400 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_2.bin new file mode 100644 index 0000000..9ed0b2e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/input_2.bin @@ -0,0 +1 @@ +<\?N?c?yq? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/model.mlir new file mode 100644 index 0000000..ab6b5e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_nllloss_NCd1_weight_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,2],f32>) -> !torch.vtensor<[3,1,2],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + %7 = torch.operator "onnx.Gather"(%arg2, %arg1) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[3,2],f32> + %8 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + %9 = torch.operator "onnx.Mul"(%8, %7) : (!torch.vtensor<[3,2],f32>, !torch.vtensor<[3,2],f32>) -> !torch.vtensor<[3,2],f32> + %10 = torch.operator "onnx.ReduceSum"(%9) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.ReduceSum"(%7) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Div"(%10, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + return %12 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/output_0.bin new file mode 100644 index 0000000..f7ee8d9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..015c4c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_1.bin new file mode 100644 index 0000000..5b1dcfa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_2.bin new file mode 100644 index 0000000..9ed0b2e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/input_2.bin @@ -0,0 +1 @@ +<\?N?c?yq? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/model.mlir new file mode 100644 index 0000000..423871f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1_weight_ii(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/output_0.bin new file mode 100644 index 0000000..a48acfb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/output_0.bin @@ -0,0 +1 @@ +z( \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/run_module_io_flags.txt new file mode 100644 index 0000000..015c4c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_1.bin new file mode 100644 index 0000000..5b1dcfa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_2.bin new file mode 100644 index 0000000..9ed0b2e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/input_2.bin @@ -0,0 +1 @@ +<\?N?c?yq? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/model.mlir new file mode 100644 index 0000000..3e49638 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/model.mlir @@ -0,0 +1,29 @@ +module { + func.func @test_nllloss_NCd1_weight_ii_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Sub"(%3, %3) : (!torch.vtensor<[3,1,2],si64>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],si64> + %6 = torch.operator "onnx.Cast"(%3) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],si64> + %7 = torch.operator "onnx.Equal"(%6, %4) : (!torch.vtensor<[3,1,2],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],i1> + %8 = torch.operator "onnx.Where"(%7, %5, %3) : (!torch.vtensor<[3,1,2],i1>, !torch.vtensor<[3,1,2],si64>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],si64> + %9 = torch.operator "onnx.GatherElements"(%arg0, %8) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],f32> + %10 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %11 = torch.operator "onnx.Where"(%7, %10, %9) : (!torch.vtensor<[3,1,2],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,2],f32>) -> !torch.vtensor<[3,1,2],f32> + %12 = torch.operator "onnx.Neg"(%11) : (!torch.vtensor<[3,1,2],f32>) -> !torch.vtensor<[3,1,2],f32> + %13 = torch.operator "onnx.Slice"(%12, %0, %1, %1) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + %14 = torch.operator "onnx.Gather"(%arg2, %8) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,1,2],si64>) -> !torch.vtensor<[3,1,2],f32> + %15 = torch.operator "onnx.Where"(%7, %10, %14) : (!torch.vtensor<[3,1,2],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,2],f32>) -> !torch.vtensor<[3,1,2],f32> + %16 = torch.operator "onnx.Squeeze"(%15, %2) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + %17 = torch.operator "onnx.Squeeze"(%13, %2) : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3,2],f32>, !torch.vtensor<[3,2],f32>) -> !torch.vtensor<[3,2],f32> + %19 = torch.operator "onnx.ReduceSum"(%18) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2],f32>) -> !torch.vtensor<[],f32> + %20 = torch.operator "onnx.ReduceSum"(%16) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2],f32>) -> !torch.vtensor<[],f32> + %21 = torch.operator "onnx.Div"(%19, %20) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + return %21 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/output_0.bin new file mode 100644 index 0000000..a48acfb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/output_0.bin @@ -0,0 +1 @@ +z( \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..015c4c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1_weight_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/model.mlir new file mode 100644 index 0000000..f11599a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[3,6,6],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[3,6,6],f32> + return %0 : !torch.vtensor<[3,6,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/output_0.bin new file mode 100644 index 0000000..0777242 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/run_module_io_flags.txt new file mode 100644 index 0000000..7724f28 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--expected_output=3x6x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/model.mlir new file mode 100644 index 0000000..a4cc169 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_nllloss_NCd1d2_expanded(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[3,6,6],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %7 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + return %7 : !torch.vtensor<[3,6,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/output_0.bin new file mode 100644 index 0000000..0777242 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..7724f28 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--expected_output=3x6x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/model.mlir new file mode 100644 index 0000000..c67291f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2_no_weight_reduction_mean_ii(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.ignore_index = 1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/output_0.bin new file mode 100644 index 0000000..a3e2571 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/run_module_io_flags.txt new file mode 100644 index 0000000..2330a18 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/model.mlir new file mode 100644 index 0000000..2215660 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/model.mlir @@ -0,0 +1,29 @@ +module { + func.func @test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Sub"(%3, %3) : (!torch.vtensor<[3,1,6,6],si64>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %6 = torch.operator "onnx.Cast"(%3) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %7 = torch.operator "onnx.Equal"(%6, %4) : (!torch.vtensor<[3,1,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],i1> + %8 = torch.operator "onnx.Where"(%7, %5, %3) : (!torch.vtensor<[3,1,6,6],i1>, !torch.vtensor<[3,1,6,6],si64>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %9 = torch.operator "onnx.GatherElements"(%arg0, %8) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %10 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %11 = torch.operator "onnx.Where"(%7, %10, %9) : (!torch.vtensor<[3,1,6,6],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %12 = torch.operator "onnx.Neg"(%11) : (!torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %13 = torch.operator "onnx.Slice"(%12, %0, %1, %1) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %14 = torch.operator "onnx.Squeeze"(%7, %2) : (!torch.vtensor<[3,1,6,6],i1>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],i1> + %15 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %16 = torch.operator "onnx.Where"(%14, %10, %15) : (!torch.vtensor<[3,6,6],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,6,6],f32> + %17 = torch.operator "onnx.Squeeze"(%13, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3,6,6],f32>, !torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[3,6,6],f32> + %19 = torch.operator "onnx.ReduceSum"(%18) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[],f32> + %20 = torch.operator "onnx.ReduceSum"(%16) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[],f32> + %21 = torch.operator "onnx.Div"(%19, %20) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + return %21 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/output_0.bin new file mode 100644 index 0000000..a3e2571 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..2330a18 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/model.mlir new file mode 100644 index 0000000..7010a94 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2_reduction_mean(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/output_0.bin new file mode 100644 index 0000000..26ab867 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/output_0.bin @@ -0,0 +1 @@ +x \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/run_module_io_flags.txt new file mode 100644 index 0000000..2330a18 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/model.mlir new file mode 100644 index 0000000..f97c98a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_nllloss_NCd1d2_reduction_mean_expanded(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %7 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + %8 = torch.operator "onnx.ReduceMean"(%7) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[],f32> + return %8 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/output_0.bin new file mode 100644 index 0000000..26ab867 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/output_0.bin @@ -0,0 +1 @@ +x \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..2330a18 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_mean_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/model.mlir new file mode 100644 index 0000000..9616e1f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2_reduction_sum(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/output_0.bin new file mode 100644 index 0000000..4fed9b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/output_0.bin @@ -0,0 +1 @@ +Zk \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/run_module_io_flags.txt new file mode 100644 index 0000000..2330a18 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/model.mlir new file mode 100644 index 0000000..e3c1c0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_nllloss_NCd1d2_reduction_sum_expanded(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %7 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + %8 = torch.operator "onnx.ReduceSum"(%7) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[],f32> + return %8 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/output_0.bin new file mode 100644 index 0000000..4fed9b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/output_0.bin @@ -0,0 +1 @@ +Zk \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..2330a18 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_reduction_sum_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_2.bin new file mode 100644 index 0000000..2990ae1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/input_2.bin @@ -0,0 +1 @@ +Y?`o?p?W=K? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/model.mlir new file mode 100644 index 0000000..e5bb7d7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2_with_weight(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,6,6],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,6,6],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,6,6],f32> + return %0 : !torch.vtensor<[3,6,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/output_0.bin new file mode 100644 index 0000000..2ae502d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/run_module_io_flags.txt new file mode 100644 index 0000000..52dd57a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=3x6x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_2.bin new file mode 100644 index 0000000..2990ae1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/input_2.bin @@ -0,0 +1 @@ +Y?`o?p?W=K? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/model.mlir new file mode 100644 index 0000000..fe04be9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/model.mlir @@ -0,0 +1,17 @@ +module { + func.func @test_nllloss_NCd1d2_with_weight_expanded(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,6,6],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %7 = torch.operator "onnx.Gather"(%arg2, %arg1) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[3,6,6],f32> + %8 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + %9 = torch.operator "onnx.Mul"(%8, %7) : (!torch.vtensor<[3,6,6],f32>, !torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[3,6,6],f32> + return %9 : !torch.vtensor<[3,6,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/output_0.bin new file mode 100644 index 0000000..2ae502d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..52dd57a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=3x6x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_2.bin new file mode 100644 index 0000000..2990ae1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/input_2.bin @@ -0,0 +1 @@ +Y?`o?p?W=K? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/model.mlir new file mode 100644 index 0000000..ccd0998 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2_with_weight_reduction_mean(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,6,6],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/output_0.bin new file mode 100644 index 0000000..16ae7b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/output_0.bin @@ -0,0 +1,2 @@ +N + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/run_module_io_flags.txt new file mode 100644 index 0000000..0129e43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_2.bin new file mode 100644 index 0000000..2990ae1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/input_2.bin @@ -0,0 +1 @@ +Y?`o?p?W=K? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/model.mlir new file mode 100644 index 0000000..570f0cf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_nllloss_NCd1d2_with_weight_reduction_mean_expanded(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %7 = torch.operator "onnx.Gather"(%arg2, %arg1) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[3,6,6],f32> + %8 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + %9 = torch.operator "onnx.Mul"(%8, %7) : (!torch.vtensor<[3,6,6],f32>, !torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[3,6,6],f32> + %10 = torch.operator "onnx.ReduceSum"(%9) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.ReduceSum"(%7) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Div"(%10, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + return %12 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/output_0.bin new file mode 100644 index 0000000..16ae7b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/output_0.bin @@ -0,0 +1,2 @@ +N + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..0129e43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_2.bin new file mode 100644 index 0000000..2990ae1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/input_2.bin @@ -0,0 +1 @@ +Y?`o?p?W=K? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/model.mlir new file mode 100644 index 0000000..977c425 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2_with_weight_reduction_sum(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,6,6],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/output_0.bin new file mode 100644 index 0000000..1d13b6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/output_0.bin @@ -0,0 +1 @@ +0 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/run_module_io_flags.txt new file mode 100644 index 0000000..0129e43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_1.bin new file mode 100644 index 0000000..4c06aec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_2.bin new file mode 100644 index 0000000..2990ae1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/input_2.bin @@ -0,0 +1 @@ +Y?`o?p?W=K? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/model.mlir new file mode 100644 index 0000000..114c637 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/model.mlir @@ -0,0 +1,18 @@ +module { + func.func @test_nllloss_NCd1d2_with_weight_reduction_sum_expanded(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %7 = torch.operator "onnx.Gather"(%arg2, %arg1) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,6,6],si64>) -> !torch.vtensor<[3,6,6],f32> + %8 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + %9 = torch.operator "onnx.Mul"(%8, %7) : (!torch.vtensor<[3,6,6],f32>, !torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[3,6,6],f32> + %10 = torch.operator "onnx.ReduceSum"(%9) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[],f32> + return %10 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/output_0.bin new file mode 100644 index 0000000..1d13b6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/output_0.bin @@ -0,0 +1 @@ +0 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..0129e43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_1.bin new file mode 100644 index 0000000..ab27e38 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_2.bin new file mode 100644 index 0000000..2990ae1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/input_2.bin @@ -0,0 +1 @@ +Y?`o?p?W=K? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/model.mlir new file mode 100644 index 0000000..043dd72 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2_with_weight_reduction_sum_ii(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 0 : si64, torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,6,6],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/output_0.bin new file mode 100644 index 0000000..988bfc0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/output_0.bin @@ -0,0 +1 @@ +bڿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/run_module_io_flags.txt new file mode 100644 index 0000000..0129e43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_0.bin new file mode 100644 index 0000000..951690d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_1.bin new file mode 100644 index 0000000..ab27e38 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_2.bin new file mode 100644 index 0000000..2990ae1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/input_2.bin @@ -0,0 +1 @@ +Y?`o?p?W=K? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/model.mlir new file mode 100644 index 0000000..d68e235 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/model.mlir @@ -0,0 +1,27 @@ +module { + func.func @test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded(%arg0: !torch.vtensor<[3,5,6,6],f32>, %arg1: !torch.vtensor<[3,6,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Sub"(%3, %3) : (!torch.vtensor<[3,1,6,6],si64>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %6 = torch.operator "onnx.Cast"(%3) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %7 = torch.operator "onnx.Equal"(%6, %4) : (!torch.vtensor<[3,1,6,6],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],i1> + %8 = torch.operator "onnx.Where"(%7, %5, %3) : (!torch.vtensor<[3,1,6,6],i1>, !torch.vtensor<[3,1,6,6],si64>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],si64> + %9 = torch.operator "onnx.GatherElements"(%arg0, %8) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %10 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %11 = torch.operator "onnx.Where"(%7, %10, %9) : (!torch.vtensor<[3,1,6,6],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %12 = torch.operator "onnx.Neg"(%11) : (!torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %13 = torch.operator "onnx.Slice"(%12, %0, %1, %1) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %14 = torch.operator "onnx.Gather"(%arg2, %8) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,1,6,6],si64>) -> !torch.vtensor<[3,1,6,6],f32> + %15 = torch.operator "onnx.Where"(%7, %10, %14) : (!torch.vtensor<[3,1,6,6],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,6,6],f32>) -> !torch.vtensor<[3,1,6,6],f32> + %16 = torch.operator "onnx.Squeeze"(%15, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + %17 = torch.operator "onnx.Squeeze"(%13, %2) : (!torch.vtensor<[3,1,6,6],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3,6,6],f32>, !torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[3,6,6],f32> + %19 = torch.operator "onnx.ReduceSum"(%18) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6],f32>) -> !torch.vtensor<[],f32> + return %19 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/output_0.bin new file mode 100644 index 0000000..988bfc0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/output_0.bin @@ -0,0 +1 @@ +bڿ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..0129e43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6xf32=@input_0.bin +--input=3x6x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/input_0.bin new file mode 100644 index 0000000..9eab72c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/input_1.bin new file mode 100644 index 0000000..86ae073 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/model.mlir new file mode 100644 index 0000000..86a42d7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2d3_none_no_weight_negative_ii(%arg0: !torch.vtensor<[3,5,6,6,5],f32>, %arg1: !torch.vtensor<[3,6,6,5],si64>) -> !torch.vtensor<[3,6,6,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.ignore_index = -5 : si64, torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5],f32>, !torch.vtensor<[3,6,6,5],si64>) -> !torch.vtensor<[3,6,6,5],f32> + return %0 : !torch.vtensor<[3,6,6,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/output_0.bin new file mode 100644 index 0000000..24d03ec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/run_module_io_flags.txt new file mode 100644 index 0000000..64eae65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6x5xf32=@input_0.bin +--input=3x6x6x5xi64=@input_1.bin +--expected_output=3x6x6x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/input_0.bin new file mode 100644 index 0000000..9eab72c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/input_1.bin new file mode 100644 index 0000000..86ae073 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/model.mlir new file mode 100644 index 0000000..f93b003 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/model.mlir @@ -0,0 +1,26 @@ +module { + func.func @test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded(%arg0: !torch.vtensor<[3,5,6,6,5],f32>, %arg1: !torch.vtensor<[3,6,6,5],si64>) -> !torch.vtensor<[3,6,6,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6,5],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6,5],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-5> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Sub"(%3, %3) : (!torch.vtensor<[3,1,6,6,5],si64>, !torch.vtensor<[3,1,6,6,5],si64>) -> !torch.vtensor<[3,1,6,6,5],si64> + %6 = torch.operator "onnx.Cast"(%3) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[3,1,6,6,5],si64>) -> !torch.vtensor<[3,1,6,6,5],si64> + %7 = torch.operator "onnx.Equal"(%6, %4) : (!torch.vtensor<[3,1,6,6,5],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6,5],i1> + %8 = torch.operator "onnx.Where"(%7, %5, %3) : (!torch.vtensor<[3,1,6,6,5],i1>, !torch.vtensor<[3,1,6,6,5],si64>, !torch.vtensor<[3,1,6,6,5],si64>) -> !torch.vtensor<[3,1,6,6,5],si64> + %9 = torch.operator "onnx.GatherElements"(%arg0, %8) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6,5],f32>, !torch.vtensor<[3,1,6,6,5],si64>) -> !torch.vtensor<[3,1,6,6,5],f32> + %10 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %11 = torch.operator "onnx.Where"(%7, %10, %9) : (!torch.vtensor<[3,1,6,6,5],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1,6,6,5],f32>) -> !torch.vtensor<[3,1,6,6,5],f32> + %12 = torch.operator "onnx.Neg"(%11) : (!torch.vtensor<[3,1,6,6,5],f32>) -> !torch.vtensor<[3,1,6,6,5],f32> + %13 = torch.operator "onnx.Slice"(%12, %0, %1, %1) : (!torch.vtensor<[3,1,6,6,5],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6,5],f32> + %14 = torch.operator "onnx.Squeeze"(%7, %2) : (!torch.vtensor<[3,1,6,6,5],i1>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6,5],i1> + %15 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %16 = torch.operator "onnx.Where"(%14, %10, %15) : (!torch.vtensor<[3,6,6,5],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,6,6,5],f32> + %17 = torch.operator "onnx.Squeeze"(%13, %2) : (!torch.vtensor<[3,1,6,6,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6,5],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3,6,6,5],f32>, !torch.vtensor<[3,6,6,5],f32>) -> !torch.vtensor<[3,6,6,5],f32> + return %18 : !torch.vtensor<[3,6,6,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/output_0.bin new file mode 100644 index 0000000..24d03ec Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..64eae65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6x5xf32=@input_0.bin +--input=3x6x6x5xi64=@input_1.bin +--expected_output=3x6x6x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_1.bin new file mode 100644 index 0000000..fb45dae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_2.bin new file mode 100644 index 0000000..2b1b352 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/input_2.bin @@ -0,0 +1,2 @@ +(>u?> +^?|> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/model.mlir new file mode 100644 index 0000000..f446d9d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2d3_sum_weight_high_ii(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 10 : si64, torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/output_0.bin new file mode 100644 index 0000000..ce405aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/output_0.bin @@ -0,0 +1 @@ +Ш| \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/run_module_io_flags.txt new file mode 100644 index 0000000..394531c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_1.bin new file mode 100644 index 0000000..fb45dae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_2.bin new file mode 100644 index 0000000..2b1b352 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/input_2.bin @@ -0,0 +1,2 @@ +(>u?> +^?|> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/model.mlir new file mode 100644 index 0000000..9792d97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/model.mlir @@ -0,0 +1,27 @@ +module { + func.func @test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],si64> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<10> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %5 = torch.operator "onnx.Sub"(%3, %3) : (!torch.vtensor<[3,1],si64>, !torch.vtensor<[3,1],si64>) -> !torch.vtensor<[3,1],si64> + %6 = torch.operator "onnx.Cast"(%3) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[3,1],si64>) -> !torch.vtensor<[3,1],si64> + %7 = torch.operator "onnx.Equal"(%6, %4) : (!torch.vtensor<[3,1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],i1> + %8 = torch.operator "onnx.Where"(%7, %5, %3) : (!torch.vtensor<[3,1],i1>, !torch.vtensor<[3,1],si64>, !torch.vtensor<[3,1],si64>) -> !torch.vtensor<[3,1],si64> + %9 = torch.operator "onnx.GatherElements"(%arg0, %8) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3,1],si64>) -> !torch.vtensor<[3,1],f32> + %10 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor<1xf32>} : () -> !torch.vtensor<[1],f32> + %11 = torch.operator "onnx.Where"(%7, %10, %9) : (!torch.vtensor<[3,1],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %12 = torch.operator "onnx.Neg"(%11) : (!torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %13 = torch.operator "onnx.Slice"(%12, %0, %1, %1) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1],f32> + %14 = torch.operator "onnx.Gather"(%arg2, %8) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,1],si64>) -> !torch.vtensor<[3,1],f32> + %15 = torch.operator "onnx.Where"(%7, %10, %14) : (!torch.vtensor<[3,1],i1>, !torch.vtensor<[1],f32>, !torch.vtensor<[3,1],f32>) -> !torch.vtensor<[3,1],f32> + %16 = torch.operator "onnx.Squeeze"(%15, %2) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],f32> + %17 = torch.operator "onnx.Squeeze"(%13, %2) : (!torch.vtensor<[3,1],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3],f32> + %18 = torch.operator "onnx.Mul"(%17, %16) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %19 = torch.operator "onnx.ReduceSum"(%18) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + return %19 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/output_0.bin new file mode 100644 index 0000000..ce405aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/output_0.bin @@ -0,0 +1 @@ +Ш| \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..394531c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_2.bin new file mode 100644 index 0000000..d9b136c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/input_2.bin @@ -0,0 +1 @@ + =?@?o>id> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/model.mlir new file mode 100644 index 0000000..03f1aae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2d3d4d5_mean_weight(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/output_0.bin new file mode 100644 index 0000000..edb7449 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/output_0.bin @@ -0,0 +1 @@ +p \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/run_module_io_flags.txt new file mode 100644 index 0000000..a808790 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_2.bin new file mode 100644 index 0000000..d9b136c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/input_2.bin @@ -0,0 +1 @@ + =?@?o>id> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/model.mlir new file mode 100644 index 0000000..545d425 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_nllloss_NCd1d2d3d4d5_mean_weight_expanded(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6,5,3,4],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6,5,3,4],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,1,6,6,5,3,4],si64>) -> !torch.vtensor<[3,1,6,6,5,3,4],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,6,6,5,3,4],f32>) -> !torch.vtensor<[3,1,6,6,5,3,4],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,6,6,5,3,4],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6,5,3,4],f32> + %7 = torch.operator "onnx.Gather"(%arg2, %arg1) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> + %8 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,6,6,5,3,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> + %9 = torch.operator "onnx.Mul"(%8, %7) : (!torch.vtensor<[3,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],f32>) -> !torch.vtensor<[3,6,6,5,3,4],f32> + %10 = torch.operator "onnx.ReduceSum"(%9) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6,5,3,4],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.ReduceSum"(%7) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,6,6,5,3,4],f32>) -> !torch.vtensor<[],f32> + %12 = torch.operator "onnx.Div"(%10, %11) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + return %12 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/output_0.bin new file mode 100644 index 0000000..edb7449 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/output_0.bin @@ -0,0 +1 @@ +p \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a808790 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/model.mlir new file mode 100644 index 0000000..9ee856b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nllloss_NCd1d2d3d4d5_none_no_weight(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%arg0, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> + return %0 : !torch.vtensor<[3,6,6,5,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/output_0.bin new file mode 100644 index 0000000..7ec034d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/run_module_io_flags.txt new file mode 100644 index 0000000..c628854 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--expected_output=3x6x6x5x3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/model.mlir new file mode 100644 index 0000000..4c986f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %3 = torch.operator "onnx.Unsqueeze"(%arg1, %2) : (!torch.vtensor<[3,6,6,5,3,4],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6,5,3,4],si64> + %4 = torch.operator "onnx.GatherElements"(%arg0, %3) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,1,6,6,5,3,4],si64>) -> !torch.vtensor<[3,1,6,6,5,3,4],f32> + %5 = torch.operator "onnx.Neg"(%4) : (!torch.vtensor<[3,1,6,6,5,3,4],f32>) -> !torch.vtensor<[3,1,6,6,5,3,4],f32> + %6 = torch.operator "onnx.Slice"(%5, %0, %1, %1) : (!torch.vtensor<[3,1,6,6,5,3,4],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,6,6,5,3,4],f32> + %7 = torch.operator "onnx.Squeeze"(%6, %2) : (!torch.vtensor<[3,1,6,6,5,3,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> + return %7 : !torch.vtensor<[3,6,6,5,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/output_0.bin new file mode 100644 index 0000000..7ec034d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..c628854 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--expected_output=3x6x6x5x3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_0.bin new file mode 100644 index 0000000..1c90346 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_1.bin new file mode 100644 index 0000000..c99dd75 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_2.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_4.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/model.mlir new file mode 100644 index 0000000..464994b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_center_point_box_format(%arg0: !torch.vtensor<[1,6,4],f32>, %arg1: !torch.vtensor<[1,1,6],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) {torch.onnx.center_point_box = 1 : si64} : (!torch.vtensor<[1,6,4],f32>, !torch.vtensor<[1,1,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3],si64> + return %0 : !torch.vtensor<[3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/output_0.bin new file mode 100644 index 0000000..f7b27a3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/run_module_io_flags.txt new file mode 100644 index 0000000..3673dad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_center_point_box_format/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x6x4xf32=@input_0.bin +--input=1x1x6xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=3x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_0.bin new file mode 100644 index 0000000..da934d1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_1.bin new file mode 100644 index 0000000..c99dd75 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_2.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_4.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/model.mlir new file mode 100644 index 0000000..013d54b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_flipped_coordinates(%arg0: !torch.vtensor<[1,6,4],f32>, %arg1: !torch.vtensor<[1,1,6],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[1,6,4],f32>, !torch.vtensor<[1,1,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3],si64> + return %0 : !torch.vtensor<[3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/output_0.bin new file mode 100644 index 0000000..f7b27a3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/run_module_io_flags.txt new file mode 100644 index 0000000..3673dad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_flipped_coordinates/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x6x4xf32=@input_0.bin +--input=1x1x6xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=3x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_0.bin new file mode 100644 index 0000000..7a24235 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_1.bin new file mode 100644 index 0000000..4fcebb1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_1.bin @@ -0,0 +1 @@ +fff?fff?fff?fff?fff?fff?fff?fff?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_2.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_4.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/model.mlir new file mode 100644 index 0000000..a768b22 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_identical_boxes(%arg0: !torch.vtensor<[1,10,4],f32>, %arg1: !torch.vtensor<[1,1,10],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[1,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[1,10,4],f32>, !torch.vtensor<[1,1,10],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1,3],si64> + return %0 : !torch.vtensor<[1,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/output_0.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/run_module_io_flags.txt new file mode 100644 index 0000000..ad1ddc9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_identical_boxes/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x10x4xf32=@input_0.bin +--input=1x1x10xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=1x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_0.bin new file mode 100644 index 0000000..6ce8c59 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_1.bin new file mode 100644 index 0000000..c99dd75 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_2.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_4.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/model.mlir new file mode 100644 index 0000000..838421e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_limit_output_size(%arg0: !torch.vtensor<[1,6,4],f32>, %arg1: !torch.vtensor<[1,1,6],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[2,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[1,6,4],f32>, !torch.vtensor<[1,1,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[2,3],si64> + return %0 : !torch.vtensor<[2,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/output_0.bin new file mode 100644 index 0000000..e80d60f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/run_module_io_flags.txt new file mode 100644 index 0000000..2270765 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_limit_output_size/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x6x4xf32=@input_0.bin +--input=1x1x6xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=2x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_0.bin new file mode 100644 index 0000000..8c86498 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_1.bin new file mode 100644 index 0000000..00555a5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_1.bin @@ -0,0 +1 @@ +fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_2.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_4.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/model.mlir new file mode 100644 index 0000000..025f47e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_single_box(%arg0: !torch.vtensor<[1,1,4],f32>, %arg1: !torch.vtensor<[1,1,1],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[1,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[1,1,4],f32>, !torch.vtensor<[1,1,1],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[1,3],si64> + return %0 : !torch.vtensor<[1,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/output_0.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/run_module_io_flags.txt new file mode 100644 index 0000000..8db6b7a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_single_box/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x1x4xf32=@input_0.bin +--input=1x1x1xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=1x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_0.bin new file mode 100644 index 0000000..6ce8c59 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_1.bin new file mode 100644 index 0000000..c99dd75 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_2.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_4.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/model.mlir new file mode 100644 index 0000000..9c07fc5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_suppress_by_IOU(%arg0: !torch.vtensor<[1,6,4],f32>, %arg1: !torch.vtensor<[1,1,6],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[1,6,4],f32>, !torch.vtensor<[1,1,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[3,3],si64> + return %0 : !torch.vtensor<[3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/output_0.bin new file mode 100644 index 0000000..f7b27a3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/run_module_io_flags.txt new file mode 100644 index 0000000..3673dad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x6x4xf32=@input_0.bin +--input=1x1x6xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=3x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_0.bin new file mode 100644 index 0000000..6ce8c59 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_1.bin new file mode 100644 index 0000000..c99dd75 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_2.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_4.bin new file mode 100644 index 0000000..a5b7287 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/input_4.bin @@ -0,0 +1 @@ +> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/model.mlir new file mode 100644 index 0000000..7994733 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_suppress_by_IOU_and_scores(%arg0: !torch.vtensor<[1,6,4],f32>, %arg1: !torch.vtensor<[1,1,6],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[2,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[1,6,4],f32>, !torch.vtensor<[1,1,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[2,3],si64> + return %0 : !torch.vtensor<[2,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/output_0.bin new file mode 100644 index 0000000..e80d60f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/run_module_io_flags.txt new file mode 100644 index 0000000..2270765 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_suppress_by_IOU_and_scores/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x6x4xf32=@input_0.bin +--input=1x1x6xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=2x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_0.bin new file mode 100644 index 0000000..044ea6e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_1.bin new file mode 100644 index 0000000..bef3e4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_2.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_4.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/model.mlir new file mode 100644 index 0000000..f824cc6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_two_batches(%arg0: !torch.vtensor<[2,6,4],f32>, %arg1: !torch.vtensor<[2,1,6],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[4,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[2,6,4],f32>, !torch.vtensor<[2,1,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[4,3],si64> + return %0 : !torch.vtensor<[4,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/output_0.bin new file mode 100644 index 0000000..27801b8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/run_module_io_flags.txt new file mode 100644 index 0000000..88cb733 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_batches/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=2x6x4xf32=@input_0.bin +--input=2x1x6xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=4x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_0.bin new file mode 100644 index 0000000..6ce8c59 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_1.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_1.bin new file mode 100644 index 0000000..bef3e4f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_2.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_2.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_3.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_3.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_4.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_4.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/model.mlir b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/model.mlir new file mode 100644 index 0000000..ac58490 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonmaxsuppression_two_classes(%arg0: !torch.vtensor<[1,6,4],f32>, %arg1: !torch.vtensor<[1,2,6],f32>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],f32>, %arg4: !torch.vtensor<[1],f32>) -> !torch.vtensor<[4,3],si64> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonMaxSuppression"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[1,6,4],f32>, !torch.vtensor<[1,2,6],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],f32>) -> !torch.vtensor<[4,3],si64> + return %0 : !torch.vtensor<[4,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/output_0.bin b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/output_0.bin new file mode 100644 index 0000000..5d531f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/run_module_io_flags.txt new file mode 100644 index 0000000..399e6dc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonmaxsuppression_two_classes/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=1x6x4xf32=@input_0.bin +--input=1x2x6xf32=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xf32=@input_3.bin +--input=1xf32=@input_4.bin +--expected_output=4x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_nonzero_example/input_0.bin b/onnx-ops/onnx/node/generated/test_nonzero_example/input_0.bin new file mode 100644 index 0000000..f03a3bd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonzero_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonzero_example/model.mlir b/onnx-ops/onnx/node/generated/test_nonzero_example/model.mlir new file mode 100644 index 0000000..0800a46 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonzero_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_nonzero_example(%arg0: !torch.vtensor<[2,2],i1>) -> !torch.vtensor<[2,3],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.NonZero"(%arg0) : (!torch.vtensor<[2,2],i1>) -> !torch.vtensor<[2,3],si64> + return %0 : !torch.vtensor<[2,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_nonzero_example/output_0.bin b/onnx-ops/onnx/node/generated/test_nonzero_example/output_0.bin new file mode 100644 index 0000000..4ddccc9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_nonzero_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_nonzero_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_nonzero_example/run_module_io_flags.txt new file mode 100644 index 0000000..80ed593 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_nonzero_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2xi1=@input_0.bin +--expected_output=2x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_not_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_not_2d/input_0.bin new file mode 100644 index 0000000..552f7af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_not_2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_not_2d/model.mlir b/onnx-ops/onnx/node/generated/test_not_2d/model.mlir new file mode 100644 index 0000000..eceb9f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_not_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_not_2d(%arg0: !torch.vtensor<[3,4],i1>) -> !torch.vtensor<[3,4],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Not"(%arg0) : (!torch.vtensor<[3,4],i1>) -> !torch.vtensor<[3,4],i1> + return %0 : !torch.vtensor<[3,4],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_not_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_not_2d/output_0.bin new file mode 100644 index 0000000..36c89fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_not_2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_not_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_not_2d/run_module_io_flags.txt new file mode 100644 index 0000000..f9eb259 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_not_2d/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4xi1=@input_0.bin +--expected_output=3x4xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_not_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_not_3d/input_0.bin new file mode 100644 index 0000000..fdefa98 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_not_3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_not_3d/model.mlir b/onnx-ops/onnx/node/generated/test_not_3d/model.mlir new file mode 100644 index 0000000..501fcf6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_not_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_not_3d(%arg0: !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Not"(%arg0) : (!torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_not_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_not_3d/output_0.bin new file mode 100644 index 0000000..6676f50 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_not_3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_not_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_not_3d/run_module_io_flags.txt new file mode 100644 index 0000000..66b498b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_not_3d/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xi1=@input_0.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_not_4d/input_0.bin b/onnx-ops/onnx/node/generated/test_not_4d/input_0.bin new file mode 100644 index 0000000..106ad80 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_not_4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_not_4d/model.mlir b/onnx-ops/onnx/node/generated/test_not_4d/model.mlir new file mode 100644 index 0000000..e30e9de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_not_4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_not_4d(%arg0: !torch.vtensor<[3,4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Not"(%arg0) : (!torch.vtensor<[3,4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_not_4d/output_0.bin b/onnx-ops/onnx/node/generated/test_not_4d/output_0.bin new file mode 100644 index 0000000..b6b9644 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_not_4d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_not_4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_not_4d/run_module_io_flags.txt new file mode 100644 index 0000000..99a3856 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_not_4d/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5x6xi1=@input_0.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_0.bin b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_0.bin new file mode 100644 index 0000000..74a03c5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_1.bin b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_1.bin new file mode 100644 index 0000000..789e72a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_2.bin b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_2.bin new file mode 100644 index 0000000..00355f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_negative_indices/model.mlir b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/model.mlir new file mode 100644 index 0000000..e93f749 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_onehot_negative_indices(%arg0: !torch.vtensor<[3],si64>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[2],f32>) -> !torch.vtensor<[3,10],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OneHot"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3],si64>, !torch.vtensor<[],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[3,10],f32> + return %0 : !torch.vtensor<[3,10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_onehot_negative_indices/output_0.bin b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/output_0.bin new file mode 100644 index 0000000..b9e3428 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_negative_indices/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/run_module_io_flags.txt new file mode 100644 index 0000000..5659c58 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_onehot_negative_indices/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xi64=@input_0.bin +--input=f32=@input_1.bin +--input=2xf32=@input_2.bin +--expected_output=3x10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_0.bin new file mode 100644 index 0000000..3b93809 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_1.bin new file mode 100644 index 0000000..789e72a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_2.bin new file mode 100644 index 0000000..00355f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_with_axis/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_axis/model.mlir b/onnx-ops/onnx/node/generated/test_onehot_with_axis/model.mlir new file mode 100644 index 0000000..44d8ed1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_onehot_with_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_onehot_with_axis(%arg0: !torch.vtensor<[2,2],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[2],f32>) -> !torch.vtensor<[2,10,2],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OneHot"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,2],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[2,10,2],f32> + return %0 : !torch.vtensor<[2,10,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_onehot_with_axis/output_0.bin new file mode 100644 index 0000000..54c8602 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_with_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_onehot_with_axis/run_module_io_flags.txt new file mode 100644 index 0000000..80cf983 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_onehot_with_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x2xf32=@input_0.bin +--input=f32=@input_1.bin +--input=2xf32=@input_2.bin +--expected_output=2x10x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_0.bin new file mode 100644 index 0000000..3b93809 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_1.bin new file mode 100644 index 0000000..789e72a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_2.bin new file mode 100644 index 0000000..00355f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/model.mlir b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/model.mlir new file mode 100644 index 0000000..7aea6b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_onehot_with_negative_axis(%arg0: !torch.vtensor<[2,2],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[2],f32>) -> !torch.vtensor<[2,10,2],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OneHot"(%arg0, %arg1, %arg2) {torch.onnx.axis = -2 : si64} : (!torch.vtensor<[2,2],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[2,10,2],f32> + return %0 : !torch.vtensor<[2,10,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/output_0.bin new file mode 100644 index 0000000..54c8602 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/run_module_io_flags.txt new file mode 100644 index 0000000..80cf983 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_onehot_with_negative_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x2xf32=@input_0.bin +--input=f32=@input_1.bin +--input=2xf32=@input_2.bin +--expected_output=2x10x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_0.bin new file mode 100644 index 0000000..dd0f9cb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_1.bin new file mode 100644 index 0000000..ed21eb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_2.bin new file mode 100644 index 0000000..ea94d79 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_without_axis/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_without_axis/model.mlir b/onnx-ops/onnx/node/generated/test_onehot_without_axis/model.mlir new file mode 100644 index 0000000..dc3f984 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_onehot_without_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_onehot_without_axis(%arg0: !torch.vtensor<[3],si64>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[2],si32>) -> !torch.vtensor<[3,12],si32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OneHot"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],si64>, !torch.vtensor<[],f32>, !torch.vtensor<[2],si32>) -> !torch.vtensor<[3,12],si32> + return %0 : !torch.vtensor<[3,12],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_onehot_without_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_onehot_without_axis/output_0.bin new file mode 100644 index 0000000..53bacbc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_onehot_without_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_onehot_without_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_onehot_without_axis/run_module_io_flags.txt new file mode 100644 index 0000000..cd10447 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_onehot_without_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xi64=@input_0.bin +--input=f32=@input_1.bin +--input=2xi32=@input_2.bin +--expected_output=3x12xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/input_0.bin b/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/model.mlir b/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/model.mlir new file mode 100644 index 0000000..363de51 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_optional_get_element_tensor(%arg0: !torch.vtensor<[4],f32>) -> !torch.vtensor<[4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OptionalGetElement"(%arg0) : (!torch.vtensor<[4],f32>) -> !torch.vtensor<[4],f32> + return %0 : !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/output_0.bin b/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/output_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/run_module_io_flags.txt new file mode 100644 index 0000000..bae06ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_get_element_tensor/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4xf32=@input_0.bin +--expected_output=4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/model.mlir b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/model.mlir new file mode 100644 index 0000000..88a2ebb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_optional_has_element_empty_no_input_name_optional_input() -> !torch.vtensor<[],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OptionalHasElement"(%none) : (!torch.none) -> !torch.vtensor<[],i1> + return %0 : !torch.vtensor<[],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/output_0.bin b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/output_0.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/run_module_io_flags.txt new file mode 100644 index 0000000..7ec12e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_optional_input/run_module_io_flags.txt @@ -0,0 +1 @@ +--expected_output=i1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/model.mlir b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/model.mlir new file mode 100644 index 0000000..6aff7d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_optional_has_element_empty_no_input_name_tensor_input() -> !torch.vtensor<[],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OptionalHasElement"(%none) : (!torch.none) -> !torch.vtensor<[],i1> + return %0 : !torch.vtensor<[],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/output_0.bin b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/output_0.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/run_module_io_flags.txt new file mode 100644 index 0000000..7ec12e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_name_tensor_input/run_module_io_flags.txt @@ -0,0 +1 @@ +--expected_output=i1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/model.mlir b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/model.mlir new file mode 100644 index 0000000..53bc733 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_optional_has_element_empty_no_input_optional_input() -> !torch.vtensor<[],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OptionalHasElement"() : () -> !torch.vtensor<[],i1> + return %0 : !torch.vtensor<[],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/output_0.bin b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/output_0.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/run_module_io_flags.txt new file mode 100644 index 0000000..7ec12e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_optional_input/run_module_io_flags.txt @@ -0,0 +1 @@ +--expected_output=i1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/model.mlir b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/model.mlir new file mode 100644 index 0000000..efc10c0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_optional_has_element_empty_no_input_tensor_input() -> !torch.vtensor<[],i1> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.OptionalHasElement"() : () -> !torch.vtensor<[],i1> + return %0 : !torch.vtensor<[],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/output_0.bin b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/output_0.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/run_module_io_flags.txt new file mode 100644 index 0000000..7ec12e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_optional_has_element_empty_no_input_tensor_input/run_module_io_flags.txt @@ -0,0 +1 @@ +--expected_output=i1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_or2d/input_0.bin b/onnx-ops/onnx/node/generated/test_or2d/input_0.bin new file mode 100644 index 0000000..552f7af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or2d/input_1.bin b/onnx-ops/onnx/node/generated/test_or2d/input_1.bin new file mode 100644 index 0000000..95489d9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or2d/model.mlir b/onnx-ops/onnx/node/generated/test_or2d/model.mlir new file mode 100644 index 0000000..1ec1b58 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_or2d(%arg0: !torch.vtensor<[3,4],i1>, %arg1: !torch.vtensor<[3,4],i1>) -> !torch.vtensor<[3,4],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Or"(%arg0, %arg1) : (!torch.vtensor<[3,4],i1>, !torch.vtensor<[3,4],i1>) -> !torch.vtensor<[3,4],i1> + return %0 : !torch.vtensor<[3,4],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_or2d/output_0.bin b/onnx-ops/onnx/node/generated/test_or2d/output_0.bin new file mode 100644 index 0000000..552f7af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_or2d/run_module_io_flags.txt new file mode 100644 index 0000000..9a333d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xi1=@input_0.bin +--input=3x4xi1=@input_1.bin +--expected_output=3x4xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_or3d/input_0.bin b/onnx-ops/onnx/node/generated/test_or3d/input_0.bin new file mode 100644 index 0000000..402560b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or3d/input_1.bin b/onnx-ops/onnx/node/generated/test_or3d/input_1.bin new file mode 100644 index 0000000..b9b8df9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or3d/model.mlir b/onnx-ops/onnx/node/generated/test_or3d/model.mlir new file mode 100644 index 0000000..a459421 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_or3d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Or"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_or3d/output_0.bin b/onnx-ops/onnx/node/generated/test_or3d/output_0.bin new file mode 100644 index 0000000..2af2a55 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_or3d/run_module_io_flags.txt new file mode 100644 index 0000000..a62475e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=3x4x5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_or4d/input_0.bin b/onnx-ops/onnx/node/generated/test_or4d/input_0.bin new file mode 100644 index 0000000..a8a2c14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or4d/input_1.bin b/onnx-ops/onnx/node/generated/test_or4d/input_1.bin new file mode 100644 index 0000000..794db0d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or4d/model.mlir b/onnx-ops/onnx/node/generated/test_or4d/model.mlir new file mode 100644 index 0000000..86e204a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_or4d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[3,4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Or"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[3,4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_or4d/output_0.bin b/onnx-ops/onnx/node/generated/test_or4d/output_0.bin new file mode 100644 index 0000000..e427299 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or4d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_or4d/run_module_io_flags.txt new file mode 100644 index 0000000..ee1e651 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=3x4x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v1d/input_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/input_0.bin new file mode 100644 index 0000000..bc1df5d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v1d/input_1.bin b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/input_1.bin new file mode 100644 index 0000000..e00894f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v1d/model.mlir b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/model.mlir new file mode 100644 index 0000000..a7b9f8d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_or_bcast3v1d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Or"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v1d/output_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/output_0.bin new file mode 100644 index 0000000..e84e768 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v1d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/run_module_io_flags.txt new file mode 100644 index 0000000..07af385 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast3v1d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v2d/input_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/input_0.bin new file mode 100644 index 0000000..d931e14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v2d/input_1.bin b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/input_1.bin new file mode 100644 index 0000000..541a089 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v2d/model.mlir b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/model.mlir new file mode 100644 index 0000000..9d74d99 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_or_bcast3v2d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[4,5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Or"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v2d/output_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/output_0.bin new file mode 100644 index 0000000..4602d0d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast3v2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/run_module_io_flags.txt new file mode 100644 index 0000000..c9bce13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast3v2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=4x5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v2d/input_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/input_0.bin new file mode 100644 index 0000000..409932c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v2d/input_1.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/input_1.bin new file mode 100644 index 0000000..ff8d6c0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v2d/model.mlir b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/model.mlir new file mode 100644 index 0000000..f56ace3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_or_bcast4v2d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Or"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v2d/output_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/output_0.bin new file mode 100644 index 0000000..048897b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/run_module_io_flags.txt new file mode 100644 index 0000000..048b016 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast4v2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v3d/input_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/input_0.bin new file mode 100644 index 0000000..fac09cc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v3d/input_1.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/input_1.bin new file mode 100644 index 0000000..030995a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v3d/model.mlir b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/model.mlir new file mode 100644 index 0000000..74e7221 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_or_bcast4v3d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Or"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v3d/output_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/output_0.bin new file mode 100644 index 0000000..c1e0bd4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/run_module_io_flags.txt new file mode 100644 index 0000000..482d41c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast4v3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=4x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v4d/input_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/input_0.bin new file mode 100644 index 0000000..b8e40b6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v4d/input_1.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/input_1.bin new file mode 100644 index 0000000..34ce939 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v4d/model.mlir b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/model.mlir new file mode 100644 index 0000000..13d9576 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_or_bcast4v4d(%arg0: !torch.vtensor<[1,4,1,6],i1>, %arg1: !torch.vtensor<[3,1,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Or"(%arg0, %arg1) : (!torch.vtensor<[1,4,1,6],i1>, !torch.vtensor<[3,1,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v4d/output_0.bin b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/output_0.bin new file mode 100644 index 0000000..d9ab109 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_or_bcast4v4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/run_module_io_flags.txt new file mode 100644 index 0000000..6dd280e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_or_bcast4v4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x4x1x6xi1=@input_0.bin +--input=3x1x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow/input_0.bin b/onnx-ops/onnx/node/generated/test_pow/input_0.bin new file mode 100644 index 0000000..9a8fb34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow/input_1.bin b/onnx-ops/onnx/node/generated/test_pow/input_1.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow/input_1.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_pow/model.mlir b/onnx-ops/onnx/node/generated/test_pow/model.mlir new file mode 100644 index 0000000..2f774a1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow/output_0.bin b/onnx-ops/onnx/node/generated/test_pow/output_0.bin new file mode 100644 index 0000000..2bfe323 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow/run_module_io_flags.txt new file mode 100644 index 0000000..7bd95ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_array/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_bcast_array/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_bcast_array/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_array/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_bcast_array/input_1.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_bcast_array/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_array/model.mlir b/onnx-ops/onnx/node/generated/test_pow_bcast_array/model.mlir new file mode 100644 index 0000000..73366b4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_bcast_array/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_bcast_array(%arg0: !torch.vtensor<[2,3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[2,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[2,3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[2,3],f32> + return %0 : !torch.vtensor<[2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_array/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_bcast_array/output_0.bin new file mode 100644 index 0000000..5162e27 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_bcast_array/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_array/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_bcast_array/run_module_io_flags.txt new file mode 100644 index 0000000..9a26ca4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_bcast_array/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=2x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/model.mlir b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/model.mlir new file mode 100644 index 0000000..29136c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_bcast_scalar(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/output_0.bin new file mode 100644 index 0000000..35d5fd4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/run_module_io_flags.txt new file mode 100644 index 0000000..fd2054d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_bcast_scalar/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=f32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_example/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_example/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_example/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_example/input_1.bin new file mode 100644 index 0000000..202af34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_example/model.mlir b/onnx-ops/onnx/node/generated/test_pow_example/model.mlir new file mode 100644 index 0000000..71f4559 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_example(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_example/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_example/output_0.bin new file mode 100644 index 0000000..1ee29bb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_example/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/input_1.bin new file mode 100644 index 0000000..3620a9e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/model.mlir b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/model.mlir new file mode 100644 index 0000000..bd021ba --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_types_float32_int32(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],si32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],si32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/output_0.bin new file mode 100644 index 0000000..1ee29bb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/run_module_io_flags.txt new file mode 100644 index 0000000..79be229 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_float32_int32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/input_1.bin new file mode 100644 index 0000000..aa98f90 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/model.mlir b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/model.mlir new file mode 100644 index 0000000..c7169a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_types_float32_int64(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/output_0.bin new file mode 100644 index 0000000..1ee29bb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/run_module_io_flags.txt new file mode 100644 index 0000000..f7b90ad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_float32_int64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/input_1.bin new file mode 100644 index 0000000..3620a9e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/model.mlir b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/model.mlir new file mode 100644 index 0000000..4cb2181 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_types_float32_uint32(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],ui32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/output_0.bin new file mode 100644 index 0000000..1ee29bb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/run_module_io_flags.txt new file mode 100644 index 0000000..79be229 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/input_1.bin new file mode 100644 index 0000000..aa98f90 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/model.mlir b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/model.mlir new file mode 100644 index 0000000..f65875d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_types_float32_uint64(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],ui64>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/output_0.bin new file mode 100644 index 0000000..1ee29bb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/run_module_io_flags.txt new file mode 100644 index 0000000..f7b90ad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_float32_uint64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/input_0.bin new file mode 100644 index 0000000..9adb25b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/input_1.bin new file mode 100644 index 0000000..202af34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/model.mlir b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/model.mlir new file mode 100644 index 0000000..8e782b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_types_int32_float32(%arg0: !torch.vtensor<[3],si32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],si32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],si32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],si32> + return %0 : !torch.vtensor<[3],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/output_0.bin new file mode 100644 index 0000000..049f6b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/run_module_io_flags.txt new file mode 100644 index 0000000..463b150 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_int32_float32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/input_0.bin new file mode 100644 index 0000000..9adb25b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/input_1.bin new file mode 100644 index 0000000..3620a9e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/model.mlir b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/model.mlir new file mode 100644 index 0000000..62bb4a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_types_int32_int32(%arg0: !torch.vtensor<[3],si32>, %arg1: !torch.vtensor<[3],si32>) -> !torch.vtensor<[3],si32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],si32>, !torch.vtensor<[3],si32>) -> !torch.vtensor<[3],si32> + return %0 : !torch.vtensor<[3],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/output_0.bin new file mode 100644 index 0000000..049f6b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/run_module_io_flags.txt new file mode 100644 index 0000000..8b214ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_int32_int32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi32=@input_0.bin +--input=3xi32=@input_1.bin +--expected_output=3xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/input_0.bin new file mode 100644 index 0000000..313779c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/input_1.bin new file mode 100644 index 0000000..202af34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/model.mlir b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/model.mlir new file mode 100644 index 0000000..15ec564 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_types_int64_float32(%arg0: !torch.vtensor<[3],si64>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],si64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],si64> + return %0 : !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/output_0.bin new file mode 100644 index 0000000..63a3e1c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/run_module_io_flags.txt new file mode 100644 index 0000000..2bf387d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_int64_float32/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/input_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/input_0.bin new file mode 100644 index 0000000..313779c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/input_1.bin b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/input_1.bin new file mode 100644 index 0000000..aa98f90 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/model.mlir b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/model.mlir new file mode 100644 index 0000000..112005d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_pow_types_int64_int64(%arg0: !torch.vtensor<[3],si64>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pow"(%arg0, %arg1) : (!torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],si64> + return %0 : !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/output_0.bin b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/output_0.bin new file mode 100644 index 0000000..63a3e1c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/run_module_io_flags.txt new file mode 100644 index 0000000..0281ad8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_pow_types_int64_int64/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xi64=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast/input_0.bin b/onnx-ops/onnx/node/generated/test_prelu_broadcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast/input_1.bin b/onnx-ops/onnx/node/generated/test_prelu_broadcast/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast/model.mlir b/onnx-ops/onnx/node/generated/test_prelu_broadcast/model.mlir new file mode 100644 index 0000000..d8c832c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_prelu_broadcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.PRelu"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast/output_0.bin b/onnx-ops/onnx/node/generated/test_prelu_broadcast/output_0.bin new file mode 100644 index 0000000..d4eba64 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?<(?8s? =v6>9>(>%?^B?0= B>]ת>=?*>iJ>-?S'?K]??C@o^z?Hm;=a>2??>>k8?Z@?| >*z??++?ڱ[4?ش???11Ԗ>> G?N2@9'?>>Op@B٣QN>.:=ݚ>)?σ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_prelu_broadcast/run_module_io_flags.txt new file mode 100644 index 0000000..b3bf093 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/model.mlir new file mode 100644 index 0000000..45b7bd6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_prelu_broadcast_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Less"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %3 = torch.operator "onnx.Mul"(%arg1, %arg0) : (!torch.vtensor<[5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.Where"(%2, %3, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %4 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/output_0.bin new file mode 100644 index 0000000..d4eba64 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?<(?8s? =v6>9>(>%?^B?0= B>]ת>=?*>iJ>-?S'?K]??C@o^z?Hm;=a>2??>>k8?Z@?| >*z??++?ڱ[4?ش???11Ԗ>> G?N2@9'?>>Op@B٣QN>.:=ݚ>)?σ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b3bf093 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_broadcast_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_prelu_example/input_0.bin b/onnx-ops/onnx/node/generated/test_prelu_example/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_example/input_1.bin b/onnx-ops/onnx/node/generated/test_prelu_example/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_example/model.mlir b/onnx-ops/onnx/node/generated/test_prelu_example/model.mlir new file mode 100644 index 0000000..2bc482a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_prelu_example(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.PRelu"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_prelu_example/output_0.bin b/onnx-ops/onnx/node/generated/test_prelu_example/output_0.bin new file mode 100644 index 0000000..998461d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example/output_0.bin @@ -0,0 +1,2 @@ +x?h>z?j@$ ? >8s?s˿=9>(>%?^B?0= B>]ת>=?=6=iJ>|D`>@S'?K]?Q?C@w0Hm;= =2??>>[W=tn >*z??GXI%? +@??Yq? G?FC ֿ><>MS~;QN>.:=ݚ>oǾF \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_prelu_example/run_module_io_flags.txt new file mode 100644 index 0000000..7bd95ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_prelu_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/model.mlir new file mode 100644 index 0000000..41ff92d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_prelu_example_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Less"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %3 = torch.operator "onnx.Mul"(%arg1, %arg0) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.Where"(%2, %3, %arg0) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %4 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_prelu_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/output_0.bin new file mode 100644 index 0000000..998461d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/output_0.bin @@ -0,0 +1,2 @@ +x?h>z?j@$ ? >8s?s˿=9>(>%?^B?0= B>]ת>=?=6=iJ>|D`>@S'?K]?Q?C@w0Hm;= =2??>>[W=tn >*z??GXI%? +@??Yq? G?FC ֿ><>MS~;QN>.:=ݚ>oǾF \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_prelu_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..7bd95ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_prelu_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/input_0.bin new file mode 100644 index 0000000..385f203 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearconv/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/input_1.bin new file mode 100644 index 0000000..b820356 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearconv/input_1.bin @@ -0,0 +1 @@ +Eq; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/input_2.bin new file mode 100644 index 0000000..8f74629 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearconv/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/input_3.bin new file mode 100644 index 0000000..f76dd23 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearconv/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/input_4.bin new file mode 100644 index 0000000..64be430 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearconv/input_4.bin @@ -0,0 +1 @@ +=|: \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/input_5.bin new file mode 100644 index 0000000..ce542ef --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearconv/input_5.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/input_6.bin new file mode 100644 index 0000000..f1b863a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearconv/input_6.bin @@ -0,0 +1 @@ +:: \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/input_7.bin new file mode 100644 index 0000000..81750b9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearconv/input_7.bin @@ -0,0 +1 @@ +{ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearconv/model.mlir new file mode 100644 index 0000000..d734226 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearconv/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearconv(%arg0: !torch.vtensor<[1,1,7,7],ui8>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],ui8>, %arg3: !torch.vtensor<[1,1,1,1],ui8>, %arg4: !torch.vtensor<[1],f32>, %arg5: !torch.vtensor<[1],ui8>, %arg6: !torch.vtensor<[],f32>, %arg7: !torch.vtensor<[],ui8>) -> !torch.vtensor<[1,1,7,7],ui8> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearConv"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[1,1,7,7],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>, !torch.vtensor<[1,1,1,1],ui8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],ui8>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) -> !torch.vtensor<[1,1,7,7],ui8> + return %0 : !torch.vtensor<[1,1,7,7],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearconv/output_0.bin new file mode 100644 index 0000000..5503add Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearconv/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearconv/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearconv/run_module_io_flags.txt new file mode 100644 index 0000000..fa21342 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearconv/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=1x1x7x7xi8=@input_0.bin +--input=f32=@input_1.bin +--input=i8=@input_2.bin +--input=1x1x1x1xi8=@input_3.bin +--input=1xf32=@input_4.bin +--input=1xi8=@input_5.bin +--input=f32=@input_6.bin +--input=i8=@input_7.bin +--expected_output=1x1x7x7xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_0.bin new file mode 100644 index 0000000..418f4aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_0.bin @@ -0,0 +1 @@ +QmoW \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_1.bin new file mode 100644 index 0000000..75fdb93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_2.bin new file mode 100644 index 0000000..ddf3b06 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_3.bin new file mode 100644 index 0000000..e3653bb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_4.bin new file mode 100644 index 0000000..9ba440d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_4.bin @@ -0,0 +1 @@ +8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_5.bin new file mode 100644 index 0000000..f1b3829 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_5.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_6.bin new file mode 100644 index 0000000..d5991cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_6.bin @@ -0,0 +1 @@ +z! \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_7.bin new file mode 100644 index 0000000..009080e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/input_7.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/model.mlir new file mode 100644 index 0000000..4932f0f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearmatmul_2D_int8_float16(%arg0: !torch.vtensor<[2,4],si8>, %arg1: !torch.vtensor<[1],f16>, %arg2: !torch.vtensor<[1],si8>, %arg3: !torch.vtensor<[4,3],si8>, %arg4: !torch.vtensor<[1],f16>, %arg5: !torch.vtensor<[1],si8>, %arg6: !torch.vtensor<[1],f16>, %arg7: !torch.vtensor<[1],si8>) -> !torch.vtensor<[2,3],si8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearMatMul"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[2,4],si8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],si8>, !torch.vtensor<[4,3],si8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],si8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],si8>) -> !torch.vtensor<[2,3],si8> + return %0 : !torch.vtensor<[2,3],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/output_0.bin new file mode 100644 index 0000000..08064dc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/output_0.bin @@ -0,0 +1 @@ +) \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/run_module_io_flags.txt new file mode 100644 index 0000000..8fbee42 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float16/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=2x4xi8=@input_0.bin +--input=1xf16=@input_1.bin +--input=1xi8=@input_2.bin +--input=4x3xi8=@input_3.bin +--input=1xf16=@input_4.bin +--input=1xi8=@input_5.bin +--input=1xf16=@input_6.bin +--input=1xi8=@input_7.bin +--expected_output=2x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_0.bin new file mode 100644 index 0000000..418f4aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_0.bin @@ -0,0 +1 @@ +QmoW \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_1.bin new file mode 100644 index 0000000..3eedeb4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_1.bin @@ -0,0 +1 @@ +D; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_2.bin new file mode 100644 index 0000000..ddf3b06 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_3.bin new file mode 100644 index 0000000..e3653bb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_4.bin new file mode 100644 index 0000000..3fa0969 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_4.bin @@ -0,0 +1 @@ +; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_5.bin new file mode 100644 index 0000000..f1b3829 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_5.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_6.bin new file mode 100644 index 0000000..af24de6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_6.bin @@ -0,0 +1 @@ +O/< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_7.bin new file mode 100644 index 0000000..009080e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/input_7.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/model.mlir new file mode 100644 index 0000000..b07f98b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearmatmul_2D_int8_float32(%arg0: !torch.vtensor<[2,4],si8>, %arg1: !torch.vtensor<[1],f32>, %arg2: !torch.vtensor<[1],si8>, %arg3: !torch.vtensor<[4,3],si8>, %arg4: !torch.vtensor<[1],f32>, %arg5: !torch.vtensor<[1],si8>, %arg6: !torch.vtensor<[1],f32>, %arg7: !torch.vtensor<[1],si8>) -> !torch.vtensor<[2,3],si8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearMatMul"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[2,4],si8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],si8>, !torch.vtensor<[4,3],si8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],si8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],si8>) -> !torch.vtensor<[2,3],si8> + return %0 : !torch.vtensor<[2,3],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/output_0.bin new file mode 100644 index 0000000..08064dc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/output_0.bin @@ -0,0 +1 @@ +) \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/run_module_io_flags.txt new file mode 100644 index 0000000..21a1240 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_int8_float32/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=2x4xi8=@input_0.bin +--input=1xf32=@input_1.bin +--input=1xi8=@input_2.bin +--input=4x3xi8=@input_3.bin +--input=1xf32=@input_4.bin +--input=1xi8=@input_5.bin +--input=1xf32=@input_6.bin +--input=1xi8=@input_7.bin +--expected_output=2x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_0.bin new file mode 100644 index 0000000..e338a93 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_1.bin new file mode 100644 index 0000000..75fdb93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_2.bin new file mode 100644 index 0000000..ea0c8a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_2.bin @@ -0,0 +1 @@ +q \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_3.bin new file mode 100644 index 0000000..0bf2535 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_4.bin new file mode 100644 index 0000000..9ba440d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_4.bin @@ -0,0 +1 @@ +8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_5.bin new file mode 100644 index 0000000..1d2f014 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_5.bin @@ -0,0 +1 @@ +r \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_6.bin new file mode 100644 index 0000000..d5991cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_6.bin @@ -0,0 +1 @@ +z! \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_7.bin new file mode 100644 index 0000000..bb79ec2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/input_7.bin @@ -0,0 +1 @@ +v \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/model.mlir new file mode 100644 index 0000000..7ac564c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearmatmul_2D_uint8_float16(%arg0: !torch.vtensor<[2,4],ui8>, %arg1: !torch.vtensor<[1],f16>, %arg2: !torch.vtensor<[1],ui8>, %arg3: !torch.vtensor<[4,3],ui8>, %arg4: !torch.vtensor<[1],f16>, %arg5: !torch.vtensor<[1],ui8>, %arg6: !torch.vtensor<[1],f16>, %arg7: !torch.vtensor<[1],ui8>) -> !torch.vtensor<[2,3],ui8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearMatMul"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[2,4],ui8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],ui8>, !torch.vtensor<[4,3],ui8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],ui8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],ui8>) -> !torch.vtensor<[2,3],ui8> + return %0 : !torch.vtensor<[2,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/output_0.bin new file mode 100644 index 0000000..7d08e6c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/output_0.bin @@ -0,0 +1 @@ +sB \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/run_module_io_flags.txt new file mode 100644 index 0000000..8fbee42 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float16/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=2x4xi8=@input_0.bin +--input=1xf16=@input_1.bin +--input=1xi8=@input_2.bin +--input=4x3xi8=@input_3.bin +--input=1xf16=@input_4.bin +--input=1xi8=@input_5.bin +--input=1xf16=@input_6.bin +--input=1xi8=@input_7.bin +--expected_output=2x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_0.bin new file mode 100644 index 0000000..e338a93 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_1.bin new file mode 100644 index 0000000..3eedeb4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_1.bin @@ -0,0 +1 @@ +D; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_2.bin new file mode 100644 index 0000000..ea0c8a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_2.bin @@ -0,0 +1 @@ +q \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_3.bin new file mode 100644 index 0000000..0bf2535 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_4.bin new file mode 100644 index 0000000..3fa0969 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_4.bin @@ -0,0 +1 @@ +; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_5.bin new file mode 100644 index 0000000..1d2f014 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_5.bin @@ -0,0 +1 @@ +r \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_6.bin new file mode 100644 index 0000000..af24de6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_6.bin @@ -0,0 +1 @@ +O/< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_7.bin new file mode 100644 index 0000000..bb79ec2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/input_7.bin @@ -0,0 +1 @@ +v \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/model.mlir new file mode 100644 index 0000000..a18b363 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearmatmul_2D_uint8_float32(%arg0: !torch.vtensor<[2,4],ui8>, %arg1: !torch.vtensor<[1],f32>, %arg2: !torch.vtensor<[1],ui8>, %arg3: !torch.vtensor<[4,3],ui8>, %arg4: !torch.vtensor<[1],f32>, %arg5: !torch.vtensor<[1],ui8>, %arg6: !torch.vtensor<[1],f32>, %arg7: !torch.vtensor<[1],ui8>) -> !torch.vtensor<[2,3],ui8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearMatMul"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[2,4],ui8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],ui8>, !torch.vtensor<[4,3],ui8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],ui8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],ui8>) -> !torch.vtensor<[2,3],ui8> + return %0 : !torch.vtensor<[2,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/output_0.bin new file mode 100644 index 0000000..7d08e6c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/output_0.bin @@ -0,0 +1 @@ +sB \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/run_module_io_flags.txt new file mode 100644 index 0000000..21a1240 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_2D_uint8_float32/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=2x4xi8=@input_0.bin +--input=1xf32=@input_1.bin +--input=1xi8=@input_2.bin +--input=4x3xi8=@input_3.bin +--input=1xf32=@input_4.bin +--input=1xi8=@input_5.bin +--input=1xf32=@input_6.bin +--input=1xi8=@input_7.bin +--expected_output=2x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_0.bin new file mode 100644 index 0000000..6e00ae6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_0.bin @@ -0,0 +1 @@ +QmoWQmoW \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_1.bin new file mode 100644 index 0000000..75fdb93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_2.bin new file mode 100644 index 0000000..ddf3b06 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_3.bin new file mode 100644 index 0000000..2423ff9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_4.bin new file mode 100644 index 0000000..9ba440d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_4.bin @@ -0,0 +1 @@ +8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_5.bin new file mode 100644 index 0000000..1d2f014 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_5.bin @@ -0,0 +1 @@ +r \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_6.bin new file mode 100644 index 0000000..d5991cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_6.bin @@ -0,0 +1 @@ +z! \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_7.bin new file mode 100644 index 0000000..009080e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/input_7.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/model.mlir new file mode 100644 index 0000000..dc2fcca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearmatmul_3D_int8_float16(%arg0: !torch.vtensor<[2,2,4],si8>, %arg1: !torch.vtensor<[1],f16>, %arg2: !torch.vtensor<[1],si8>, %arg3: !torch.vtensor<[2,4,3],si8>, %arg4: !torch.vtensor<[1],f16>, %arg5: !torch.vtensor<[1],si8>, %arg6: !torch.vtensor<[1],f16>, %arg7: !torch.vtensor<[1],si8>) -> !torch.vtensor<[2,2,3],si8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearMatMul"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[2,2,4],si8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],si8>, !torch.vtensor<[2,4,3],si8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],si8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],si8>) -> !torch.vtensor<[2,2,3],si8> + return %0 : !torch.vtensor<[2,2,3],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/output_0.bin new file mode 100644 index 0000000..1685a0f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/output_0.bin @@ -0,0 +1 @@ +tws'tws' \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/run_module_io_flags.txt new file mode 100644 index 0000000..824f3e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float16/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=2x2x4xi8=@input_0.bin +--input=1xf16=@input_1.bin +--input=1xi8=@input_2.bin +--input=2x4x3xi8=@input_3.bin +--input=1xf16=@input_4.bin +--input=1xi8=@input_5.bin +--input=1xf16=@input_6.bin +--input=1xi8=@input_7.bin +--expected_output=2x2x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_0.bin new file mode 100644 index 0000000..6e00ae6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_0.bin @@ -0,0 +1 @@ +QmoWQmoW \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_1.bin new file mode 100644 index 0000000..3eedeb4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_1.bin @@ -0,0 +1 @@ +D; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_2.bin new file mode 100644 index 0000000..ddf3b06 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_3.bin new file mode 100644 index 0000000..2423ff9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_4.bin new file mode 100644 index 0000000..3fa0969 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_4.bin @@ -0,0 +1 @@ +; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_5.bin new file mode 100644 index 0000000..1d2f014 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_5.bin @@ -0,0 +1 @@ +r \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_6.bin new file mode 100644 index 0000000..af24de6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_6.bin @@ -0,0 +1 @@ +O/< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_7.bin new file mode 100644 index 0000000..009080e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/input_7.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/model.mlir new file mode 100644 index 0000000..c730c33 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearmatmul_3D_int8_float32(%arg0: !torch.vtensor<[2,2,4],si8>, %arg1: !torch.vtensor<[1],f32>, %arg2: !torch.vtensor<[1],si8>, %arg3: !torch.vtensor<[2,4,3],si8>, %arg4: !torch.vtensor<[1],f32>, %arg5: !torch.vtensor<[1],si8>, %arg6: !torch.vtensor<[1],f32>, %arg7: !torch.vtensor<[1],si8>) -> !torch.vtensor<[2,2,3],si8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearMatMul"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[2,2,4],si8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],si8>, !torch.vtensor<[2,4,3],si8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],si8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],si8>) -> !torch.vtensor<[2,2,3],si8> + return %0 : !torch.vtensor<[2,2,3],si8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/output_0.bin new file mode 100644 index 0000000..19e09af --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/output_0.bin @@ -0,0 +1 @@ +uxs'uxs' \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/run_module_io_flags.txt new file mode 100644 index 0000000..96941ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_int8_float32/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=2x2x4xi8=@input_0.bin +--input=1xf32=@input_1.bin +--input=1xi8=@input_2.bin +--input=2x4x3xi8=@input_3.bin +--input=1xf32=@input_4.bin +--input=1xi8=@input_5.bin +--input=1xf32=@input_6.bin +--input=1xi8=@input_7.bin +--expected_output=2x2x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_0.bin new file mode 100644 index 0000000..5e252a5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_1.bin new file mode 100644 index 0000000..75fdb93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_2.bin new file mode 100644 index 0000000..ea0c8a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_2.bin @@ -0,0 +1 @@ +q \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_3.bin new file mode 100644 index 0000000..9583185 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_4.bin new file mode 100644 index 0000000..9ba440d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_4.bin @@ -0,0 +1 @@ +8 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_5.bin new file mode 100644 index 0000000..1d2f014 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_5.bin @@ -0,0 +1 @@ +r \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_6.bin new file mode 100644 index 0000000..d5991cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_6.bin @@ -0,0 +1 @@ +z! \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_7.bin new file mode 100644 index 0000000..bb79ec2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/input_7.bin @@ -0,0 +1 @@ +v \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/model.mlir new file mode 100644 index 0000000..9ef2b43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearmatmul_3D_uint8_float16(%arg0: !torch.vtensor<[2,2,4],ui8>, %arg1: !torch.vtensor<[1],f16>, %arg2: !torch.vtensor<[1],ui8>, %arg3: !torch.vtensor<[2,4,3],ui8>, %arg4: !torch.vtensor<[1],f16>, %arg5: !torch.vtensor<[1],ui8>, %arg6: !torch.vtensor<[1],f16>, %arg7: !torch.vtensor<[1],ui8>) -> !torch.vtensor<[2,2,3],ui8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearMatMul"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[2,2,4],ui8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],ui8>, !torch.vtensor<[2,4,3],ui8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],ui8>, !torch.vtensor<[1],f16>, !torch.vtensor<[1],ui8>) -> !torch.vtensor<[2,2,3],ui8> + return %0 : !torch.vtensor<[2,2,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/output_0.bin new file mode 100644 index 0000000..6d47242 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/output_0.bin @@ -0,0 +1 @@ +sBsB \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/run_module_io_flags.txt new file mode 100644 index 0000000..824f3e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float16/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=2x2x4xi8=@input_0.bin +--input=1xf16=@input_1.bin +--input=1xi8=@input_2.bin +--input=2x4x3xi8=@input_3.bin +--input=1xf16=@input_4.bin +--input=1xi8=@input_5.bin +--input=1xf16=@input_6.bin +--input=1xi8=@input_7.bin +--expected_output=2x2x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_0.bin new file mode 100644 index 0000000..5e252a5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_1.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_1.bin new file mode 100644 index 0000000..3eedeb4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_1.bin @@ -0,0 +1 @@ +D; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_2.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_2.bin new file mode 100644 index 0000000..ea0c8a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_2.bin @@ -0,0 +1 @@ +q \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_3.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_3.bin new file mode 100644 index 0000000..9583185 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_4.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_4.bin new file mode 100644 index 0000000..3fa0969 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_4.bin @@ -0,0 +1 @@ +; \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_5.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_5.bin new file mode 100644 index 0000000..1d2f014 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_5.bin @@ -0,0 +1 @@ +r \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_6.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_6.bin new file mode 100644 index 0000000..af24de6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_6.bin @@ -0,0 +1 @@ +O/< \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_7.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_7.bin new file mode 100644 index 0000000..bb79ec2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/input_7.bin @@ -0,0 +1 @@ +v \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/model.mlir b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/model.mlir new file mode 100644 index 0000000..ab52dc3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_qlinearmatmul_3D_uint8_float32(%arg0: !torch.vtensor<[2,2,4],ui8>, %arg1: !torch.vtensor<[1],f32>, %arg2: !torch.vtensor<[1],ui8>, %arg3: !torch.vtensor<[2,4,3],ui8>, %arg4: !torch.vtensor<[1],f32>, %arg5: !torch.vtensor<[1],ui8>, %arg6: !torch.vtensor<[1],f32>, %arg7: !torch.vtensor<[1],ui8>) -> !torch.vtensor<[2,2,3],ui8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QLinearMatMul"(%arg0, %arg1, %arg2, %arg3, %arg4, %arg5, %arg6, %arg7) : (!torch.vtensor<[2,2,4],ui8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],ui8>, !torch.vtensor<[2,4,3],ui8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],ui8>, !torch.vtensor<[1],f32>, !torch.vtensor<[1],ui8>) -> !torch.vtensor<[2,2,3],ui8> + return %0 : !torch.vtensor<[2,2,3],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/output_0.bin b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/output_0.bin new file mode 100644 index 0000000..6d47242 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/output_0.bin @@ -0,0 +1 @@ +sBsB \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/run_module_io_flags.txt new file mode 100644 index 0000000..96941ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_qlinearmatmul_3D_uint8_float32/run_module_io_flags.txt @@ -0,0 +1,9 @@ +--input=2x2x4xi8=@input_0.bin +--input=1xf32=@input_1.bin +--input=1xi8=@input_2.bin +--input=2x4x3xi8=@input_3.bin +--input=1xf32=@input_4.bin +--input=1xi8=@input_5.bin +--input=1xf32=@input_6.bin +--input=1xi8=@input_7.bin +--expected_output=2x2x3xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear/input_0.bin new file mode 100644 index 0000000..e202b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear/input_2.bin new file mode 100644 index 0000000..5416677 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear/model.mlir new file mode 100644 index 0000000..e50f190 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear(%arg0: !torch.vtensor<[6],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],ui8>) -> !torch.vtensor<[6],ui8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[6],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui8>) -> !torch.vtensor<[6],ui8> + return %0 : !torch.vtensor<[6],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear/output_0.bin new file mode 100644 index 0000000..21ea865 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear/run_module_io_flags.txt new file mode 100644 index 0000000..0044002 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i8=@input_2.bin +--expected_output=6xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_0.bin new file mode 100644 index 0000000..f840bdc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_1.bin new file mode 100644 index 0000000..e8a4f78 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_2.bin new file mode 100644 index 0000000..714e15d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/input_2.bin @@ -0,0 +1 @@ +T \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_axis/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/model.mlir new file mode 100644 index 0000000..e12d137 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_axis(%arg0: !torch.vtensor<[1,3,3,2],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],ui8>) -> !torch.vtensor<[1,3,3,2],ui8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[1,3,3,2],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],ui8>) -> !torch.vtensor<[1,3,3,2],ui8> + return %0 : !torch.vtensor<[1,3,3,2],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/output_0.bin new file mode 100644 index 0000000..c2cbef9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/output_0.bin @@ -0,0 +1 @@ +Y"J;W cyf \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/run_module_io_flags.txt new file mode 100644 index 0000000..6d7a56e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x3x3x2xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xi8=@input_2.bin +--expected_output=1x3x3x2xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_0.bin new file mode 100644 index 0000000..ed948bf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_1.bin new file mode 100644 index 0000000..6eefa36 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_2.bin new file mode 100644 index 0000000..ad6b7ad Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/model.mlir new file mode 100644 index 0000000..dd995f0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_blocked_asymmetric(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3,2],f32>, %arg2: !torch.vtensor<[3,2],ui8>) -> !torch.vtensor<[3,4],ui8> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64, torch.onnx.block_size = 2 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,2],f32>, !torch.vtensor<[3,2],ui8>) -> !torch.vtensor<[3,4],ui8> + return %0 : !torch.vtensor<[3,4],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/output_0.bin new file mode 100644 index 0000000..fea5e09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/output_0.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/run_module_io_flags.txt new file mode 100644 index 0000000..c7d75e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_asymmetric/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4xf32=@input_0.bin +--input=3x2xf32=@input_1.bin +--input=3x2xi8=@input_2.bin +--expected_output=3x4xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/input_0.bin new file mode 100644 index 0000000..b548c96 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/input_1.bin new file mode 100644 index 0000000..6eefa36 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/model.mlir new file mode 100644 index 0000000..e4afa8c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_blocked_symmetric(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3,2],f32>) -> !torch.vtensor<[3,4],si16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1) {torch.onnx.axis = 1 : si64, torch.onnx.block_size = 2 : si64, torch.onnx.output_dtype = 5 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3,2],f32>) -> !torch.vtensor<[3,4],si16> + return %0 : !torch.vtensor<[3,4],si16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/output_0.bin new file mode 100644 index 0000000..ab5b066 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/run_module_io_flags.txt new file mode 100644 index 0000000..2e5a888 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_blocked_symmetric/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xf32=@input_0.bin +--input=3x2xf32=@input_1.bin +--expected_output=3x4xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_0.bin new file mode 100644 index 0000000..8dafa76 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_2.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/model.mlir new file mode 100644 index 0000000..43f264a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_e4m3fn(%arg0: !torch.vtensor<[5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[1],f8E4M3FN>) -> !torch.vtensor<[5],f8E4M3FN> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[1],f8E4M3FN>) -> !torch.vtensor<[5],f8E4M3FN> + return %0 : !torch.vtensor<[5],f8E4M3FN> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/output_0.bin new file mode 100644 index 0000000..eac30b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/run_module_io_flags.txt new file mode 100644 index 0000000..6861cbd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_e4m3fn/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=1xf8e4m3fn=@input_2.bin +--expected_output=5xf8e4m3fn=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_0.bin new file mode 100644 index 0000000..8dafa76 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_2.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/model.mlir new file mode 100644 index 0000000..a485d98 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_e5m2(%arg0: !torch.vtensor<[5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[1],f8E5M2>) -> !torch.vtensor<[5],f8E5M2> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[1],f8E5M2>) -> !torch.vtensor<[5],f8E5M2> + return %0 : !torch.vtensor<[5],f8E5M2> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/output_0.bin new file mode 100644 index 0000000..ce8bf24 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/run_module_io_flags.txt new file mode 100644 index 0000000..309be39 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_e5m2/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=1xf8e5m2=@input_2.bin +--expected_output=5xf8e5m2=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_0.bin new file mode 100644 index 0000000..bd07db8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_2.bin new file mode 100644 index 0000000..bdc955b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int16/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/model.mlir new file mode 100644 index 0000000..50b1e42 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_int16(%arg0: !torch.vtensor<[16],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],si16>) -> !torch.vtensor<[16],si16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[16],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],si16>) -> !torch.vtensor<[16],si16> + return %0 : !torch.vtensor<[16],si16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int16/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/output_0.bin new file mode 100644 index 0000000..2863be1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/run_module_io_flags.txt new file mode 100644 index 0000000..b3b6abc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_int16/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=16xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i16=@input_2.bin +--expected_output=16xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_0.bin new file mode 100644 index 0000000..66e0dd3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_1.bin new file mode 100644 index 0000000..da23f61 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_2.bin new file mode 100644 index 0000000..c146119 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int4/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/model.mlir new file mode 100644 index 0000000..0ec4cd8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_int4(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],si4>) -> !torch.vtensor<[3,4],si4> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],si4>) -> !torch.vtensor<[3,4],si4> + return %0 : !torch.vtensor<[3,4],si4> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int4/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/output_0.bin new file mode 100644 index 0000000..f1bcbe0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_int4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/run_module_io_flags.txt new file mode 100644 index 0000000..9fd58f5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_int4/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xi4=@input_2.bin +--expected_output=3x4xi4=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_0.bin new file mode 100644 index 0000000..bbe400e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_1.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_2.bin new file mode 100644 index 0000000..9570137 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/model.mlir new file mode 100644 index 0000000..e574a3b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_uint16(%arg0: !torch.vtensor<[12],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],ui16>) -> !torch.vtensor<[12],ui16> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) : (!torch.vtensor<[12],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],ui16>) -> !torch.vtensor<[12],ui16> + return %0 : !torch.vtensor<[12],ui16> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/output_0.bin new file mode 100644 index 0000000..3be11cd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/run_module_io_flags.txt new file mode 100644 index 0000000..37c99f9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_uint16/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=12xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i16=@input_2.bin +--expected_output=12xi16=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_0.bin new file mode 100644 index 0000000..66e0dd3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_1.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_1.bin new file mode 100644 index 0000000..da23f61 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_2.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_2.bin new file mode 100644 index 0000000..c146119 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/model.mlir b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/model.mlir new file mode 100644 index 0000000..6cdb78e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_quantizelinear_uint4(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],ui4>) -> !torch.vtensor<[3,4],ui4> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.QuantizeLinear"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],ui4>) -> !torch.vtensor<[3,4],ui4> + return %0 : !torch.vtensor<[3,4],ui4> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/output_0.bin b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/output_0.bin new file mode 100644 index 0000000..973265f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/run_module_io_flags.txt new file mode 100644 index 0000000..9fd58f5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_quantizelinear_uint4/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xi4=@input_2.bin +--expected_output=3x4xi4=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_0.bin b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_0.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_1.bin b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_1.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_2.bin b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_2.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/model.mlir b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/model.mlir new file mode 100644 index 0000000..6898969 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_range_float_type_positive_delta(%arg0: !torch.vtensor<[],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[2],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Range"(%arg0, %arg1, %arg2) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[2],f32> + return %0 : !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/output_0.bin b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/output_0.bin new file mode 100644 index 0000000..00355f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/run_module_io_flags.txt new file mode 100644 index 0000000..1f92ceb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=f32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_0.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_1.bin new file mode 100644 index 0000000..ee41ede Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_2.bin new file mode 100644 index 0000000..c03c6fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/model.mlir new file mode 100644 index 0000000..a1c7eb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/model.mlir @@ -0,0 +1,22 @@ +module { + func.func @test_range_float_type_positive_delta_expanded(%arg0: !torch.vtensor<[],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],f32>) -> !torch.vtensor<[2],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sub"(%arg1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%arg2) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Div"(%1, %2) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Ceil"(%3) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Relu"(%4) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Cast"(%5) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],si64> + %7 = torch.operator "onnx.Cast"(%5) {torch.onnx.to = 9 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],i1> + %8:2 = torch.operator "onnx.Loop"(%6, %7, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[],i1>, !torch.vtensor<[],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[2],f32>) { + ^bb0(%arg3: !torch.vtensor<[],si64>, %arg4: !torch.vtensor<[],i1>, %arg5: !torch.vtensor<[],f32>): + %9 = torch.operator "onnx.Identity"(%arg4) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[],i1> + %10 = torch.operator "onnx.Add"(%arg5, %arg2) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %11 = torch.operator "onnx.Identity"(%arg5) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + torch.operator_terminator %9, %10, %11 : !torch.vtensor<[],i1>, !torch.vtensor<[],f32>, !torch.vtensor<[],f32> + } + return %8#1 : !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/output_0.bin new file mode 100644 index 0000000..00355f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..1f92ceb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_float_type_positive_delta_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=f32=@input_0.bin +--input=f32=@input_1.bin +--input=f32=@input_2.bin +--expected_output=2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_0.bin b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_1.bin b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_1.bin new file mode 100644 index 0000000..f16a710 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_2.bin b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_2.bin new file mode 100644 index 0000000..ea4c180 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/model.mlir b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/model.mlir new file mode 100644 index 0000000..7701031 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_range_int32_type_negative_delta(%arg0: !torch.vtensor<[],si32>, %arg1: !torch.vtensor<[],si32>, %arg2: !torch.vtensor<[],si32>) -> !torch.vtensor<[2],si32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Range"(%arg0, %arg1, %arg2) : (!torch.vtensor<[],si32>, !torch.vtensor<[],si32>, !torch.vtensor<[],si32>) -> !torch.vtensor<[2],si32> + return %0 : !torch.vtensor<[2],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/output_0.bin b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/output_0.bin new file mode 100644 index 0000000..be8a1c3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/run_module_io_flags.txt new file mode 100644 index 0000000..db94e1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=i32=@input_0.bin +--input=i32=@input_1.bin +--input=i32=@input_2.bin +--expected_output=2xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_0.bin new file mode 100644 index 0000000..3e6fd1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_1.bin new file mode 100644 index 0000000..f16a710 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_2.bin new file mode 100644 index 0000000..ea4c180 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/model.mlir new file mode 100644 index 0000000..3306bad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/model.mlir @@ -0,0 +1,22 @@ +module { + func.func @test_range_int32_type_negative_delta_expanded(%arg0: !torch.vtensor<[],si32>, %arg1: !torch.vtensor<[],si32>, %arg2: !torch.vtensor<[],si32>) -> !torch.vtensor<[2],si32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sub"(%arg1, %arg0) : (!torch.vtensor<[],si32>, !torch.vtensor<[],si32>) -> !torch.vtensor<[],si32> + %1 = torch.operator "onnx.Cast"(%0) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%arg2) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Div"(%1, %2) : (!torch.vtensor<[],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Ceil"(%3) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.Relu"(%4) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Cast"(%5) {torch.onnx.to = 7 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],si64> + %7 = torch.operator "onnx.Cast"(%5) {torch.onnx.to = 9 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],i1> + %8:2 = torch.operator "onnx.Loop"(%6, %7, %arg0) : (!torch.vtensor<[],si64>, !torch.vtensor<[],i1>, !torch.vtensor<[],si32>) -> (!torch.vtensor<[],si32>, !torch.vtensor<[2],si32>) { + ^bb0(%arg3: !torch.vtensor<[],si64>, %arg4: !torch.vtensor<[],i1>, %arg5: !torch.vtensor<[],si32>): + %9 = torch.operator "onnx.Identity"(%arg4) : (!torch.vtensor<[],i1>) -> !torch.vtensor<[],i1> + %10 = torch.operator "onnx.Add"(%arg5, %arg2) : (!torch.vtensor<[],si32>, !torch.vtensor<[],si32>) -> !torch.vtensor<[],si32> + %11 = torch.operator "onnx.Identity"(%arg5) : (!torch.vtensor<[],si32>) -> !torch.vtensor<[],si32> + torch.operator_terminator %9, %10, %11 : !torch.vtensor<[],i1>, !torch.vtensor<[],si32>, !torch.vtensor<[],si32> + } + return %8#1 : !torch.vtensor<[2],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/output_0.bin new file mode 100644 index 0000000..be8a1c3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..db94e1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_range_int32_type_negative_delta_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=i32=@input_0.bin +--input=i32=@input_1.bin +--input=i32=@input_2.bin +--expected_output=2xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reciprocal/input_0.bin b/onnx-ops/onnx/node/generated/test_reciprocal/input_0.bin new file mode 100644 index 0000000..50c19bc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reciprocal/input_0.bin @@ -0,0 +1 @@ +??S?Z'??tl??p?%?MY?9)b??W?Բ??y?k/?N?-?J??\?^C?J?#v?b?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reciprocal/model.mlir b/onnx-ops/onnx/node/generated/test_reciprocal/model.mlir new file mode 100644 index 0000000..6ca709f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reciprocal/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reciprocal(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reciprocal"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reciprocal/output_0.bin b/onnx-ops/onnx/node/generated/test_reciprocal/output_0.bin new file mode 100644 index 0000000..f2e9eb4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reciprocal/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reciprocal/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reciprocal/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reciprocal/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reciprocal_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reciprocal_example/input_0.bin new file mode 100644 index 0000000..a08562d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reciprocal_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reciprocal_example/model.mlir b/onnx-ops/onnx/node/generated/test_reciprocal_example/model.mlir new file mode 100644 index 0000000..70ef52e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reciprocal_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reciprocal_example(%arg0: !torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reciprocal"(%arg0) : (!torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + return %0 : !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reciprocal_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reciprocal_example/output_0.bin new file mode 100644 index 0000000..4541ab2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reciprocal_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reciprocal_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reciprocal_example/run_module_io_flags.txt new file mode 100644 index 0000000..192f90b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reciprocal_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..1cfe0be --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_default_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..dbe9fe3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..03ea768 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_default_axes_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %1 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..dbe9fe3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..8c952fb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..e1aa73c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +B \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..7ec953a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_default_axes_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %1 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..e1aa73c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/output_0.bin @@ -0,0 +1 @@ +B \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_default_axes_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..182a1fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..1f8580c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..cde08de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_do_not_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %1 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..1f8580c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..6ac5e9f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..1326db1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/output_0.bin @@ -0,0 +1 @@ +;@<@;@VA9A`2@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..4f5b0cd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_do_not_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %1 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..1326db1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/output_0.bin @@ -0,0 +1 @@ +;@<@;@VA9A`2@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_do_not_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/model.mlir new file mode 100644 index 0000000..1b00d85 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_empty_set(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %0 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/output_0.bin new file mode 100644 index 0000000..4e4e493 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/model.mlir new file mode 100644 index 0000000..c1883cb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_empty_set_expanded(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[2,0,4],f32>) -> !torch.vtensor<[2,0,4],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %1 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/output_0.bin new file mode 100644 index 0000000..4e4e493 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_empty_set_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/model.mlir new file mode 100644 index 0000000..2e51f14 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_keep_dims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %0 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/output_0.bin new file mode 100644 index 0000000..1f8580c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/model.mlir new file mode 100644 index 0000000..8e16f47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_keep_dims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %1 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/output_0.bin new file mode 100644 index 0000000..1f8580c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/model.mlir new file mode 100644 index 0000000..011fe9d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_keep_dims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %0 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/output_0.bin new file mode 100644 index 0000000..1326db1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/output_0.bin @@ -0,0 +1 @@ +;@<@;@VA9A`2@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/model.mlir new file mode 100644 index 0000000..5a213d0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_keep_dims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %1 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/output_0.bin new file mode 100644 index 0000000..1326db1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/output_0.bin @@ -0,0 +1 @@ +;@<@;@VA9A`2@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_keep_dims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/model.mlir new file mode 100644 index 0000000..2f7e537 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_negative_axes_keep_dims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %0 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/output_0.bin new file mode 100644 index 0000000..1f8580c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/model.mlir new file mode 100644 index 0000000..c694cb3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_negative_axes_keep_dims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %1 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/output_0.bin new file mode 100644 index 0000000..1f8580c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/model.mlir new file mode 100644 index 0000000..8580192 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l1_negative_axes_keep_dims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL1"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %0 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/output_0.bin new file mode 100644 index 0000000..1326db1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/output_0.bin @@ -0,0 +1 @@ +;@<@;@VA9A`2@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/model.mlir new file mode 100644 index 0000000..4c4978c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_l1_negative_axes_keep_dims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %1 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/output_0.bin new file mode 100644 index 0000000..1326db1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/output_0.bin @@ -0,0 +1 @@ +;@<@;@VA9A`2@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l1_negative_axes_keep_dims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..08cd3f6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_default_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..ee7c00b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/output_0.bin @@ -0,0 +1 @@ +A \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..d9b32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_default_axes_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> + return %4 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..ee7c00b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/output_0.bin @@ -0,0 +1 @@ +A \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..26f60f2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..03fbd1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +oA \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..0bb8eaa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_default_axes_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> + return %4 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..03fbd1e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/output_0.bin @@ -0,0 +1 @@ +oA \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_default_axes_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..3fd4d51 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..5d7b0a2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..5f03a6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_do_not_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2],f32> + return %4 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..5d7b0a2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..94573ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..25c3dbd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/output_0.bin @@ -0,0 +1 @@ +V8@5@R@@ A@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..46b4a46 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_do_not_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2],f32> + return %4 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..25c3dbd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/output_0.bin @@ -0,0 +1 @@ +V8@5@R@@ A@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_do_not_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/model.mlir new file mode 100644 index 0000000..1112246 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_empty_set(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %0 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/output_0.bin new file mode 100644 index 0000000..4e4e493 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/model.mlir new file mode 100644 index 0000000..260eb26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_empty_set_expanded(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[2,0,4],f32>) -> !torch.vtensor<[2,0,4],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[2,0,4],f32>) -> !torch.vtensor<[2,1,4],f32> + return %4 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/output_0.bin new file mode 100644 index 0000000..4e4e493 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_empty_set_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/model.mlir new file mode 100644 index 0000000..7b8dc8a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_keep_dims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %0 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/output_0.bin new file mode 100644 index 0000000..5d7b0a2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/model.mlir new file mode 100644 index 0000000..7fafbab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_keep_dims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,1],f32> + return %4 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/output_0.bin new file mode 100644 index 0000000..5d7b0a2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/model.mlir new file mode 100644 index 0000000..15fe921 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_keep_dims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %0 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/output_0.bin new file mode 100644 index 0000000..25c3dbd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/output_0.bin @@ -0,0 +1 @@ +V8@5@R@@ A@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/model.mlir new file mode 100644 index 0000000..f50dc6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_keep_dims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,1],f32> + return %4 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/output_0.bin new file mode 100644 index 0000000..25c3dbd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/output_0.bin @@ -0,0 +1 @@ +V8@5@R@@ A@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_keep_dims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/model.mlir new file mode 100644 index 0000000..a24b255 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_negative_axes_keep_dims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %0 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/output_0.bin new file mode 100644 index 0000000..5d7b0a2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/model.mlir new file mode 100644 index 0000000..1e34c8d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_negative_axes_keep_dims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,1],f32> + return %4 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/output_0.bin new file mode 100644 index 0000000..5d7b0a2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/model.mlir new file mode 100644 index 0000000..9e75699 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_l2_negative_axes_keep_dims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceL2"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> + return %0 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/output_0.bin new file mode 100644 index 0000000..25c3dbd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/output_0.bin @@ -0,0 +1 @@ +V8@5@R@@ A@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/model.mlir new file mode 100644 index 0000000..1a02ad5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_l2_negative_axes_keep_dims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Cast"(%1) {torch.onnx.to = 1 : si64} : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Sqrt"(%2) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,1],f32> + return %4 : !torch.vtensor<[3,2,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/output_0.bin new file mode 100644 index 0000000..25c3dbd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/output_0.bin @@ -0,0 +1 @@ +V8@5@R@@ A@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8c4d9e1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_l2_negative_axes_keep_dims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/input_0.bin new file mode 100644 index 0000000..223c6da --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/input_0.bin @@ -0,0 +1 @@ +">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/input_1.bin new file mode 100644 index 0000000..05a13f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/model.mlir new file mode 100644 index 0000000..960597b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_asc_axes(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSum"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/output_0.bin new file mode 100644 index 0000000..dff0e32 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/output_0.bin @@ -0,0 +1 @@ +?T?|g?*?4? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/run_module_io_flags.txt new file mode 100644 index 0000000..e739a7b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/input_0.bin new file mode 100644 index 0000000..223c6da --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/input_0.bin @@ -0,0 +1 @@ +">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/input_1.bin new file mode 100644 index 0000000..05a13f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/model.mlir new file mode 100644 index 0000000..66274e2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_log_sum_asc_axes_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Log"(%0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + return %1 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/output_0.bin new file mode 100644 index 0000000..dff0e32 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/output_0.bin @@ -0,0 +1 @@ +?T?|g?*?4? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..e739a7b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_asc_axes_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/model.mlir new file mode 100644 index 0000000..9ba1ed0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_default(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSum"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/output_0.bin new file mode 100644 index 0000000..a708b99 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/output_0.bin @@ -0,0 +1 @@ +i[@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/run_module_io_flags.txt new file mode 100644 index 0000000..9ace0d0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/model.mlir new file mode 100644 index 0000000..053041e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_log_sum_default_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Log"(%0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[1,1,1],f32> + return %1 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/output_0.bin new file mode 100644 index 0000000..a708b99 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/output_0.bin @@ -0,0 +1 @@ +i[@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..9ace0d0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_default_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/input_1.bin new file mode 100644 index 0000000..28c42f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/model.mlir new file mode 100644 index 0000000..f7b0d6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_desc_axes(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSum"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/output_0.bin new file mode 100644 index 0000000..1107c65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/output_0.bin @@ -0,0 +1 @@ +! @F@@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/run_module_io_flags.txt new file mode 100644 index 0000000..dd5ae87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/input_1.bin new file mode 100644 index 0000000..28c42f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/model.mlir new file mode 100644 index 0000000..f39a471 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_log_sum_desc_axes_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Log"(%0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + return %1 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/output_0.bin new file mode 100644 index 0000000..1107c65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/output_0.bin @@ -0,0 +1 @@ +! @F@@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..dd5ae87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_desc_axes_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/model.mlir new file mode 100644 index 0000000..8aadaab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_empty_set(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %0 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/output_0.bin new file mode 100644 index 0000000..74458fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/model.mlir new file mode 100644 index 0000000..bd16b3f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_log_sum_empty_set_expanded(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Log"(%0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[2,1,4],f32> + return %1 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/output_0.bin new file mode 100644 index 0000000..74458fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_empty_set_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..011999a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..d6aacaf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_default_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f64> + return %0 : !torch.vtensor<[1,1,1],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..2a7d187 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..1ff5c17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..011999a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..d8a4ab8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_default_axes_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[1,1,1],f64> + return %4 : !torch.vtensor<[1,1,1],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..2a7d187 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..1ff5c17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..beeafac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..2cd2efc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f64> + return %0 : !torch.vtensor<[1,1,1],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..9540619 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/output_0.bin @@ -0,0 +1,2 @@ +h+ +#@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..1ff5c17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..beeafac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..e0e24c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_default_axes_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[1,1,1],f64> + return %4 : !torch.vtensor<[1,1,1],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..9540619 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/output_0.bin @@ -0,0 +1,2 @@ +h+ +#@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..1ff5c17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_default_axes_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..011999a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..01358e3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f64> + return %0 : !torch.vtensor<[3,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..c61493a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..6a25a61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..011999a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..fff59c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_do_not_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2],f64> + return %4 : !torch.vtensor<[3,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..c61493a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..6a25a61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..beeafac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..e107caf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f64> + return %0 : !torch.vtensor<[3,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..f874dcd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/output_0.bin @@ -0,0 +1,2 @@ +eMIz@&~X@}U忎c;^@n6"@ +1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..6a25a61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..beeafac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..ee6d8e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_do_not_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2],f64> + return %4 : !torch.vtensor<[3,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..f874dcd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/output_0.bin @@ -0,0 +1,2 @@ +eMIz@&~X@}U忎c;^@n6"@ +1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..6a25a61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_do_not_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/model.mlir new file mode 100644 index 0000000..85af43b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_empty_set(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %0 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/output_0.bin new file mode 100644 index 0000000..74458fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/model.mlir new file mode 100644 index 0000000..4ae63f1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_empty_set_expanded(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[2,0,4],f32>) -> !torch.vtensor<[2,0,4],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[2,0,4],f64>) -> !torch.vtensor<[2,0,4],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[2,0,4],f32>) -> !torch.vtensor<[2,1,4],f32> + return %4 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/output_0.bin new file mode 100644 index 0000000..74458fd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_empty_set_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/input_0.bin new file mode 100644 index 0000000..011999a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/model.mlir new file mode 100644 index 0000000..52066d8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> + return %0 : !torch.vtensor<[3,1,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/output_0.bin new file mode 100644 index 0000000..c61493a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..d208f13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..011999a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..c3e7859 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,1,2],f64> + return %4 : !torch.vtensor<[3,1,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..c61493a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..d208f13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/input_0.bin new file mode 100644 index 0000000..beeafac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/model.mlir new file mode 100644 index 0000000..f3c96b2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> + return %0 : !torch.vtensor<[3,1,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/output_0.bin new file mode 100644 index 0000000..f874dcd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/output_0.bin @@ -0,0 +1,2 @@ +eMIz@&~X@}U忎c;^@n6"@ +1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..d208f13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..beeafac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..180fd22 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,1,2],f64> + return %4 : !torch.vtensor<[3,1,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..f874dcd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/output_0.bin @@ -0,0 +1,2 @@ +eMIz@&~X@}U忎c;^@n6"@ +1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..d208f13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..011999a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..ebc76a3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_negative_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> + return %0 : !torch.vtensor<[3,1,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..c61493a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..d208f13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..011999a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..62db11c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,1,2],f64> + return %4 : !torch.vtensor<[3,1,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..c61493a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..d208f13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..beeafac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..f3258d7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_exp_negative_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSumExp"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> + return %0 : !torch.vtensor<[3,1,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..f874dcd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/output_0.bin @@ -0,0 +1,2 @@ +eMIz@&~X@}U忎c;^@n6"@ +1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..d208f13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..beeafac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..00e4c3f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f64>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Cast"(%arg0) {torch.onnx.to = 11 : si64} : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %1 = torch.operator "onnx.Exp"(%0) : (!torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,2,2],f64> + %2 = torch.operator "onnx.ReduceSum"(%1, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f64> + %3 = torch.operator "onnx.Log"(%2) : (!torch.vtensor<[],f64>) -> !torch.vtensor<[],f64> + %4 = torch.operator "onnx.CastLike"(%3, %arg0) : (!torch.vtensor<[],f64>, !torch.vtensor<[3,2,2],f64>) -> !torch.vtensor<[3,1,2],f64> + return %4 : !torch.vtensor<[3,1,2],f64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..f874dcd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/output_0.bin @@ -0,0 +1,2 @@ +eMIz@&~X@}U忎c;^@n6"@ +1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..d208f13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf64=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/model.mlir new file mode 100644 index 0000000..875cbc4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_log_sum_negative_axes(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceLogSum"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> + return %0 : !torch.vtensor<[3,1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/output_0.bin new file mode 100644 index 0000000..3a7c94a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/output_0.bin @@ -0,0 +1,2 @@ +L:? ?,?_?u?.j?8jX?Zoh?t?IV>?l ?X:? +l> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/run_module_io_flags.txt new file mode 100644 index 0000000..f0673aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/input_0.bin new file mode 100644 index 0000000..5832210 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/model.mlir new file mode 100644 index 0000000..bbb90c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_log_sum_negative_axes_expanded(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.Log"(%0) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[3,1,5],f32> + return %1 : !torch.vtensor<[3,1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/output_0.bin new file mode 100644 index 0000000..3a7c94a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/output_0.bin @@ -0,0 +1,2 @@ +L:? ?,?_?u?.j?8jX?Zoh?t?IV>?l ?X:? +l> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..f0673aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_log_sum_negative_axes_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/input_0.bin new file mode 100644 index 0000000..555b301 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/model.mlir new file mode 100644 index 0000000..8c2edb1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_bool_inputs(%arg0: !torch.vtensor<[4,2],i1>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[4,1],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[4,2],i1>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[4,1],i1> + return %0 : !torch.vtensor<[4,1],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/output_0.bin new file mode 100644 index 0000000..85c27fb Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/run_module_io_flags.txt new file mode 100644 index 0000000..a3120ee --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_bool_inputs/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x2xi1=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=4x1xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/model.mlir new file mode 100644 index 0000000..0442203 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_default_axes_keepdim_example(%arg0: !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/output_0.bin new file mode 100644 index 0000000..2414e3d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/run_module_io_flags.txt new file mode 100644 index 0000000..37ca83b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdim_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x2x2xf32=@input_0.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..eea5b10 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..d47fcd8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +A_A \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..37ca83b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x2x2xf32=@input_0.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..5f051be --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..2f7cd02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..a715ecf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..a0271c8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/output_0.bin @@ -0,0 +1 @@ +@@Ɵ@A_A&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/model.mlir new file mode 100644 index 0000000..ea80bb6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/output_0.bin new file mode 100644 index 0000000..2f7cd02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/model.mlir new file mode 100644 index 0000000..350a88e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/output_0.bin new file mode 100644 index 0000000..a0271c8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/output_0.bin @@ -0,0 +1 @@ +@@Ɵ@A_A&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..21eac84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_negative_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..2f7cd02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..23d9b0d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_max_negative_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMax"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..a0271c8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +@@Ɵ@A_A&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_max_negative_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..5795df5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_mean_default_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMean"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..9114f21 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..1b870dc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_mean_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMean"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..b9f707a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..d42f461 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_mean_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMean"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..b98946b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..45b12e3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_mean_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMean"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..4f51e58 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/output_0.bin @@ -0,0 +1 @@ +?Ir&@8 @^@1k` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/model.mlir new file mode 100644 index 0000000..7f6fed7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_mean_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMean"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/output_0.bin new file mode 100644 index 0000000..b98946b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/model.mlir new file mode 100644 index 0000000..bdf75bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_mean_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMean"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/output_0.bin new file mode 100644 index 0000000..4f51e58 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/output_0.bin @@ -0,0 +1 @@ +?Ir&@8 @^@1k` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..75b3a74 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_mean_negative_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMean"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..b98946b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..8a60f4d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_mean_negative_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMean"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..4f51e58 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +?Ir&@8 @^@1k` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_mean_negative_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/input_0.bin new file mode 100644 index 0000000..555b301 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/model.mlir new file mode 100644 index 0000000..4a950cd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_bool_inputs(%arg0: !torch.vtensor<[4,2],i1>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[4,1],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[4,2],i1>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[4,1],i1> + return %0 : !torch.vtensor<[4,1],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/output_0.bin new file mode 100644 index 0000000..f66c9cf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/run_module_io_flags.txt new file mode 100644 index 0000000..a3120ee --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_bool_inputs/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x2xi1=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=4x1xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..b774523 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_default_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..9c12e8a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..37ca83b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x2x2xf32=@input_0.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..89b04a5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..15fd4f5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +1 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..37ca83b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x2x2xf32=@input_0.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..f03e0d7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..dd9f5d6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..ec42f6b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..32c425e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/output_0.bin @@ -0,0 +1 @@ +y?Ie?qÿ:@;@1 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/model.mlir new file mode 100644 index 0000000..b1087ad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_empty_set(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %0 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/output_0.bin new file mode 100644 index 0000000..e420315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_empty_set/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/model.mlir new file mode 100644 index 0000000..e700944 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/output_0.bin new file mode 100644 index 0000000..dd9f5d6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/model.mlir new file mode 100644 index 0000000..f64b7e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/output_0.bin new file mode 100644 index 0000000..32c425e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/output_0.bin @@ -0,0 +1 @@ +y?Ie?qÿ:@;@1 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1d311a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..eb6c552 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_negative_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..dd9f5d6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..e91b3cf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_min_negative_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceMin"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..32c425e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +y?Ie?qÿ:@;@1 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_min_negative_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..d8e5796 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_default_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..4ce318f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/output_0.bin @@ -0,0 +1 @@ +gM \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..37ca83b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x2x2xf32=@input_0.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..baa6c4f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..e9e1ac9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +Z \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..37ca83b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x2x2xf32=@input_0.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..22d6689 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..a4118fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..38980f3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..7e51fe0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/model.mlir new file mode 100644 index 0000000..8aaa443 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_empty_set(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %0 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/output_0.bin new file mode 100644 index 0000000..2993b4a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_empty_set/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/model.mlir new file mode 100644 index 0000000..15b81fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/output_0.bin new file mode 100644 index 0000000..a4118fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/model.mlir new file mode 100644 index 0000000..8a5225c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/output_0.bin new file mode 100644 index 0000000..7e51fe0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..4eff256 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_negative_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..a4118fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..1cc098c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_prod_negative_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceProd"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..7e51fe0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_prod_negative_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..77d5318 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_default_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..dbe9fe3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..db8d6cd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..c8443b7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +vA \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..31b3314 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..da56efc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..7d8c3f0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..6fd5345 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/output_0.bin @@ -0,0 +1 @@ +B@Ir@81 ,A^qA1k \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/model.mlir new file mode 100644 index 0000000..50d94d4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_empty_axes_input_noop_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[3,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64, torch.onnx.noop_with_empty_axes = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[3,2,2],f32> + return %0 : !torch.vtensor<[3,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/output_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/run_module_io_flags.txt new file mode 100644 index 0000000..8cc9d28 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_axes_input_noop_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=3x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/model.mlir new file mode 100644 index 0000000..27a42a7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_empty_set(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %0 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/output_0.bin new file mode 100644 index 0000000..4e4e493 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/model.mlir new file mode 100644 index 0000000..be24c05 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_empty_set_non_reduced_axis_zero(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,0,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,0,1],f32> + return %0 : !torch.vtensor<[2,0,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/run_module_io_flags.txt new file mode 100644 index 0000000..e8199fb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_empty_set_non_reduced_axis_zero/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x0x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/model.mlir new file mode 100644 index 0000000..66515c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/output_0.bin new file mode 100644 index 0000000..da56efc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/model.mlir new file mode 100644 index 0000000..acca772 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/output_0.bin new file mode 100644 index 0000000..6fd5345 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/output_0.bin @@ -0,0 +1 @@ +B@Ir@81 ,A^qA1k \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..f201427 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_negative_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..da56efc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..acc1d88 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_negative_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[3,2,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSum"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64, torch.onnx.noop_with_empty_axes = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[3,2,2],f32> + return %0 : !torch.vtensor<[3,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..8cc9d28 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_negative_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=3x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..5ef3b24 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_default_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..e3e40af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..45c7175 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_default_axes_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %1 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..e3e40af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..4bd8385 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_default_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %0 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..853a912 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +N`C \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..0d49a3a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_default_axes_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[0],si64>) -> !torch.vtensor<[1,1,1],f32> + return %1 : !torch.vtensor<[1,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..853a912 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/output_0.bin @@ -0,0 +1 @@ +N`C \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..580d7fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_default_axes_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=0xi64=@input_1.bin +--expected_output=1x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/model.mlir new file mode 100644 index 0000000..810fcc8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_do_not_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/output_0.bin new file mode 100644 index 0000000..25126fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..6e8d45e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_do_not_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %1 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..25126fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/model.mlir new file mode 100644 index 0000000..46af658 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_do_not_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %0 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/output_0.bin new file mode 100644 index 0000000..e6f538f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/output_0.bin @@ -0,0 +1 @@ +ګ@Ax@#ыBB@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..4f59780 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_do_not_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 0 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,2],f32> + return %1 : !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..e6f538f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/output_0.bin @@ -0,0 +1 @@ +ګ@Ax@#ыBB@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a414fe8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_do_not_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/model.mlir new file mode 100644 index 0000000..beed81d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_empty_set(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %0 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/output_0.bin new file mode 100644 index 0000000..4e4e493 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/model.mlir new file mode 100644 index 0000000..36b5d39 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_empty_set_expanded(%arg0: !torch.vtensor<[2,0,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[2,0,4],f32>) -> !torch.vtensor<[2,0,4],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,0,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1,4],f32> + return %1 : !torch.vtensor<[2,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/output_0.bin new file mode 100644 index 0000000..4e4e493 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..3a4eb03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_empty_set_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x0x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=2x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/model.mlir new file mode 100644 index 0000000..725b6e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/output_0.bin new file mode 100644 index 0000000..25126fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..cd3a41c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %1 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..25126fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/model.mlir new file mode 100644 index 0000000..7731ea9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/output_0.bin new file mode 100644 index 0000000..e6f538f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/output_0.bin @@ -0,0 +1 @@ +ګ@Ax@#ыBB@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..6c60e8d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %1 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..e6f538f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/output_0.bin @@ -0,0 +1 @@ +ګ@Ax@#ыBB@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/model.mlir new file mode 100644 index 0000000..9db58c4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_negative_axes_keepdims_example(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/output_0.bin new file mode 100644 index 0000000..25126fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/model.mlir new file mode 100644 index 0000000..65d2b36 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_negative_axes_keepdims_example_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %1 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/output_0.bin new file mode 100644 index 0000000..25126fe Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_example_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/model.mlir new file mode 100644 index 0000000..c131375 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reduce_sum_square_negative_axes_keepdims_random(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReduceSumSquare"(%arg0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %0 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/output_0.bin new file mode 100644 index 0000000..e6f538f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/output_0.bin @@ -0,0 +1 @@ +ګ@Ax@#ыBB@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/input_0.bin new file mode 100644 index 0000000..1ca0ef1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/input_0.bin @@ -0,0 +1 @@ +y?@@Ie?qÿ:@Ɵ@A_A1;@&? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/model.mlir new file mode 100644 index 0000000..0a72509 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_reduce_sum_square_negative_axes_keepdims_random_expanded(%arg0: !torch.vtensor<[3,2,2],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Mul"(%arg0, %arg0) : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[3,2,2],f32>) -> !torch.vtensor<[3,2,2],f32> + %1 = torch.operator "onnx.ReduceSum"(%0, %arg1) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,2,2],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,2],f32> + return %1 : !torch.vtensor<[3,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/output_0.bin new file mode 100644 index 0000000..e6f538f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/output_0.bin @@ -0,0 +1 @@ +ګ@Ax@#ыBB@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..9f087a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reduce_sum_square_negative_axes_keepdims_random_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x2x2xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reflect_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_reflect_pad/input_0.bin new file mode 100644 index 0000000..796aa84 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reflect_pad/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reflect_pad/input_1.bin b/onnx-ops/onnx/node/generated/test_reflect_pad/input_1.bin new file mode 100644 index 0000000..6f3f1ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reflect_pad/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reflect_pad/model.mlir b/onnx-ops/onnx/node/generated/test_reflect_pad/model.mlir new file mode 100644 index 0000000..51ddf77 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reflect_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reflect_pad(%arg0: !torch.vtensor<[1,3,4,5],si32>, %arg1: !torch.vtensor<[8],si64>) -> !torch.vtensor<[1,3,6,7],si32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pad"(%arg0, %arg1) {torch.onnx.mode = "reflect"} : (!torch.vtensor<[1,3,4,5],si32>, !torch.vtensor<[8],si64>) -> !torch.vtensor<[1,3,6,7],si32> + return %0 : !torch.vtensor<[1,3,6,7],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reflect_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_reflect_pad/output_0.bin new file mode 100644 index 0000000..d41dab1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reflect_pad/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reflect_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reflect_pad/run_module_io_flags.txt new file mode 100644 index 0000000..c9bd5f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reflect_pad/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x3x4x5xi32=@input_0.bin +--input=8xi64=@input_1.bin +--expected_output=1x3x6x7xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_basic/input_0.bin b/onnx-ops/onnx/node/generated/test_regex_full_match_basic/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_basic/model.mlir b/onnx-ops/onnx/node/generated/test_regex_full_match_basic/model.mlir new file mode 100644 index 0000000..d30b253 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_regex_full_match_basic/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_regex_full_match_basic(%arg0: !torch.vtensor<[3],!torch.str>) -> !torch.vtensor<[3],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RegexFullMatch"(%arg0) {torch.onnx.pattern = "www\\.[\\w.-]+\\.\\bcom\\b"} : (!torch.vtensor<[3],!torch.str>) -> !torch.vtensor<[3],i1> + return %0 : !torch.vtensor<[3],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_basic/output_0.bin b/onnx-ops/onnx/node/generated/test_regex_full_match_basic/output_0.bin new file mode 100644 index 0000000..4076f44 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_regex_full_match_basic/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_basic/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_regex_full_match_basic/run_module_io_flags.txt new file mode 100644 index 0000000..71f75ea --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_regex_full_match_basic/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x=@input_0.bin +--expected_output=3xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/input_0.bin b/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/model.mlir b/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/model.mlir new file mode 100644 index 0000000..b448d64 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_regex_full_match_email_domain(%arg0: !torch.vtensor<[2,2],!torch.str>) -> !torch.vtensor<[2,2],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RegexFullMatch"(%arg0) {torch.onnx.pattern = "(\\W|^)[\\w.\\-]{0,25}@(yahoo|gmail)\\.com(\\W|$)"} : (!torch.vtensor<[2,2],!torch.str>) -> !torch.vtensor<[2,2],i1> + return %0 : !torch.vtensor<[2,2],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/output_0.bin b/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/output_0.bin new file mode 100644 index 0000000..4b75556 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/run_module_io_flags.txt new file mode 100644 index 0000000..41dd6d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_regex_full_match_email_domain/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2x=@input_0.bin +--expected_output=2x2xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_empty/input_0.bin b/onnx-ops/onnx/node/generated/test_regex_full_match_empty/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_empty/model.mlir b/onnx-ops/onnx/node/generated/test_regex_full_match_empty/model.mlir new file mode 100644 index 0000000..5af58e8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_regex_full_match_empty/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_regex_full_match_empty(%arg0: !torch.vtensor<[2,0],!torch.str>) -> !torch.vtensor<[2,0],i1> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RegexFullMatch"(%arg0) {torch.onnx.pattern = "(\\W|^)[\\w.\\-]{0,25}@(yahoo|gmail)\\.com(\\W|$)"} : (!torch.vtensor<[2,0],!torch.str>) -> !torch.vtensor<[2,0],i1> + return %0 : !torch.vtensor<[2,0],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_empty/output_0.bin b/onnx-ops/onnx/node/generated/test_regex_full_match_empty/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_regex_full_match_empty/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_regex_full_match_empty/run_module_io_flags.txt new file mode 100644 index 0000000..addba2a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_regex_full_match_empty/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x0x=@input_0.bin +--expected_output=2x0xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_relu/input_0.bin b/onnx-ops/onnx/node/generated/test_relu/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_relu/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_relu/model.mlir b/onnx-ops/onnx/node/generated/test_relu/model.mlir new file mode 100644 index 0000000..6ff1e50 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_relu/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_relu(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Relu"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_relu/output_0.bin b/onnx-ops/onnx/node/generated/test_relu/output_0.bin new file mode 100644 index 0000000..a61e591 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_relu/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_relu/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_relu/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_relu/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/model.mlir new file mode 100644 index 0000000..ca60339 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/model.mlir @@ -0,0 +1,10 @@ +module { + func.func @test_relu_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Max"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %2 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/output_0.bin new file mode 100644 index 0000000..a61e591 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_relu_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/input_1.bin new file mode 100644 index 0000000..a949907 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/model.mlir new file mode 100644 index 0000000..9dcefdf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_allowzero_reordered(%arg0: !torch.vtensor<[0,3,4],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,0],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) {torch.onnx.allowzero = 1 : si64} : (!torch.vtensor<[0,3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,0],f32> + return %0 : !torch.vtensor<[3,4,0],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/run_module_io_flags.txt new file mode 100644 index 0000000..d54cdc3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_allowzero_reordered/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=0x3x4xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3x4x0xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_extended_dims/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_extended_dims/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/input_1.bin new file mode 100644 index 0000000..9d4e290 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_extended_dims/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/model.mlir new file mode 100644 index 0000000..9add1ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_extended_dims(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,2,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,2,2],f32> + return %0 : !torch.vtensor<[2,3,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_extended_dims/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_extended_dims/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/run_module_io_flags.txt new file mode 100644 index 0000000..9058506 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_extended_dims/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=2x3x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_dim/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_dim/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/input_1.bin new file mode 100644 index 0000000..09741f6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_dim/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/model.mlir new file mode 100644 index 0000000..55a73bf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_negative_dim(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,6,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,6,2],f32> + return %0 : !torch.vtensor<[2,6,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_dim/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_dim/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/run_module_io_flags.txt new file mode 100644 index 0000000..df26859 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_negative_dim/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=2x6x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/input_1.bin new file mode 100644 index 0000000..84a165b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/model.mlir new file mode 100644 index 0000000..133ac3b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_negative_extended_dims(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,2,3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,2,3,4],f32> + return %0 : !torch.vtensor<[1,2,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/run_module_io_flags.txt new file mode 100644 index 0000000..2894443 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_negative_extended_dims/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x2x3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_one_dim/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_one_dim/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_one_dim/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_one_dim/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_one_dim/input_1.bin new file mode 100644 index 0000000..d8146d8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_one_dim/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_one_dim/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_one_dim/model.mlir new file mode 100644 index 0000000..4aead02 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_one_dim/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_one_dim(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[24],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[24],f32> + return %0 : !torch.vtensor<[24],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_one_dim/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_one_dim/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_one_dim/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_one_dim/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_one_dim/run_module_io_flags.txt new file mode 100644 index 0000000..56e945b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_one_dim/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=24xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/input_1.bin new file mode 100644 index 0000000..02d52f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/model.mlir new file mode 100644 index 0000000..9281b08 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_reduced_dims(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[2,12],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[2,12],f32> + return %0 : !torch.vtensor<[2,12],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/run_module_io_flags.txt new file mode 100644 index 0000000..58dad81 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reduced_dims/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=2x12xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/input_1.bin new file mode 100644 index 0000000..e10507a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/model.mlir new file mode 100644 index 0000000..b8b3dfc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_reordered_all_dims(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[4,2,3],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[4,2,3],f32> + return %0 : !torch.vtensor<[4,2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/run_module_io_flags.txt new file mode 100644 index 0000000..94a5352 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reordered_all_dims/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=4x2x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/input_1.bin new file mode 100644 index 0000000..bdb2136 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/model.mlir new file mode 100644 index 0000000..679f5f3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_reordered_last_dims(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,4,3],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[2,4,3],f32> + return %0 : !torch.vtensor<[2,4,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/run_module_io_flags.txt new file mode 100644 index 0000000..661f5c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_reordered_last_dims/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=2x4x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/input_1.bin new file mode 100644 index 0000000..ba5844f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/model.mlir new file mode 100644 index 0000000..ee4d4e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_zero_and_negative_dim(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,1,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,1,4],f32> + return %0 : !torch.vtensor<[2,3,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/run_module_io_flags.txt new file mode 100644 index 0000000..5e90fe0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_zero_and_negative_dim/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=2x3x1x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_dim/input_0.bin b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_dim/input_1.bin b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/input_1.bin new file mode 100644 index 0000000..0089790 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_dim/model.mlir b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/model.mlir new file mode 100644 index 0000000..29c278c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reshape_zero_dim(%arg0: !torch.vtensor<[2,3,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,1],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Reshape"(%arg0, %arg1) : (!torch.vtensor<[2,3,4],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[2,3,4,1],f32> + return %0 : !torch.vtensor<[2,3,4,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_dim/output_0.bin b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_reshape_zero_dim/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/run_module_io_flags.txt new file mode 100644 index 0000000..43b58b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reshape_zero_dim/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=2x3x4x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/input_1.bin new file mode 100644 index 0000000..1966c34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/model.mlir new file mode 100644 index 0000000..5ef910f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_cubic(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/output_0.bin new file mode 100644 index 0000000..2e97970 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/run_module_io_flags.txt new file mode 100644 index 0000000..53f28b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/input_1.bin new file mode 100644 index 0000000..1966c34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/model.mlir new file mode 100644 index 0000000..4cff154 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_cubic_A_n0p5_exclude_outside(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.cubic_coeff_a = -5.000000e-01 : f32, torch.onnx.exclude_outside = 1 : si64, torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/output_0.bin new file mode 100644 index 0000000..2029019 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/run_module_io_flags.txt new file mode 100644 index 0000000..53f28b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_A_n0p5_exclude_outside/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/input_1.bin new file mode 100644 index 0000000..1966c34 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/model.mlir new file mode 100644 index 0000000..8375287 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_cubic_align_corners(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "align_corners", torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/output_0.bin new file mode 100644 index 0000000..26afef3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/run_module_io_flags.txt new file mode 100644 index 0000000..53f28b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_align_corners/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/input_1.bin new file mode 100644 index 0000000..0bd5cd0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/model.mlir new file mode 100644 index 0000000..a1fd0fb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_cubic_antialias(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.antialias = 1 : si64, torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/output_0.bin new file mode 100644 index 0000000..3dcd424 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/output_0.bin @@ -0,0 +1 @@ +(!@%@mA۶5A \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/run_module_io_flags.txt new file mode 100644 index 0000000..5b31cda --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_cubic_antialias/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/input_1.bin new file mode 100644 index 0000000..0bd5cd0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/model.mlir new file mode 100644 index 0000000..890f2ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_linear(%arg0: !torch.vtensor<[1,1,2,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,1,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,2,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,1,2],f32> + return %0 : !torch.vtensor<[1,1,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/output_0.bin new file mode 100644 index 0000000..1bedb5d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/output_0.bin @@ -0,0 +1 @@ +*@@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/run_module_io_flags.txt new file mode 100644 index 0000000..fa0f313 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/input_1.bin new file mode 100644 index 0000000..0bd5cd0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/model.mlir new file mode 100644 index 0000000..d4ede65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_linear_align_corners(%arg0: !torch.vtensor<[1,1,2,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,1,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "align_corners", torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,2,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,1,2],f32> + return %0 : !torch.vtensor<[1,1,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/output_0.bin new file mode 100644 index 0000000..71bc595 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/run_module_io_flags.txt new file mode 100644 index 0000000..fa0f313 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_align_corners/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/input_1.bin new file mode 100644 index 0000000..0bd5cd0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/model.mlir new file mode 100644 index 0000000..aadf964 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_linear_antialias(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,2,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.antialias = 1 : si64, torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,2,2],f32> + return %0 : !torch.vtensor<[1,1,2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/output_0.bin new file mode 100644 index 0000000..f637f70 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/run_module_io_flags.txt new file mode 100644 index 0000000..5b31cda --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_antialias/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/input_1.bin new file mode 100644 index 0000000..f152827 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/model.mlir new file mode 100644 index 0000000..514ead8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_linear_half_pixel_symmetric(%arg0: !torch.vtensor<[1,1,1,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,1,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "half_pixel_symmetric", torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,1,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,1,2],f32> + return %0 : !torch.vtensor<[1,1,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/output_0.bin new file mode 100644 index 0000000..90cb5ba --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/output_0.bin @@ -0,0 +1 @@ +VU?UUU@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/run_module_io_flags.txt new file mode 100644 index 0000000..f4e5869 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_linear_half_pixel_symmetric/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x1x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/input_1.bin new file mode 100644 index 0000000..0bd5cd0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/model.mlir new file mode 100644 index 0000000..46ee2b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_scales_nearest(%arg0: !torch.vtensor<[1,1,2,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,1,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,1,2],f32> + return %0 : !torch.vtensor<[1,1,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/output_0.bin new file mode 100644 index 0000000..00355f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/run_module_io_flags.txt new file mode 100644 index 0000000..fa0f313 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_scales_nearest/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/input_1.bin new file mode 100644 index 0000000..20ca1b2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/model.mlir new file mode 100644 index 0000000..d72412b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_sizes_cubic(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/output_0.bin new file mode 100644 index 0000000..e88328a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/run_module_io_flags.txt new file mode 100644 index 0000000..1390c26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/input_1.bin new file mode 100644 index 0000000..20ca1b2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/model.mlir new file mode 100644 index 0000000..c1d4dc1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_sizes_cubic_antialias(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.antialias = 1 : si64, torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/output_0.bin new file mode 100644 index 0000000..5048d42 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/run_module_io_flags.txt new file mode 100644 index 0000000..1390c26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_cubic_antialias/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/input_1.bin new file mode 100644 index 0000000..20ca1b2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/model.mlir new file mode 100644 index 0000000..4db4afd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_sizes_linear_antialias(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.antialias = 1 : si64, torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/output_0.bin new file mode 100644 index 0000000..73ae49d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/run_module_io_flags.txt new file mode 100644 index 0000000..1390c26 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_antialias/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/input_1.bin new file mode 100644 index 0000000..79c8487 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/model.mlir new file mode 100644 index 0000000..5de302e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_sizes_linear_pytorch_half_pixel(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,1],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "pytorch_half_pixel", torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,1],f32> + return %0 : !torch.vtensor<[1,1,3,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/output_0.bin new file mode 100644 index 0000000..724fa52 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/run_module_io_flags.txt new file mode 100644 index 0000000..dc7672f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_linear_pytorch_half_pixel/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x3x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/input_1.bin new file mode 100644 index 0000000..eb4190e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/model.mlir new file mode 100644 index 0000000..80ad7f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_sizes_nearest(%arg0: !torch.vtensor<[1,1,2,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,1,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,1,3],f32> + return %0 : !torch.vtensor<[1,1,1,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/output_0.bin new file mode 100644 index 0000000..7d0e73d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/run_module_io_flags.txt new file mode 100644 index 0000000..2190620 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x1x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/input_1.bin new file mode 100644 index 0000000..1fffc6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/model.mlir new file mode 100644 index 0000000..b0f0a72 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_sizes_nearest_not_larger(%arg0: !torch.vtensor<[1,1,2,4],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,1,2],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.axes = [2 : si64, 3 : si64], torch.onnx.keep_aspect_ratio_policy = "not_larger", torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,4],f32>, !torch.none, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,1,2],f32> + return %0 : !torch.vtensor<[1,1,1,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/output_0.bin new file mode 100644 index 0000000..00355f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/run_module_io_flags.txt new file mode 100644 index 0000000..3884c20 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_larger/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x4xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=1x1x1x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/input_0.bin new file mode 100644 index 0000000..2dc5d12 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/input_1.bin new file mode 100644 index 0000000..1fffc6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/model.mlir b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/model.mlir new file mode 100644 index 0000000..fba1713 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_downsample_sizes_nearest_not_smaller(%arg0: !torch.vtensor<[1,1,2,4],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,2,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.axes = [2 : si64, 3 : si64], torch.onnx.keep_aspect_ratio_policy = "not_smaller", torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,4],f32>, !torch.none, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,2,3],f32> + return %0 : !torch.vtensor<[1,1,2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/output_0.bin new file mode 100644 index 0000000..b38ef8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/run_module_io_flags.txt new file mode 100644 index 0000000..ff4d244 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_downsample_sizes_nearest_not_smaller/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x4xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=1x1x2x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_1.bin new file mode 100644 index 0000000..e8035e2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_2.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_2.bin new file mode 100644 index 0000000..20ca1b2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/model.mlir b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/model.mlir new file mode 100644 index 0000000..d49be08 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_tf_crop_and_resize(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[8],f32>, %arg2: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %arg1, %none, %arg2) {torch.onnx.coordinate_transformation_mode = "tf_crop_and_resize", torch.onnx.extrapolation_value = 1.000000e+01 : f32, torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.vtensor<[8],f32>, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/output_0.bin new file mode 100644 index 0000000..64fc598 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/run_module_io_flags.txt new file mode 100644 index 0000000..1e1cbf2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=8xf32=@input_1.bin +--input=4xi64=@input_2.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_1.bin new file mode 100644 index 0000000..28320d3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_1.bin @@ -0,0 +1 @@ +>??L? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_2.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_2.bin new file mode 100644 index 0000000..928ad73 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/model.mlir b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/model.mlir new file mode 100644 index 0000000..4f9ed61 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_tf_crop_and_resize_axes_2_3(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %arg1, %none, %arg2) {torch.onnx.axes = [2 : si64, 3 : si64], torch.onnx.coordinate_transformation_mode = "tf_crop_and_resize", torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.vtensor<[4],f32>, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/output_0.bin new file mode 100644 index 0000000..799eab7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/run_module_io_flags.txt new file mode 100644 index 0000000..2ad724b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_2_3/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=2xi64=@input_2.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_1.bin new file mode 100644 index 0000000..3e3bc1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_1.bin @@ -0,0 +1 @@ +?>L?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_2.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_2.bin new file mode 100644 index 0000000..928ad73 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/model.mlir b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/model.mlir new file mode 100644 index 0000000..7d951e8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_tf_crop_and_resize_axes_3_2(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>, %arg2: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,3,3],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %arg1, %none, %arg2) {torch.onnx.axes = [3 : si64, 2 : si64], torch.onnx.coordinate_transformation_mode = "tf_crop_and_resize", torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.vtensor<[4],f32>, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,3,3],f32> + return %0 : !torch.vtensor<[1,1,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/output_0.bin new file mode 100644 index 0000000..799eab7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/run_module_io_flags.txt new file mode 100644 index 0000000..2ad724b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_tf_crop_and_resize_axes_3_2/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--input=2xi64=@input_2.bin +--expected_output=1x1x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/input_1.bin new file mode 100644 index 0000000..5c11c06 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/model.mlir new file mode 100644 index 0000000..7197f5e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_cubic(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/output_0.bin new file mode 100644 index 0000000..c04ceac Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/run_module_io_flags.txt new file mode 100644 index 0000000..1db3132 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/input_1.bin new file mode 100644 index 0000000..5c11c06 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/model.mlir new file mode 100644 index 0000000..99ac81a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_cubic_A_n0p5_exclude_outside(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.cubic_coeff_a = -5.000000e-01 : f32, torch.onnx.exclude_outside = 1 : si64, torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/output_0.bin new file mode 100644 index 0000000..e486c70 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/run_module_io_flags.txt new file mode 100644 index 0000000..1db3132 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_A_n0p5_exclude_outside/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/input_1.bin new file mode 100644 index 0000000..5c11c06 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/model.mlir new file mode 100644 index 0000000..3ef7691 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_cubic_align_corners(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "align_corners", torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/output_0.bin new file mode 100644 index 0000000..30dbf41 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/run_module_io_flags.txt new file mode 100644 index 0000000..1db3132 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_align_corners/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/input_1.bin new file mode 100644 index 0000000..5c11c06 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/model.mlir new file mode 100644 index 0000000..79108fc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_cubic_asymmetric(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "asymmetric", torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/output_0.bin new file mode 100644 index 0000000..52769a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/run_module_io_flags.txt new file mode 100644 index 0000000..1db3132 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_cubic_asymmetric/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/input_1.bin new file mode 100644 index 0000000..5c11c06 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/model.mlir new file mode 100644 index 0000000..6d13ab8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_linear(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,4],f32> + return %0 : !torch.vtensor<[1,1,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/output_0.bin new file mode 100644 index 0000000..82db6c8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/run_module_io_flags.txt new file mode 100644 index 0000000..d584154 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/input_1.bin new file mode 100644 index 0000000..5c11c06 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/model.mlir new file mode 100644 index 0000000..1be5a7f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_linear_align_corners(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,4],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "align_corners", torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,4],f32> + return %0 : !torch.vtensor<[1,1,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/output_0.bin new file mode 100644 index 0000000..a0246b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/run_module_io_flags.txt new file mode 100644 index 0000000..d584154 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_align_corners/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/input_1.bin new file mode 100644 index 0000000..bdd8ae5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/model.mlir new file mode 100644 index 0000000..7f51eb2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_linear_half_pixel_symmetric(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,5],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "half_pixel_symmetric", torch.onnx.mode = "linear"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,5],f32> + return %0 : !torch.vtensor<[1,1,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/output_0.bin new file mode 100644 index 0000000..9546ed7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/run_module_io_flags.txt new file mode 100644 index 0000000..48d205f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_linear_half_pixel_symmetric/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/input_1.bin new file mode 100644 index 0000000..9c16afa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/model.mlir new file mode 100644 index 0000000..5e0a338 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_nearest(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,6],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,6],f32> + return %0 : !torch.vtensor<[1,1,4,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/output_0.bin new file mode 100644 index 0000000..4efecc9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/run_module_io_flags.txt new file mode 100644 index 0000000..80e412d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x4x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/input_1.bin new file mode 100644 index 0000000..d8292dc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/model.mlir new file mode 100644 index 0000000..062abd1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_nearest_axes_2_3(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[2],f32>) -> !torch.vtensor<[1,1,4,6],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.axes = [2 : si64, 3 : si64], torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.vtensor<[2],f32>) -> !torch.vtensor<[1,1,4,6],f32> + return %0 : !torch.vtensor<[1,1,4,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/output_0.bin new file mode 100644 index 0000000..4efecc9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/run_module_io_flags.txt new file mode 100644 index 0000000..9750f0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_2_3/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=2xf32=@input_1.bin +--expected_output=1x1x4x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/input_1.bin new file mode 100644 index 0000000..84eaf6d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/model.mlir new file mode 100644 index 0000000..066563c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_scales_nearest_axes_3_2(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[2],f32>) -> !torch.vtensor<[1,1,4,6],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %arg1) {torch.onnx.axes = [3 : si64, 2 : si64], torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.vtensor<[2],f32>) -> !torch.vtensor<[1,1,4,6],f32> + return %0 : !torch.vtensor<[1,1,4,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/output_0.bin new file mode 100644 index 0000000..4efecc9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/run_module_io_flags.txt new file mode 100644 index 0000000..9750f0e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_scales_nearest_axes_3_2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=2xf32=@input_1.bin +--expected_output=1x1x4x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/input_1.bin new file mode 100644 index 0000000..253f26b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/model.mlir new file mode 100644 index 0000000..49648ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_sizes_cubic(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,9,10],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.mode = "cubic"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,9,10],f32> + return %0 : !torch.vtensor<[1,1,9,10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/output_0.bin new file mode 100644 index 0000000..1fd6be5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/run_module_io_flags.txt new file mode 100644 index 0000000..5cf812d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_cubic/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x9x10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/input_1.bin new file mode 100644 index 0000000..23d144f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/model.mlir new file mode 100644 index 0000000..4c02f3d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_sizes_nearest(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,7,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,7,8],f32> + return %0 : !torch.vtensor<[1,1,7,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/output_0.bin new file mode 100644 index 0000000..4f6c36b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/run_module_io_flags.txt new file mode 100644 index 0000000..59d1a22 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x7x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/input_1.bin new file mode 100644 index 0000000..e216f5b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/model.mlir new file mode 100644 index 0000000..dd474ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_sizes_nearest_axes_2_3(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,7,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.axes = [2 : si64, 3 : si64], torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,7,8],f32> + return %0 : !torch.vtensor<[1,1,7,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/output_0.bin new file mode 100644 index 0000000..4f6c36b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/run_module_io_flags.txt new file mode 100644 index 0000000..d4ee3d4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_2_3/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=1x1x7x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/input_1.bin new file mode 100644 index 0000000..8d89c33 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/model.mlir new file mode 100644 index 0000000..736e664 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_sizes_nearest_axes_3_2(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,7,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.axes = [3 : si64, 2 : si64], torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,7,8],f32> + return %0 : !torch.vtensor<[1,1,7,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/output_0.bin new file mode 100644 index 0000000..4f6c36b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/run_module_io_flags.txt new file mode 100644 index 0000000..d4ee3d4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_axes_3_2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=1x1x7x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/input_1.bin new file mode 100644 index 0000000..acfa5f6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/model.mlir new file mode 100644 index 0000000..f6aa3b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_sizes_nearest_ceil_half_pixel(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "half_pixel", torch.onnx.mode = "nearest", torch.onnx.nearest_mode = "ceil"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/output_0.bin new file mode 100644 index 0000000..600494d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/run_module_io_flags.txt new file mode 100644 index 0000000..404b717 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_ceil_half_pixel/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/input_1.bin new file mode 100644 index 0000000..acfa5f6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/model.mlir new file mode 100644 index 0000000..c22fa41 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_sizes_nearest_floor_align_corners(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "align_corners", torch.onnx.mode = "nearest", torch.onnx.nearest_mode = "floor"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/output_0.bin new file mode 100644 index 0000000..e40226f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/run_module_io_flags.txt new file mode 100644 index 0000000..404b717 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_floor_align_corners/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/input_1.bin new file mode 100644 index 0000000..e216f5b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/model.mlir new file mode 100644 index 0000000..f9e9435 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_sizes_nearest_not_larger(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.axes = [2 : si64, 3 : si64], torch.onnx.keep_aspect_ratio_policy = "not_smaller", torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.none, !torch.none, !torch.vtensor<[2],si64>) -> !torch.vtensor<[1,1,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/output_0.bin new file mode 100644 index 0000000..6006635 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/run_module_io_flags.txt new file mode 100644 index 0000000..23b7ea5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_not_larger/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=1x1x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/input_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/input_1.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/input_1.bin new file mode 100644 index 0000000..acfa5f6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/model.mlir b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/model.mlir new file mode 100644 index 0000000..c5515a9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric(%arg0: !torch.vtensor<[1,1,4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,8,8],f32> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 19 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Resize"(%arg0, %none, %none, %arg1) {torch.onnx.coordinate_transformation_mode = "asymmetric", torch.onnx.mode = "nearest", torch.onnx.nearest_mode = "round_prefer_ceil"} : (!torch.vtensor<[1,1,4,4],f32>, !torch.none, !torch.none, !torch.vtensor<[4],si64>) -> !torch.vtensor<[1,1,8,8],f32> + return %0 : !torch.vtensor<[1,1,8,8],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/output_0.bin b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/output_0.bin new file mode 100644 index 0000000..600494d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/run_module_io_flags.txt new file mode 100644 index 0000000..404b717 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=1x1x8x8xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_batch/input_0.bin b/onnx-ops/onnx/node/generated/test_reversesequence_batch/input_0.bin new file mode 100644 index 0000000..eb6a597 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reversesequence_batch/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_batch/input_1.bin b/onnx-ops/onnx/node/generated/test_reversesequence_batch/input_1.bin new file mode 100644 index 0000000..191660c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reversesequence_batch/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_batch/model.mlir b/onnx-ops/onnx/node/generated/test_reversesequence_batch/model.mlir new file mode 100644 index 0000000..8f9079d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reversesequence_batch/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reversesequence_batch(%arg0: !torch.vtensor<[4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[4,4],f32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReverseSequence"(%arg0, %arg1) {torch.onnx.batch_axis = 0 : si64, torch.onnx.time_axis = 1 : si64} : (!torch.vtensor<[4,4],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[4,4],f32> + return %0 : !torch.vtensor<[4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_batch/output_0.bin b/onnx-ops/onnx/node/generated/test_reversesequence_batch/output_0.bin new file mode 100644 index 0000000..e40ce5e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reversesequence_batch/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_batch/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reversesequence_batch/run_module_io_flags.txt new file mode 100644 index 0000000..9333fae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reversesequence_batch/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_time/input_0.bin b/onnx-ops/onnx/node/generated/test_reversesequence_time/input_0.bin new file mode 100644 index 0000000..12424d6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reversesequence_time/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_time/input_1.bin b/onnx-ops/onnx/node/generated/test_reversesequence_time/input_1.bin new file mode 100644 index 0000000..a72d927 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reversesequence_time/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_time/model.mlir b/onnx-ops/onnx/node/generated/test_reversesequence_time/model.mlir new file mode 100644 index 0000000..54274ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reversesequence_time/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_reversesequence_time(%arg0: !torch.vtensor<[4,4],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[4,4],f32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ReverseSequence"(%arg0, %arg1) {torch.onnx.batch_axis = 1 : si64, torch.onnx.time_axis = 0 : si64} : (!torch.vtensor<[4,4],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[4,4],f32> + return %0 : !torch.vtensor<[4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_time/output_0.bin b/onnx-ops/onnx/node/generated/test_reversesequence_time/output_0.bin new file mode 100644 index 0000000..d9fc414 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_reversesequence_time/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_reversesequence_time/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_reversesequence_time/run_module_io_flags.txt new file mode 100644 index 0000000..9333fae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_reversesequence_time/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x4xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_0.bin b/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_0.bin new file mode 100644 index 0000000..d9e9735 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_1.bin b/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_1.bin new file mode 100644 index 0000000..077e004 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_1.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_2.bin b/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_2.bin new file mode 100644 index 0000000..5c10366 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_2.bin @@ -0,0 +1 @@ +]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_3.bin b/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_3.bin new file mode 100644 index 0000000..0bc01e4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_rnn_seq_length/input_3.bin @@ -0,0 +1 @@ +6&õgڿ?xFKྙ[ G?4οY \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_rnn_seq_length/model.mlir b/onnx-ops/onnx/node/generated/test_rnn_seq_length/model.mlir new file mode 100644 index 0000000..bd7a5ca --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_rnn_seq_length/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_rnn_seq_length(%arg0: !torch.vtensor<[2,3,3],f32>, %arg1: !torch.vtensor<[1,5,3],f32>, %arg2: !torch.vtensor<[1,5,5],f32>, %arg3: !torch.vtensor<[1,10],f32>) -> !torch.vtensor<[1,3,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.RNN"(%arg0, %arg1, %arg2, %arg3) {torch.onnx.hidden_size = 5 : si64} : (!torch.vtensor<[2,3,3],f32>, !torch.vtensor<[1,5,3],f32>, !torch.vtensor<[1,5,5],f32>, !torch.vtensor<[1,10],f32>) -> (!torch.none, !torch.vtensor<[1,3,5],f32>) + return %0#1 : !torch.vtensor<[1,3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_rnn_seq_length/output_0.bin b/onnx-ops/onnx/node/generated/test_rnn_seq_length/output_0.bin new file mode 100644 index 0000000..190624c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_rnn_seq_length/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_rnn_seq_length/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_rnn_seq_length/run_module_io_flags.txt new file mode 100644 index 0000000..bff4bd3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_rnn_seq_length/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=2x3x3xf32=@input_0.bin +--input=1x5x3xf32=@input_1.bin +--input=1x5x5xf32=@input_2.bin +--input=1x10xf32=@input_3.bin +--expected_output=1x3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_0.bin b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_0.bin new file mode 100644 index 0000000..67859e8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_1.bin b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_1.bin new file mode 100644 index 0000000..4ca403d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_2.bin b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_2.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_false/model.mlir b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/model.mlir new file mode 100644 index 0000000..64dd2bb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_roialign_aligned_false(%arg0: !torch.vtensor<[1,1,10,10],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RoiAlign"(%arg0, %arg1, %arg2) {torch.onnx.coordinate_transformation_mode = "output_half_pixel", torch.onnx.output_height = 5 : si64, torch.onnx.output_width = 5 : si64, torch.onnx.sampling_ratio = 2 : si64, torch.onnx.spatial_scale = 1.000000e+00 : f32} : (!torch.vtensor<[1,1,10,10],f32>, !torch.vtensor<[3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,1,5,5],f32> + return %0 : !torch.vtensor<[3,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_false/output_0.bin b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/output_0.bin new file mode 100644 index 0000000..ce5a420 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/output_0.bin @@ -0,0 +1,3 @@ +>>V>??W?$(>>Z> c?F>>u>?M ?">G>0?m>I`??ff6? ?ƫ>>>j>io>q>, +?/>z4?X9? +h>3?+>?%??TtT?s?(=?m4?RV?*c?Di?M?5?ۊ?>!t>;>vO>(?B?>>6?l?y?,?F%?&? C?`? ?a>=[>'>Q>|>g>}Г>vq>p> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_false/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/run_module_io_flags.txt new file mode 100644 index 0000000..d727bee --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_aligned_false/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x10x10xf32=@input_0.bin +--input=3x4xf32=@input_1.bin +--input=3xi64=@input_2.bin +--expected_output=3x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_0.bin b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_0.bin new file mode 100644 index 0000000..67859e8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_1.bin b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_1.bin new file mode 100644 index 0000000..4ca403d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_2.bin b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_2.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_true/model.mlir b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/model.mlir new file mode 100644 index 0000000..a85e98b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_roialign_aligned_true(%arg0: !torch.vtensor<[1,1,10,10],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RoiAlign"(%arg0, %arg1, %arg2) {torch.onnx.coordinate_transformation_mode = "half_pixel", torch.onnx.output_height = 5 : si64, torch.onnx.output_width = 5 : si64, torch.onnx.sampling_ratio = 2 : si64, torch.onnx.spatial_scale = 1.000000e+00 : f32} : (!torch.vtensor<[1,1,10,10],f32>, !torch.vtensor<[3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,1,5,5],f32> + return %0 : !torch.vtensor<[3,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_true/output_0.bin b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/output_0.bin new file mode 100644 index 0000000..969a795 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/output_0.bin @@ -0,0 +1,2 @@ +? ү>&S>> +h"? c>^ ?>>D>I>>?2?sh>>:>?>U/?>B6?ZR?>>/>_>ڪ>#>X>$?>Ș>\?b>$><>>??>ྎ>.>)?333?I@?}?}3?'9?Q;? P? u>ף>;>G>s>>W>->S$?OT?;?>;p? @?{n?')??l>>*?)?䃾>ΈR>]mE>H}> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_roialign_aligned_true/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/run_module_io_flags.txt new file mode 100644 index 0000000..d727bee --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_aligned_true/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x10x10xf32=@input_0.bin +--input=3x4xf32=@input_1.bin +--input=3xi64=@input_2.bin +--expected_output=3x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_0.bin b/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_0.bin new file mode 100644 index 0000000..67859e8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_1.bin b/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_1.bin new file mode 100644 index 0000000..4ca403d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_2.bin b/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_2.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_roialign_mode_max/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_roialign_mode_max/model.mlir b/onnx-ops/onnx/node/generated/test_roialign_mode_max/model.mlir new file mode 100644 index 0000000..d63a533 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_mode_max/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_roialign_mode_max(%arg0: !torch.vtensor<[1,1,10,10],f32>, %arg1: !torch.vtensor<[3,4],f32>, %arg2: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,1,5,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.RoiAlign"(%arg0, %arg1, %arg2) {torch.onnx.coordinate_transformation_mode = "output_half_pixel", torch.onnx.mode = "max", torch.onnx.output_height = 5 : si64, torch.onnx.output_width = 5 : si64, torch.onnx.sampling_ratio = 2 : si64, torch.onnx.spatial_scale = 1.000000e+00 : f32} : (!torch.vtensor<[1,1,10,10],f32>, !torch.vtensor<[3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,1,5,5],f32> + return %0 : !torch.vtensor<[3,1,5,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_roialign_mode_max/output_0.bin b/onnx-ops/onnx/node/generated/test_roialign_mode_max/output_0.bin new file mode 100644 index 0000000..2c07f44 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_mode_max/output_0.bin @@ -0,0 +1,2 @@ +Ke>h>>W>΃>Ȣ> ?I*??Ί>TUY>>}W?GJ?zr>>Gz> M?m> ?!> ?U +?s>L>?>4?P>ؕ>>4?Y?>>X>9K?o4><]>>>X>7!??Y?p ?)p?t83?>??y?>ӭW>>葿>B?>s>B>B?~?GnF?e> ?˷>p3?"?? >7>p>>8>z>@t>>˹> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_roialign_mode_max/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_roialign_mode_max/run_module_io_flags.txt new file mode 100644 index 0000000..d727bee --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_roialign_mode_max/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x1x10x10xf32=@input_0.bin +--input=3x4xf32=@input_1.bin +--input=3xi64=@input_2.bin +--expected_output=3x1x5x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_round/input_0.bin b/onnx-ops/onnx/node/generated/test_round/input_0.bin new file mode 100644 index 0000000..aa6f2f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_round/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_round/model.mlir b/onnx-ops/onnx/node/generated/test_round/model.mlir new file mode 100644 index 0000000..1a28215 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_round/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_round(%arg0: !torch.vtensor<[15],f32>) -> !torch.vtensor<[15],f32> attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Round"(%arg0) : (!torch.vtensor<[15],f32>) -> !torch.vtensor<[15],f32> + return %0 : !torch.vtensor<[15],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_round/output_0.bin b/onnx-ops/onnx/node/generated/test_round/output_0.bin new file mode 100644 index 0000000..204e006 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_round/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_round/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_round/run_module_io_flags.txt new file mode 100644 index 0000000..d4b6e37 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_round/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=15xf32=@input_0.bin +--expected_output=15xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scan9_sum/input_0.bin b/onnx-ops/onnx/node/generated/test_scan9_sum/input_0.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scan9_sum/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scan9_sum/input_1.bin b/onnx-ops/onnx/node/generated/test_scan9_sum/input_1.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scan9_sum/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scan9_sum/model.mlir b/onnx-ops/onnx/node/generated/test_scan9_sum/model.mlir new file mode 100644 index 0000000..d6521b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scan9_sum/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_scan9_sum(%arg0: !torch.vtensor<[2],f32>, %arg1: !torch.vtensor<[3,2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[3,2],f32>) attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Scan"(%arg0, %arg1) {torch.onnx.num_scan_inputs = 1 : si64} : (!torch.vtensor<[2],f32>, !torch.vtensor<[3,2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[3,2],f32>) { + ^bb0(%arg2: !torch.vtensor<[2],f32>, %arg3: !torch.vtensor<[2],f32>): + %1 = torch.operator "onnx.Add"(%arg2, %arg3) : (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + %2 = torch.operator "onnx.Identity"(%1) : (!torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + torch.operator_terminator %1, %2 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } + return %0#0, %0#1 : !torch.vtensor<[2],f32>, !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scan9_sum/output_0.bin b/onnx-ops/onnx/node/generated/test_scan9_sum/output_0.bin new file mode 100644 index 0000000..e12f83d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scan9_sum/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scan9_sum/output_1.bin b/onnx-ops/onnx/node/generated/test_scan9_sum/output_1.bin new file mode 100644 index 0000000..ea907dd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scan9_sum/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scan9_sum/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scan9_sum/run_module_io_flags.txt new file mode 100644 index 0000000..8b98281 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scan9_sum/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2xf32=@input_0.bin +--input=3x2xf32=@input_1.bin +--expected_output=2xf32=@output_0.bin +--expected_output=3x2xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_scan_sum/input_0.bin b/onnx-ops/onnx/node/generated/test_scan_sum/input_0.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scan_sum/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scan_sum/input_1.bin b/onnx-ops/onnx/node/generated/test_scan_sum/input_1.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scan_sum/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scan_sum/model.mlir b/onnx-ops/onnx/node/generated/test_scan_sum/model.mlir new file mode 100644 index 0000000..d3d37e8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scan_sum/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_scan_sum(%arg0: !torch.vtensor<[2],f32>, %arg1: !torch.vtensor<[3,2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[3,2],f32>) attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Scan"(%arg0, %arg1) {torch.onnx.num_scan_inputs = 1 : si64} : (!torch.vtensor<[2],f32>, !torch.vtensor<[3,2],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[3,2],f32>) { + ^bb0(%arg2: !torch.vtensor<[2],f32>, %arg3: !torch.vtensor<[2],f32>): + %1 = torch.operator "onnx.Add"(%arg2, %arg3) : (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + %2 = torch.operator "onnx.Identity"(%1) : (!torch.vtensor<[2],f32>) -> !torch.vtensor<[2],f32> + torch.operator_terminator %1, %2 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } + return %0#0, %0#1 : !torch.vtensor<[2],f32>, !torch.vtensor<[3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scan_sum/output_0.bin b/onnx-ops/onnx/node/generated/test_scan_sum/output_0.bin new file mode 100644 index 0000000..e12f83d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scan_sum/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scan_sum/output_1.bin b/onnx-ops/onnx/node/generated/test_scan_sum/output_1.bin new file mode 100644 index 0000000..ea907dd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scan_sum/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scan_sum/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scan_sum/run_module_io_flags.txt new file mode 100644 index 0000000..8b98281 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scan_sum/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2xf32=@input_0.bin +--input=3x2xf32=@input_1.bin +--expected_output=2xf32=@output_0.bin +--expected_output=3x2xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_0.bin new file mode 100644 index 0000000..08dd076 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_1.bin new file mode 100644 index 0000000..1fffc6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_2.bin new file mode 100644 index 0000000..f36b917 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/input_2.bin @@ -0,0 +1 @@ +̌?ff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/model.mlir b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/model.mlir new file mode 100644 index 0000000..09a9a92 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatter_elements_with_axis(%arg0: !torch.vtensor<[1,5],f32>, %arg1: !torch.vtensor<[1,2],si64>, %arg2: !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterElements"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[1,5],f32>, !torch.vtensor<[1,2],si64>, !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> + return %0 : !torch.vtensor<[1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/output_0.bin new file mode 100644 index 0000000..985770a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/run_module_io_flags.txt new file mode 100644 index 0000000..1eb4da0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x5xf32=@input_0.bin +--input=1x2xi64=@input_1.bin +--input=1x2xf32=@input_2.bin +--expected_output=1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_0.bin new file mode 100644 index 0000000..08dd076 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_1.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_1.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_2.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_2.bin new file mode 100644 index 0000000..f36b917 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/input_2.bin @@ -0,0 +1 @@ +̌?ff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/model.mlir b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/model.mlir new file mode 100644 index 0000000..c96afea --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatter_elements_with_duplicate_indices(%arg0: !torch.vtensor<[1,5],f32>, %arg1: !torch.vtensor<[1,2],si64>, %arg2: !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterElements"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64, torch.onnx.reduction = "add"} : (!torch.vtensor<[1,5],f32>, !torch.vtensor<[1,2],si64>, !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> + return %0 : !torch.vtensor<[1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/output_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/output_0.bin new file mode 100644 index 0000000..3dbb880 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/run_module_io_flags.txt new file mode 100644 index 0000000..1eb4da0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_duplicate_indices/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x5xf32=@input_0.bin +--input=1x2xi64=@input_1.bin +--input=1x2xf32=@input_2.bin +--expected_output=1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_0.bin new file mode 100644 index 0000000..08dd076 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_1.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_1.bin new file mode 100644 index 0000000..5fde4b6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_2.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_2.bin new file mode 100644 index 0000000..f36b917 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/input_2.bin @@ -0,0 +1 @@ +̌?ff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/model.mlir b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/model.mlir new file mode 100644 index 0000000..8047a48 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatter_elements_with_negative_indices(%arg0: !torch.vtensor<[1,5],f32>, %arg1: !torch.vtensor<[1,2],si64>, %arg2: !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterElements"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[1,5],f32>, !torch.vtensor<[1,2],si64>, !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> + return %0 : !torch.vtensor<[1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/output_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/output_0.bin new file mode 100644 index 0000000..97ecd47 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/run_module_io_flags.txt new file mode 100644 index 0000000..1eb4da0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_negative_indices/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x5xf32=@input_0.bin +--input=1x2xi64=@input_1.bin +--input=1x2xf32=@input_2.bin +--expected_output=1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_0.bin new file mode 100644 index 0000000..08dd076 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_1.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_1.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_2.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_2.bin new file mode 100644 index 0000000..f36b917 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/input_2.bin @@ -0,0 +1 @@ +̌?ff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/model.mlir b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/model.mlir new file mode 100644 index 0000000..f073d97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatter_elements_with_reduction_max(%arg0: !torch.vtensor<[1,5],f32>, %arg1: !torch.vtensor<[1,2],si64>, %arg2: !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterElements"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64, torch.onnx.reduction = "max"} : (!torch.vtensor<[1,5],f32>, !torch.vtensor<[1,2],si64>, !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> + return %0 : !torch.vtensor<[1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/output_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/output_0.bin new file mode 100644 index 0000000..d6b82b0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/run_module_io_flags.txt new file mode 100644 index 0000000..1eb4da0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_max/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x5xf32=@input_0.bin +--input=1x2xi64=@input_1.bin +--input=1x2xf32=@input_2.bin +--expected_output=1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_0.bin new file mode 100644 index 0000000..08dd076 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_1.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_1.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_2.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_2.bin new file mode 100644 index 0000000..f36b917 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/input_2.bin @@ -0,0 +1 @@ +̌?ff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/model.mlir b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/model.mlir new file mode 100644 index 0000000..38d5776 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatter_elements_with_reduction_min(%arg0: !torch.vtensor<[1,5],f32>, %arg1: !torch.vtensor<[1,2],si64>, %arg2: !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterElements"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64, torch.onnx.reduction = "min"} : (!torch.vtensor<[1,5],f32>, !torch.vtensor<[1,2],si64>, !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> + return %0 : !torch.vtensor<[1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/output_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/output_0.bin new file mode 100644 index 0000000..e783354 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/run_module_io_flags.txt new file mode 100644 index 0000000..1eb4da0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_with_reduction_min/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x5xf32=@input_0.bin +--input=1x2xi64=@input_1.bin +--input=1x2xf32=@input_2.bin +--expected_output=1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_0.bin new file mode 100644 index 0000000..5516e8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_1.bin new file mode 100644 index 0000000..ec8e883 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_2.bin new file mode 100644 index 0000000..18e2b4c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/model.mlir b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/model.mlir new file mode 100644 index 0000000..5ba9741 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatter_elements_without_axis(%arg0: !torch.vtensor<[3,3],f32>, %arg1: !torch.vtensor<[2,3],si64>, %arg2: !torch.vtensor<[2,3],f32>) -> !torch.vtensor<[3,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterElements"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3,3],f32>, !torch.vtensor<[2,3],si64>, !torch.vtensor<[2,3],f32>) -> !torch.vtensor<[3,3],f32> + return %0 : !torch.vtensor<[3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/output_0.bin new file mode 100644 index 0000000..88e3052 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/run_module_io_flags.txt new file mode 100644 index 0000000..b7c72ec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_elements_without_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x3xf32=@input_0.bin +--input=2x3xi64=@input_1.bin +--input=2x3xf32=@input_2.bin +--expected_output=3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_0.bin new file mode 100644 index 0000000..08dd076 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_1.bin new file mode 100644 index 0000000..1fffc6b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_2.bin new file mode 100644 index 0000000..f36b917 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_with_axis/input_2.bin @@ -0,0 +1 @@ +̌?ff@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_scatter_with_axis/model.mlir b/onnx-ops/onnx/node/generated/test_scatter_with_axis/model.mlir new file mode 100644 index 0000000..b0be6ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_with_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatter_with_axis(%arg0: !torch.vtensor<[1,5],f32>, %arg1: !torch.vtensor<[1,2],si64>, %arg2: !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterElements"(%arg0, %arg1, %arg2) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[1,5],f32>, !torch.vtensor<[1,2],si64>, !torch.vtensor<[1,2],f32>) -> !torch.vtensor<[1,5],f32> + return %0 : !torch.vtensor<[1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatter_with_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_scatter_with_axis/output_0.bin new file mode 100644 index 0000000..985770a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_with_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_with_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatter_with_axis/run_module_io_flags.txt new file mode 100644 index 0000000..1eb4da0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_with_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x5xf32=@input_0.bin +--input=1x2xi64=@input_1.bin +--input=1x2xf32=@input_2.bin +--expected_output=1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_0.bin new file mode 100644 index 0000000..5516e8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_1.bin new file mode 100644 index 0000000..ec8e883 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_2.bin b/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_2.bin new file mode 100644 index 0000000..18e2b4c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_without_axis/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_without_axis/model.mlir b/onnx-ops/onnx/node/generated/test_scatter_without_axis/model.mlir new file mode 100644 index 0000000..51a408b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_without_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatter_without_axis(%arg0: !torch.vtensor<[3,3],f32>, %arg1: !torch.vtensor<[2,3],si64>, %arg2: !torch.vtensor<[2,3],f32>) -> !torch.vtensor<[3,3],f32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterElements"(%arg0, %arg1, %arg2) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,3],f32>, !torch.vtensor<[2,3],si64>, !torch.vtensor<[2,3],f32>) -> !torch.vtensor<[3,3],f32> + return %0 : !torch.vtensor<[3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatter_without_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_scatter_without_axis/output_0.bin new file mode 100644 index 0000000..88e3052 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatter_without_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatter_without_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatter_without_axis/run_module_io_flags.txt new file mode 100644 index 0000000..b7c72ec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatter_without_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x3xf32=@input_0.bin +--input=2x3xi64=@input_1.bin +--input=2x3xf32=@input_2.bin +--expected_output=3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatternd/input_0.bin b/onnx-ops/onnx/node/generated/test_scatternd/input_0.bin new file mode 100644 index 0000000..dcbaa87 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd/input_1.bin b/onnx-ops/onnx/node/generated/test_scatternd/input_1.bin new file mode 100644 index 0000000..3a12c8e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd/input_2.bin b/onnx-ops/onnx/node/generated/test_scatternd/input_2.bin new file mode 100644 index 0000000..8f10f60 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd/model.mlir b/onnx-ops/onnx/node/generated/test_scatternd/model.mlir new file mode 100644 index 0000000..4386c68 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatternd(%arg0: !torch.vtensor<[4,4,4],f32>, %arg1: !torch.vtensor<[2,1],si64>, %arg2: !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterND"(%arg0, %arg1, %arg2) : (!torch.vtensor<[4,4,4],f32>, !torch.vtensor<[2,1],si64>, !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> + return %0 : !torch.vtensor<[4,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatternd/output_0.bin b/onnx-ops/onnx/node/generated/test_scatternd/output_0.bin new file mode 100644 index 0000000..2520b1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatternd/run_module_io_flags.txt new file mode 100644 index 0000000..5d729a2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4x4x4xf32=@input_0.bin +--input=2x1xi64=@input_1.bin +--input=2x4x4xf32=@input_2.bin +--expected_output=4x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatternd_add/input_0.bin b/onnx-ops/onnx/node/generated/test_scatternd_add/input_0.bin new file mode 100644 index 0000000..dcbaa87 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_add/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_add/input_1.bin b/onnx-ops/onnx/node/generated/test_scatternd_add/input_1.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_add/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_add/input_2.bin b/onnx-ops/onnx/node/generated/test_scatternd_add/input_2.bin new file mode 100644 index 0000000..8f10f60 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_add/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_add/model.mlir b/onnx-ops/onnx/node/generated/test_scatternd_add/model.mlir new file mode 100644 index 0000000..a8273a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd_add/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatternd_add(%arg0: !torch.vtensor<[4,4,4],f32>, %arg1: !torch.vtensor<[2,1],si64>, %arg2: !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterND"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "add"} : (!torch.vtensor<[4,4,4],f32>, !torch.vtensor<[2,1],si64>, !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> + return %0 : !torch.vtensor<[4,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatternd_add/output_0.bin b/onnx-ops/onnx/node/generated/test_scatternd_add/output_0.bin new file mode 100644 index 0000000..c73da32 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_add/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_add/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatternd_add/run_module_io_flags.txt new file mode 100644 index 0000000..5d729a2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd_add/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4x4x4xf32=@input_0.bin +--input=2x1xi64=@input_1.bin +--input=2x4x4xf32=@input_2.bin +--expected_output=4x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatternd_max/input_0.bin b/onnx-ops/onnx/node/generated/test_scatternd_max/input_0.bin new file mode 100644 index 0000000..dcbaa87 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_max/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_max/input_1.bin b/onnx-ops/onnx/node/generated/test_scatternd_max/input_1.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_max/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_max/input_2.bin b/onnx-ops/onnx/node/generated/test_scatternd_max/input_2.bin new file mode 100644 index 0000000..8f10f60 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_max/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_max/model.mlir b/onnx-ops/onnx/node/generated/test_scatternd_max/model.mlir new file mode 100644 index 0000000..56a4010 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd_max/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatternd_max(%arg0: !torch.vtensor<[4,4,4],f32>, %arg1: !torch.vtensor<[2,1],si64>, %arg2: !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterND"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "max"} : (!torch.vtensor<[4,4,4],f32>, !torch.vtensor<[2,1],si64>, !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> + return %0 : !torch.vtensor<[4,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatternd_max/output_0.bin b/onnx-ops/onnx/node/generated/test_scatternd_max/output_0.bin new file mode 100644 index 0000000..84176ca Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_max/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_max/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatternd_max/run_module_io_flags.txt new file mode 100644 index 0000000..5d729a2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd_max/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4x4x4xf32=@input_0.bin +--input=2x1xi64=@input_1.bin +--input=2x4x4xf32=@input_2.bin +--expected_output=4x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatternd_min/input_0.bin b/onnx-ops/onnx/node/generated/test_scatternd_min/input_0.bin new file mode 100644 index 0000000..dcbaa87 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_min/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_min/input_1.bin b/onnx-ops/onnx/node/generated/test_scatternd_min/input_1.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_min/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_min/input_2.bin b/onnx-ops/onnx/node/generated/test_scatternd_min/input_2.bin new file mode 100644 index 0000000..8f10f60 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_min/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_min/model.mlir b/onnx-ops/onnx/node/generated/test_scatternd_min/model.mlir new file mode 100644 index 0000000..7b9f258 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd_min/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatternd_min(%arg0: !torch.vtensor<[4,4,4],f32>, %arg1: !torch.vtensor<[2,1],si64>, %arg2: !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterND"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "min"} : (!torch.vtensor<[4,4,4],f32>, !torch.vtensor<[2,1],si64>, !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> + return %0 : !torch.vtensor<[4,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatternd_min/output_0.bin b/onnx-ops/onnx/node/generated/test_scatternd_min/output_0.bin new file mode 100644 index 0000000..5d6a0dd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_min/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_min/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatternd_min/run_module_io_flags.txt new file mode 100644 index 0000000..5d729a2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd_min/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4x4x4xf32=@input_0.bin +--input=2x1xi64=@input_1.bin +--input=2x4x4xf32=@input_2.bin +--expected_output=4x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_0.bin b/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_0.bin new file mode 100644 index 0000000..dcbaa87 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_1.bin b/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_1.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_2.bin b/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_2.bin new file mode 100644 index 0000000..8f10f60 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_multiply/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_multiply/model.mlir b/onnx-ops/onnx/node/generated/test_scatternd_multiply/model.mlir new file mode 100644 index 0000000..2e3499d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd_multiply/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_scatternd_multiply(%arg0: !torch.vtensor<[4,4,4],f32>, %arg1: !torch.vtensor<[2,1],si64>, %arg2: !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ScatterND"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "mul"} : (!torch.vtensor<[4,4,4],f32>, !torch.vtensor<[2,1],si64>, !torch.vtensor<[2,4,4],f32>) -> !torch.vtensor<[4,4,4],f32> + return %0 : !torch.vtensor<[4,4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_scatternd_multiply/output_0.bin b/onnx-ops/onnx/node/generated/test_scatternd_multiply/output_0.bin new file mode 100644 index 0000000..26a6526 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_scatternd_multiply/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_scatternd_multiply/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_scatternd_multiply/run_module_io_flags.txt new file mode 100644 index 0000000..5d729a2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_scatternd_multiply/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=4x4x4xf32=@input_0.bin +--input=2x1xi64=@input_1.bin +--input=2x4x4xf32=@input_2.bin +--expected_output=4x4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_0.bin new file mode 100644 index 0000000..e385105 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_1.bin new file mode 100644 index 0000000..405b29d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_2.bin new file mode 100644 index 0000000..fae3f31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/input_2.bin @@ -0,0 +1 @@ +/>>5A?e>be? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/model.mlir new file mode 100644 index 0000000..5ac4c63 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1_mean_weight_negative_ii(%arg0: !torch.vtensor<[3,5,6],f32>, %arg1: !torch.vtensor<[3,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = -1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3,6],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/output_0.bin new file mode 100644 index 0000000..db2fe45 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/output_0.bin @@ -0,0 +1 @@ +(? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/run_module_io_flags.txt new file mode 100644 index 0000000..de5b597 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6xf32=@input_0.bin +--input=3x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_0.bin new file mode 100644 index 0000000..e385105 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_1.bin new file mode 100644 index 0000000..405b29d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_2.bin new file mode 100644 index 0000000..fae3f31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/input_2.bin @@ -0,0 +1 @@ +/>>5A?e>be? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/model.mlir new file mode 100644 index 0000000..7de38a6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_NCd1_mean_weight_negative_ii_expanded(%arg0: !torch.vtensor<[3,5,6],f32>, %arg1: !torch.vtensor<[3,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,6],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,6],f32>) -> !torch.vtensor<[3,6,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,6,5],f32>) -> !torch.vtensor<[3,6,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,6,5],f32>) -> !torch.vtensor<[3,5,6],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,6],f32>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,6],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = -1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3,6],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/output_0.bin new file mode 100644 index 0000000..db2fe45 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/output_0.bin @@ -0,0 +1 @@ +(? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..de5b597 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6xf32=@input_0.bin +--input=3x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_0.bin new file mode 100644 index 0000000..e385105 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_1.bin new file mode 100644 index 0000000..405b29d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_2.bin new file mode 100644 index 0000000..fae3f31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/input_2.bin @@ -0,0 +1 @@ +/>>5A?e>be? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/model.mlir new file mode 100644 index 0000000..025842d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1_mean_weight_negative_ii_log_prob(%arg0: !torch.vtensor<[3,5,6],f32>, %arg1: !torch.vtensor<[3,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,6],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = -1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3,6],si64>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,6],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/output_0.bin new file mode 100644 index 0000000..db2fe45 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/output_0.bin @@ -0,0 +1 @@ +(? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/output_1.bin new file mode 100644 index 0000000..9a09294 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..247e59b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5x6xf32=@input_0.bin +--input=3x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x6xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..e385105 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..405b29d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_2.bin new file mode 100644 index 0000000..fae3f31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/input_2.bin @@ -0,0 +1 @@ +/>>5A?e>be? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/model.mlir new file mode 100644 index 0000000..705ab43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded(%arg0: !torch.vtensor<[3,5,6],f32>, %arg1: !torch.vtensor<[3,6],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,6],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,6],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,6],f32>) -> !torch.vtensor<[3,6,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,6,5],f32>) -> !torch.vtensor<[3,6,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,6,5],f32>) -> !torch.vtensor<[3,5,6],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,6],f32>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,6],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,6],f32>) -> !torch.vtensor<[3,5,6],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = -1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6],f32>, !torch.vtensor<[3,6],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..db2fe45 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +(? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..9a09294 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..247e59b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5x6xf32=@input_0.bin +--input=3x6xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x6xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/input_0.bin new file mode 100644 index 0000000..9eab72c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/input_1.bin new file mode 100644 index 0000000..86ae073 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/model.mlir new file mode 100644 index 0000000..9db140d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1d2d3_none_no_weight_negative_ii(%arg0: !torch.vtensor<[3,5,6,6,5],f32>, %arg1: !torch.vtensor<[3,6,6,5],si64>) -> !torch.vtensor<[3,6,6,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.ignore_index = -5 : si64, torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5],f32>, !torch.vtensor<[3,6,6,5],si64>) -> !torch.vtensor<[3,6,6,5],f32> + return %0 : !torch.vtensor<[3,6,6,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/output_0.bin new file mode 100644 index 0000000..bf6ed07 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/run_module_io_flags.txt new file mode 100644 index 0000000..64eae65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6x5xf32=@input_0.bin +--input=3x6x6x5xi64=@input_1.bin +--expected_output=3x6x6x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/input_0.bin new file mode 100644 index 0000000..9eab72c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/input_1.bin new file mode 100644 index 0000000..86ae073 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/model.mlir new file mode 100644 index 0000000..bc31e51 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded(%arg0: !torch.vtensor<[3,5,6,6,5],f32>, %arg1: !torch.vtensor<[3,6,6,5],si64>) -> !torch.vtensor<[3,6,6,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,6,6,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,180],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,180],f32>) -> !torch.vtensor<[3,180,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,180,5],f32>) -> !torch.vtensor<[3,180,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,180,5],f32>) -> !torch.vtensor<[3,5,180],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,6,6,5],f32>) -> !torch.vtensor<[5],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,180],f32>, !torch.vtensor<[5],si64>) -> !torch.vtensor<[3,5,6,6,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.ignore_index = -5 : si64, torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5],f32>, !torch.vtensor<[3,6,6,5],si64>) -> !torch.vtensor<[3,6,6,5],f32> + return %7 : !torch.vtensor<[3,6,6,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/output_0.bin new file mode 100644 index 0000000..bf6ed07 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..64eae65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6x5xf32=@input_0.bin +--input=3x6x6x5xi64=@input_1.bin +--expected_output=3x6x6x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/input_0.bin new file mode 100644 index 0000000..9eab72c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/input_1.bin new file mode 100644 index 0000000..86ae073 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/model.mlir new file mode 100644 index 0000000..4b4b919 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob(%arg0: !torch.vtensor<[3,5,6,6,5],f32>, %arg1: !torch.vtensor<[3,6,6,5],si64>) -> (!torch.vtensor<[3,6,6,5],f32>, !torch.vtensor<[3,5,6,6,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.ignore_index = -5 : si64, torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5],f32>, !torch.vtensor<[3,6,6,5],si64>) -> (!torch.vtensor<[3,6,6,5],f32>, !torch.vtensor<[3,5,6,6,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[3,6,6,5],f32>, !torch.vtensor<[3,5,6,6,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/output_0.bin new file mode 100644 index 0000000..bf6ed07 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/output_1.bin new file mode 100644 index 0000000..862e124 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..d451f78 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6x5xf32=@input_0.bin +--input=3x6x6x5xi64=@input_1.bin +--expected_output=3x6x6x5xf32=@output_0.bin +--expected_output=3x5x6x6x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..9eab72c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..86ae073 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/model.mlir new file mode 100644 index 0000000..a305074 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded(%arg0: !torch.vtensor<[3,5,6,6,5],f32>, %arg1: !torch.vtensor<[3,6,6,5],si64>) -> (!torch.vtensor<[3,6,6,5],f32>, !torch.vtensor<[3,5,6,6,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,6,6,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,180],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,180],f32>) -> !torch.vtensor<[3,180,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,180,5],f32>) -> !torch.vtensor<[3,180,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,180,5],f32>) -> !torch.vtensor<[3,5,180],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,6,6,5],f32>) -> !torch.vtensor<[5],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,180],f32>, !torch.vtensor<[5],si64>) -> !torch.vtensor<[3,5,6,6,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,6,6,5],f32>) -> !torch.vtensor<[3,5,6,6,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.ignore_index = -5 : si64, torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5],f32>, !torch.vtensor<[3,6,6,5],si64>) -> !torch.vtensor<[3,6,6,5],f32> + return %8, %7 : !torch.vtensor<[3,6,6,5],f32>, !torch.vtensor<[3,5,6,6,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..bf6ed07 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..862e124 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..d451f78 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6x5xf32=@input_0.bin +--input=3x6x6x5xi64=@input_1.bin +--expected_output=3x6x6x5xf32=@output_0.bin +--expected_output=3x5x6x6x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_1.bin new file mode 100644 index 0000000..fb45dae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_2.bin new file mode 100644 index 0000000..2b1b352 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/input_2.bin @@ -0,0 +1,2 @@ +(>u?> +^?|> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/model.mlir new file mode 100644 index 0000000..dbf0cf8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1d2d3_sum_weight_high_ii(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 10 : si64, torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/output_0.bin new file mode 100644 index 0000000..16abf38 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/run_module_io_flags.txt new file mode 100644 index 0000000..394531c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_1.bin new file mode 100644 index 0000000..fb45dae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_2.bin new file mode 100644 index 0000000..2b1b352 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/input_2.bin @@ -0,0 +1,2 @@ +(>u?> +^?|> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/model.mlir new file mode 100644 index 0000000..2320254 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_NCd1d2d3_sum_weight_high_ii_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = 10 : si64, torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/output_0.bin new file mode 100644 index 0000000..16abf38 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..394531c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_1.bin new file mode 100644 index 0000000..fb45dae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_2.bin new file mode 100644 index 0000000..2b1b352 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/input_2.bin @@ -0,0 +1,2 @@ +(>u?> +^?|> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/model.mlir new file mode 100644 index 0000000..378bf67 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1d2d3_sum_weight_high_ii_log_prob(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 10 : si64, torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/output_0.bin new file mode 100644 index 0000000..16abf38 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..46fd226 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..fb45dae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_2.bin new file mode 100644 index 0000000..2b1b352 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/input_2.bin @@ -0,0 +1,2 @@ +(>u?> +^?|> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/model.mlir new file mode 100644 index 0000000..11e7d39 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = 10 : si64, torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..16abf38 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..46fd226 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_2.bin new file mode 100644 index 0000000..d9b136c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/input_2.bin @@ -0,0 +1 @@ + =?@?o>id> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/model.mlir new file mode 100644 index 0000000..1709359 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1d2d3d4d5_mean_weight(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/output_0.bin new file mode 100644 index 0000000..f37ca01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/output_0.bin @@ -0,0 +1 @@ +X? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/run_module_io_flags.txt new file mode 100644 index 0000000..a808790 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_2.bin new file mode 100644 index 0000000..d9b136c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/input_2.bin @@ -0,0 +1 @@ + =?@?o>id> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/model.mlir new file mode 100644 index 0000000..39f4971 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_NCd1d2d3d4d5_mean_weight_expanded(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2160],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2160],f32>) -> !torch.vtensor<[3,2160,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2160,5],f32>) -> !torch.vtensor<[3,2160,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2160,5],f32>) -> !torch.vtensor<[3,5,2160],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>) -> !torch.vtensor<[7],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2160],f32>, !torch.vtensor<[7],si64>) -> !torch.vtensor<[3,5,6,6,5,3,4],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/output_0.bin new file mode 100644 index 0000000..f37ca01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/output_0.bin @@ -0,0 +1 @@ +X? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..a808790 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_2.bin new file mode 100644 index 0000000..d9b136c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/input_2.bin @@ -0,0 +1 @@ + =?@?o>id> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/model.mlir new file mode 100644 index 0000000..81ebf10 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1d2d3d4d5_mean_weight_log_prob(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/output_0.bin new file mode 100644 index 0000000..f37ca01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/output_0.bin @@ -0,0 +1 @@ +X? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/output_1.bin new file mode 100644 index 0000000..84902df Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..1988954 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x6x6x5x3x4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_2.bin new file mode 100644 index 0000000..d9b136c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/input_2.bin @@ -0,0 +1 @@ + =?@?o>id> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/model.mlir new file mode 100644 index 0000000..bdaa3ab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2160],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2160],f32>) -> !torch.vtensor<[3,2160,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2160,5],f32>) -> !torch.vtensor<[3,2160,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2160,5],f32>) -> !torch.vtensor<[3,5,2160],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>) -> !torch.vtensor<[7],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2160],f32>, !torch.vtensor<[7],si64>) -> !torch.vtensor<[3,5,6,6,5,3,4],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>) -> !torch.vtensor<[3,5,6,6,5,3,4],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..f37ca01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +X? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..84902df Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..1988954 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x6x6x5x3x4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/model.mlir new file mode 100644 index 0000000..e786ee7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1d2d3d4d5_none_no_weight(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> + return %0 : !torch.vtensor<[3,6,6,5,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/output_0.bin new file mode 100644 index 0000000..44029a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/run_module_io_flags.txt new file mode 100644 index 0000000..c628854 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--expected_output=3x6x6x5x3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/model.mlir new file mode 100644 index 0000000..749e634 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_NCd1d2d3d4d5_none_no_weight_expanded(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2160],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2160],f32>) -> !torch.vtensor<[3,2160,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2160,5],f32>) -> !torch.vtensor<[3,2160,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2160,5],f32>) -> !torch.vtensor<[3,5,2160],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>) -> !torch.vtensor<[7],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2160],f32>, !torch.vtensor<[7],si64>) -> !torch.vtensor<[3,5,6,6,5,3,4],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> + return %7 : !torch.vtensor<[3,6,6,5,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/output_0.bin new file mode 100644 index 0000000..44029a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..c628854 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--expected_output=3x6x6x5x3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/model.mlir new file mode 100644 index 0000000..fbaba79 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_NCd1d2d3d4d5_none_no_weight_log_prob(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>) -> (!torch.vtensor<[3,6,6,5,3,4],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>) -> (!torch.vtensor<[3,6,6,5,3,4],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32>) + return %0#0, %0#1 : !torch.vtensor<[3,6,6,5,3,4],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/output_0.bin new file mode 100644 index 0000000..44029a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/output_1.bin new file mode 100644 index 0000000..84902df Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..71c60d3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--expected_output=3x6x6x5x3x4xf32=@output_0.bin +--expected_output=3x5x6x6x5x3x4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..c920892 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..eac1a7c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/model.mlir new file mode 100644 index 0000000..e87e26b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded(%arg0: !torch.vtensor<[3,5,6,6,5,3,4],f32>, %arg1: !torch.vtensor<[3,6,6,5,3,4],si64>) -> (!torch.vtensor<[3,6,6,5,3,4],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2160],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2160],f32>) -> !torch.vtensor<[3,2160,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2160,5],f32>) -> !torch.vtensor<[3,2160,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2160,5],f32>) -> !torch.vtensor<[3,5,2160],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>) -> !torch.vtensor<[7],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2160],f32>, !torch.vtensor<[7],si64>) -> !torch.vtensor<[3,5,6,6,5,3,4],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,6,6,5,3,4],f32>) -> !torch.vtensor<[3,5,6,6,5,3,4],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5,6,6,5,3,4],f32>, !torch.vtensor<[3,6,6,5,3,4],si64>) -> !torch.vtensor<[3,6,6,5,3,4],f32> + return %8, %7 : !torch.vtensor<[3,6,6,5,3,4],f32>, !torch.vtensor<[3,5,6,6,5,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..44029a0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..84902df Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..71c60d3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x6x6x5x3x4xf32=@input_0.bin +--input=3x6x6x5x3x4xi64=@input_1.bin +--expected_output=3x6x6x5x3x4xf32=@output_0.bin +--expected_output=3x5x6x6x5x3x4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean/model.mlir new file mode 100644 index 0000000..1e28709 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean/output_0.bin new file mode 100644 index 0000000..8fcfbad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean/output_0.bin @@ -0,0 +1 @@ +u? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean/run_module_io_flags.txt new file mode 100644 index 0000000..2159261 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d/input_1.bin new file mode 100644 index 0000000..2508400 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_3d/model.mlir new file mode 100644 index 0000000..1a183c4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_3d(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d/output_0.bin new file mode 100644 index 0000000..4d19716 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_3d/run_module_io_flags.txt new file mode 100644 index 0000000..b0941ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/input_1.bin new file mode 100644 index 0000000..2508400 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/model.mlir new file mode 100644 index 0000000..a05668f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_3d_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,2,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,2,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,5,2],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/output_0.bin new file mode 100644 index 0000000..4d19716 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b0941ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/input_1.bin new file mode 100644 index 0000000..2508400 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/model.mlir new file mode 100644 index 0000000..dbac4ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_3d_log_prob(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/output_0.bin new file mode 100644 index 0000000..4d19716 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/output_1.bin new file mode 100644 index 0000000..eab848a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..235a27b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..2508400 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/model.mlir new file mode 100644 index 0000000..ae68b7f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_3d_log_prob_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,2,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,2,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,5,2],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,5,2],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..4d19716 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..eab848a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..235a27b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_3d_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/model.mlir new file mode 100644 index 0000000..93567a5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/output_0.bin new file mode 100644 index 0000000..8fcfbad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/output_0.bin @@ -0,0 +1 @@ +u? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..2159261 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/model.mlir new file mode 100644 index 0000000..a9046ec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_log_prob(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/output_0.bin new file mode 100644 index 0000000..8fcfbad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/output_0.bin @@ -0,0 +1 @@ +u? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..650175c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/model.mlir new file mode 100644 index 0000000..f0ffcdc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_log_prob_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..8fcfbad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +u? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..650175c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/input_1.bin new file mode 100644 index 0000000..bdb2136 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/model.mlir new file mode 100644 index 0000000..6e47681 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_no_weight_ii(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/output_0.bin new file mode 100644 index 0000000..fff4e7e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/run_module_io_flags.txt new file mode 100644 index 0000000..2159261 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/input_1.bin new file mode 100644 index 0000000..fc7315d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/model.mlir new file mode 100644 index 0000000..8b0be7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_no_weight_ii_3d(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/output_0.bin new file mode 100644 index 0000000..f176a09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/output_0.bin @@ -0,0 +1 @@ +C? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/run_module_io_flags.txt new file mode 100644 index 0000000..b0941ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/input_1.bin new file mode 100644 index 0000000..fc7315d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/model.mlir new file mode 100644 index 0000000..406a389 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_no_weight_ii_3d_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,2,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,2,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,5,2],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/output_0.bin new file mode 100644 index 0000000..f176a09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/output_0.bin @@ -0,0 +1 @@ +C? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b0941ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/input_1.bin new file mode 100644 index 0000000..fc7315d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/model.mlir new file mode 100644 index 0000000..bec1afa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_no_weight_ii_3d_log_prob(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/output_0.bin new file mode 100644 index 0000000..f176a09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/output_0.bin @@ -0,0 +1 @@ +C? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/output_1.bin new file mode 100644 index 0000000..eab848a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..235a27b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..fc7315d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/model.mlir new file mode 100644 index 0000000..29d90b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_no_weight_ii_3d_log_prob_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,2,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,2,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,5,2],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,5,2],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..f176a09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +C? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..eab848a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..235a27b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_3d_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/input_0.bin new file mode 100644 index 0000000..d5fbe1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/input_1.bin new file mode 100644 index 0000000..fbdd02f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/model.mlir new file mode 100644 index 0000000..242ba6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_no_weight_ii_4d(%arg0: !torch.vtensor<[3,5,2,7],f32>, %arg1: !torch.vtensor<[3,2,7],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3,2,7],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/output_0.bin new file mode 100644 index 0000000..6dfc1c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/output_0.bin @@ -0,0 +1 @@ +h? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/run_module_io_flags.txt new file mode 100644 index 0000000..b60a7b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2x7xf32=@input_0.bin +--input=3x2x7xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/input_0.bin new file mode 100644 index 0000000..d5fbe1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/input_1.bin new file mode 100644 index 0000000..fbdd02f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/model.mlir new file mode 100644 index 0000000..401c784 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_no_weight_ii_4d_expanded(%arg0: !torch.vtensor<[3,5,2,7],f32>, %arg1: !torch.vtensor<[3,2,7],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,14],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,14],f32>) -> !torch.vtensor<[3,14,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,14,5],f32>) -> !torch.vtensor<[3,14,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,14,5],f32>) -> !torch.vtensor<[3,5,14],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2,7],f32>) -> !torch.vtensor<[4],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,14],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[3,5,2,7],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3,2,7],si64>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/output_0.bin new file mode 100644 index 0000000..6dfc1c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/output_0.bin @@ -0,0 +1 @@ +h? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..b60a7b5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5x2x7xf32=@input_0.bin +--input=3x2x7xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/input_0.bin new file mode 100644 index 0000000..d5fbe1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/input_1.bin new file mode 100644 index 0000000..fbdd02f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/model.mlir new file mode 100644 index 0000000..14081da --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_no_weight_ii_4d_log_prob(%arg0: !torch.vtensor<[3,5,2,7],f32>, %arg1: !torch.vtensor<[3,2,7],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3,2,7],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/output_0.bin new file mode 100644 index 0000000..6dfc1c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/output_0.bin @@ -0,0 +1 @@ +h? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/output_1.bin new file mode 100644 index 0000000..7b84f32 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..c013ab2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2x7xf32=@input_0.bin +--input=3x2x7xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2x7xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..d5fbe1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..fbdd02f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/model.mlir new file mode 100644 index 0000000..64540aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_no_weight_ii_4d_log_prob_expanded(%arg0: !torch.vtensor<[3,5,2,7],f32>, %arg1: !torch.vtensor<[3,2,7],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,14],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,14],f32>) -> !torch.vtensor<[3,14,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,14,5],f32>) -> !torch.vtensor<[3,14,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,14,5],f32>) -> !torch.vtensor<[3,5,14],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2,7],f32>) -> !torch.vtensor<[4],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,14],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[3,5,2,7],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,2,7],f32>) -> !torch.vtensor<[3,5,2,7],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3,2,7],si64>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..6dfc1c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +h? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..7b84f32 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..c013ab2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_4d_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2x7xf32=@input_0.bin +--input=3x2x7xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2x7xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/input_1.bin new file mode 100644 index 0000000..bdb2136 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/model.mlir new file mode 100644 index 0000000..f85040d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_no_weight_ii_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/output_0.bin new file mode 100644 index 0000000..fff4e7e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..2159261 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/input_1.bin new file mode 100644 index 0000000..bdb2136 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/model.mlir new file mode 100644 index 0000000..ab81219 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_no_weight_ii_log_prob(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/output_0.bin new file mode 100644 index 0000000..fff4e7e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..650175c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..bdb2136 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/model.mlir new file mode 100644 index 0000000..5964d3c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_no_weight_ii_log_prob_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..fff4e7e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..650175c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_no_weight_ii_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight/model.mlir new file mode 100644 index 0000000..cb6ab51 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_weight(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight/output_0.bin new file mode 100644 index 0000000..0a75cc7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight/run_module_io_flags.txt new file mode 100644 index 0000000..394531c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/model.mlir new file mode 100644 index 0000000..811c29c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_weight_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/output_0.bin new file mode 100644 index 0000000..0a75cc7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..394531c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_1.bin new file mode 100644 index 0000000..6f72009 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/model.mlir new file mode 100644 index 0000000..d205a96 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_weight_ii(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 0 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/output_0.bin new file mode 100644 index 0000000..50dc7fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/run_module_io_flags.txt new file mode 100644 index 0000000..394531c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_1.bin new file mode 100644 index 0000000..5b1dcfa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_2.bin new file mode 100644 index 0000000..59e9bc3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/model.mlir new file mode 100644 index 0000000..2c133ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_weight_ii_3d(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/output_0.bin new file mode 100644 index 0000000..52b2b47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/output_0.bin @@ -0,0 +1 @@ +A? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/run_module_io_flags.txt new file mode 100644 index 0000000..015c4c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_1.bin new file mode 100644 index 0000000..5b1dcfa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_2.bin new file mode 100644 index 0000000..59e9bc3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/model.mlir new file mode 100644 index 0000000..3245b8d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_weight_ii_3d_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,2,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,2,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,5,2],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = 1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/output_0.bin new file mode 100644 index 0000000..52b2b47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/output_0.bin @@ -0,0 +1 @@ +A? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..015c4c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_1.bin new file mode 100644 index 0000000..5b1dcfa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_2.bin new file mode 100644 index 0000000..59e9bc3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/model.mlir new file mode 100644 index 0000000..b486115 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_weight_ii_3d_log_prob(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/output_0.bin new file mode 100644 index 0000000..52b2b47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/output_0.bin @@ -0,0 +1 @@ +A? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/output_1.bin new file mode 100644 index 0000000..eab848a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..66aa4e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..8c9b82f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..5b1dcfa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_2.bin new file mode 100644 index 0000000..59e9bc3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/model.mlir new file mode 100644 index 0000000..6c6a3df --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_weight_ii_3d_log_prob_expanded(%arg0: !torch.vtensor<[3,5,2],f32>, %arg1: !torch.vtensor<[3,2],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,2,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,2,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,2,5],f32>) -> !torch.vtensor<[3,5,2],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,2],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,2],f32>) -> !torch.vtensor<[3,5,2],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = 1 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2],f32>, !torch.vtensor<[3,2],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..52b2b47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +A? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..eab848a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..66aa4e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_3d_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5x2xf32=@input_0.bin +--input=3x2xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_0.bin new file mode 100644 index 0000000..d5fbe1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_1.bin new file mode 100644 index 0000000..fbdd02f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_2.bin new file mode 100644 index 0000000..59e9bc3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/model.mlir new file mode 100644 index 0000000..d131860 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_weight_ii_4d(%arg0: !torch.vtensor<[3,5,2,7],f32>, %arg1: !torch.vtensor<[3,2,7],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3,2,7],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/output_0.bin new file mode 100644 index 0000000..370cc93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/output_0.bin @@ -0,0 +1 @@ ++? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/run_module_io_flags.txt new file mode 100644 index 0000000..ae9de92 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2x7xf32=@input_0.bin +--input=3x2x7xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_0.bin new file mode 100644 index 0000000..d5fbe1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_1.bin new file mode 100644 index 0000000..fbdd02f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_2.bin new file mode 100644 index 0000000..59e9bc3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/model.mlir new file mode 100644 index 0000000..277fe9a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_weight_ii_4d_expanded(%arg0: !torch.vtensor<[3,5,2,7],f32>, %arg1: !torch.vtensor<[3,2,7],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,14],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,14],f32>) -> !torch.vtensor<[3,14,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,14,5],f32>) -> !torch.vtensor<[3,14,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,14,5],f32>) -> !torch.vtensor<[3,5,14],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2,7],f32>) -> !torch.vtensor<[4],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,14],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[3,5,2,7],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3,2,7],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/output_0.bin new file mode 100644 index 0000000..370cc93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/output_0.bin @@ -0,0 +1 @@ ++? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..ae9de92 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5x2x7xf32=@input_0.bin +--input=3x2x7xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_0.bin new file mode 100644 index 0000000..d5fbe1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_1.bin new file mode 100644 index 0000000..fbdd02f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_2.bin new file mode 100644 index 0000000..59e9bc3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/model.mlir new file mode 100644 index 0000000..ff2c038 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_weight_ii_4d_log_prob(%arg0: !torch.vtensor<[3,5,2,7],f32>, %arg1: !torch.vtensor<[3,2,7],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3,2,7],si64>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/output_0.bin new file mode 100644 index 0000000..370cc93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/output_0.bin @@ -0,0 +1 @@ ++? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/output_1.bin new file mode 100644 index 0000000..7b84f32 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..8e19e01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5x2x7xf32=@input_0.bin +--input=3x2x7xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2x7xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..d5fbe1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..fbdd02f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_2.bin new file mode 100644 index 0000000..59e9bc3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/model.mlir new file mode 100644 index 0000000..2943fd2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_weight_ii_4d_log_prob_expanded(%arg0: !torch.vtensor<[3,5,2,7],f32>, %arg1: !torch.vtensor<[3,2,7],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,14],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,14],f32>) -> !torch.vtensor<[3,14,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,14,5],f32>) -> !torch.vtensor<[3,14,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,14,5],f32>) -> !torch.vtensor<[3,5,14],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5,2,7],f32>) -> !torch.vtensor<[4],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,14],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[3,5,2,7],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5,2,7],f32>) -> !torch.vtensor<[3,5,2,7],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = 2 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5,2,7],f32>, !torch.vtensor<[3,2,7],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5,2,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..370cc93 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ ++? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..7b84f32 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8e19e01 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_4d_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5x2x7xf32=@input_0.bin +--input=3x2x7xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5x2x7xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_1.bin new file mode 100644 index 0000000..6f72009 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/model.mlir new file mode 100644 index 0000000..e04187d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_mean_weight_ii_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = 0 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/output_0.bin new file mode 100644 index 0000000..50dc7fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..394531c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_1.bin new file mode 100644 index 0000000..6f72009 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/model.mlir new file mode 100644 index 0000000..f2b1677 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_weight_ii_log_prob(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.ignore_index = 0 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/output_0.bin new file mode 100644 index 0000000..50dc7fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..46fd226 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..6f72009 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/model.mlir new file mode 100644 index 0000000..f7e9a21 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_weight_ii_log_prob_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.ignore_index = 0 : si64, torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..50dc7fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..46fd226 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_ii_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/model.mlir new file mode 100644 index 0000000..638ad75 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_mean_weight_log_prob(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/output_0.bin new file mode 100644 index 0000000..0a75cc7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..46fd226 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/model.mlir new file mode 100644 index 0000000..8aab8b1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_mean_weight_log_prob_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.reduction = "mean"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..0a75cc7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..46fd226 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_mean_weight_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_none/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_none/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_none/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_none/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_none/model.mlir b/onnx-ops/onnx/node/generated/test_sce_none/model.mlir new file mode 100644 index 0000000..fbed10e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_none(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_none/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_none/output_0.bin new file mode 100644 index 0000000..b8f52c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none/output_0.bin @@ -0,0 +1 @@ +?_t?^? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_none/run_module_io_flags.txt new file mode 100644 index 0000000..bf08370 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_none_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_none_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_none_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_none_expanded/model.mlir new file mode 100644 index 0000000..cc866c2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_none_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> + return %7 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_none_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_expanded/output_0.bin new file mode 100644 index 0000000..b8f52c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_expanded/output_0.bin @@ -0,0 +1 @@ +?_t?^? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_none_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..bf08370 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/model.mlir new file mode 100644 index 0000000..d79dc8a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_none_log_prob(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> (!torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/output_0.bin new file mode 100644 index 0000000..b8f52c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/output_0.bin @@ -0,0 +1 @@ +?_t?^? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..ff810fb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/model.mlir new file mode 100644 index 0000000..570a7d0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_none_log_prob_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3],f32> + return %8, %7 : !torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..b8f52c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +?_t?^? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..ff810fb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3xf32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_none_weights/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights/model.mlir b/onnx-ops/onnx/node/generated/test_sce_none_weights/model.mlir new file mode 100644 index 0000000..d841e74 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_none_weights(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights/output_0.bin new file mode 100644 index 0000000..4d19324 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights/output_0.bin @@ -0,0 +1 @@ +qU??ٕ? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_none_weights/run_module_io_flags.txt new file mode 100644 index 0000000..0f264b9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/model.mlir new file mode 100644 index 0000000..7692278 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_none_weights_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3],f32> + return %7 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/output_0.bin new file mode 100644 index 0000000..4d19324 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/output_0.bin @@ -0,0 +1 @@ +qU??ٕ? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..0f264b9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/model.mlir new file mode 100644 index 0000000..429aeeb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_none_weights_log_prob(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1, %arg2) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> (!torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/output_0.bin new file mode 100644 index 0000000..4d19324 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/output_0.bin @@ -0,0 +1 @@ +qU??ٕ? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..8f0a655 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=3xf32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_2.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_2.bin new file mode 100644 index 0000000..9d13d17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/input_2.bin @@ -0,0 +1 @@ +fff?333?L?fff?fff? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/model.mlir new file mode 100644 index 0000000..3ebb3d0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_none_weights_log_prob_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[5],f32>) -> (!torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1, %arg2) {torch.onnx.reduction = "none"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3],f32> + return %8, %7 : !torch.vtensor<[3],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..4d19324 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +qU??ٕ? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..8f0a655 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_none_weights_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=5xf32=@input_2.bin +--expected_output=3xf32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_sum/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_sum/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_sum/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_sum/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_sum/model.mlir b/onnx-ops/onnx/node/generated/test_sce_sum/model.mlir new file mode 100644 index 0000000..13993d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_sum(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %0 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_sum/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_sum/output_0.bin new file mode 100644 index 0000000..0cd1b03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_sum/run_module_io_flags.txt new file mode 100644 index 0000000..2159261 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/model.mlir new file mode 100644 index 0000000..b9a1cac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/model.mlir @@ -0,0 +1,15 @@ +module { + func.func @test_sce_sum_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %7 : !torch.vtensor<[],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/output_0.bin new file mode 100644 index 0000000..0cd1b03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..2159261 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_expanded/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/model.mlir b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/model.mlir new file mode 100644 index 0000000..0052095 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sce_sum_log_prob(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.SoftmaxCrossEntropyLoss"(%arg0, %arg1) {torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) + return %0#0, %0#1 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/output_0.bin new file mode 100644 index 0000000..0cd1b03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/run_module_io_flags.txt new file mode 100644 index 0000000..650175c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/input_0.bin new file mode 100644 index 0000000..23c32eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/input_1.bin b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/input_1.bin new file mode 100644 index 0000000..4a96be3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/model.mlir new file mode 100644 index 0000000..586cfac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/model.mlir @@ -0,0 +1,16 @@ +module { + func.func @test_sce_sum_log_prob_expanded(%arg0: !torch.vtensor<[3,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0, 0, -1]> : tensor<3xsi64>} : () -> !torch.vtensor<[3],si64> + %1 = torch.operator "onnx.Reshape"(%arg0, %0) : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,5,1],f32> + %2 = torch.operator "onnx.Transpose"(%1) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,5,1],f32>) -> !torch.vtensor<[3,1,5],f32> + %3 = torch.operator "onnx.LogSoftmax"(%2) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %4 = torch.operator "onnx.Transpose"(%3) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,5,1],f32> + %5 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[2],si64> + %6 = torch.operator "onnx.Reshape"(%4, %5) : (!torch.vtensor<[3,5,1],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,5],f32> + %7 = torch.operator "onnx.Identity"(%6) : (!torch.vtensor<[3,5],f32>) -> !torch.vtensor<[3,5],f32> + %8 = torch.operator "onnx.NegativeLogLikelihoodLoss"(%6, %arg1) {torch.onnx.reduction = "sum"} : (!torch.vtensor<[3,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[],f32> + return %8, %7 : !torch.vtensor<[],f32>, !torch.vtensor<[3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/output_0.bin new file mode 100644 index 0000000..0cd1b03 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/output_0.bin @@ -0,0 +1 @@ +@ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/output_1.bin b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/output_1.bin new file mode 100644 index 0000000..6b6387f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/output_1.bin @@ -0,0 +1 @@ +pпʿ:kѿSӿ]c/_t~FٿCԿ^ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..650175c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sce_sum_log_prob_expanded/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=f32=@output_0.bin +--expected_output=3x5xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_selu/input_0.bin b/onnx-ops/onnx/node/generated/test_selu/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_selu/model.mlir b/onnx-ops/onnx/node/generated/test_selu/model.mlir new file mode 100644 index 0000000..7950ca9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_selu(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Selu"(%arg0) {torch.onnx.alpha = 2.000000e+00 : f32, torch.onnx.gamma = 3.000000e+00 : f32} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_selu/output_0.bin b/onnx-ops/onnx/node/generated/test_selu/output_0.bin new file mode 100644 index 0000000..c10adf2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu/output_0.bin @@ -0,0 +1,2 @@ +ZY@?;@0 @I@|oj6@Wz?<@>:@@>q?!?}n@.sop?%\ R?%@:/I~@( >%@@>6?ja!&>?7l@`f@;\ȿmy|$BF@XT6%5G@Xř,*c?d. +*z?EWL>fLh?]4 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_selu/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_selu/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_selu_default/input_0.bin b/onnx-ops/onnx/node/generated/test_selu_default/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_selu_default/model.mlir b/onnx-ops/onnx/node/generated/test_selu_default/model.mlir new file mode 100644 index 0000000..1b7a79b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_selu_default(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Selu"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_selu_default/output_0.bin b/onnx-ops/onnx/node/generated/test_selu_default/output_0.bin new file mode 100644 index 0000000..374c6e8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_default/output_0.bin @@ -0,0 +1 @@ +7??D>V?E@*?Y?C|C0>>?L?>>ʀ>4?j>>ϿZ/?h?1k@zD=$??&>o>Tk?7(>"v?.?N꾂,.-@Y3!Q?: >#>4qHl>V"=>fSk \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_selu_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_selu_default/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/model.mlir new file mode 100644 index 0000000..074d99a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_selu_default_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.67326319 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.05070102 : f32} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %7 = torch.operator "onnx.Mul"(%1, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %8 = torch.operator "onnx.Sub"(%7, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %9 = torch.operator "onnx.Mul"(%3, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %10 = torch.operator "onnx.Mul"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %11 = torch.operator "onnx.Less"(%arg0, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %12 = torch.operator "onnx.Where"(%11, %9, %10) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %12 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/output_0.bin new file mode 100644 index 0000000..374c6e8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +7??D>V?E@*?Y?C|C0>>?L?>>ʀ>4?j>>ϿZ/?h?1k@zD=$??&>o>Tk?7(>"v?.?N꾂,.-@Y3!Q?: >#>4qHl>V"=>fSk \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_default_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_selu_example/input_0.bin b/onnx-ops/onnx/node/generated/test_selu_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_selu_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_selu_example/model.mlir b/onnx-ops/onnx/node/generated/test_selu_example/model.mlir new file mode 100644 index 0000000..b25b7a3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_selu_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Selu"(%arg0) {torch.onnx.alpha = 2.000000e+00 : f32, torch.onnx.gamma = 3.000000e+00 : f32} : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_selu_example/output_0.bin b/onnx-ops/onnx/node/generated/test_selu_example/output_0.bin new file mode 100644 index 0000000..dc55586 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_selu_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_selu_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_selu_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/model.mlir new file mode 100644 index 0000000..8922e09 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_selu_example_expanded_ver18(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 2.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 3.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %7 = torch.operator "onnx.Mul"(%1, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %8 = torch.operator "onnx.Sub"(%7, %1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + %9 = torch.operator "onnx.Mul"(%3, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %10 = torch.operator "onnx.Mul"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %11 = torch.operator "onnx.Less"(%arg0, %5) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],i1> + %12 = torch.operator "onnx.Where"(%11, %9, %10) : (!torch.vtensor<[3],i1>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %12 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/output_0.bin new file mode 100644 index 0000000..dc55586 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_example_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/model.mlir new file mode 100644 index 0000000..76fb884 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_selu_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 2.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 3.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %7 = torch.operator "onnx.Mul"(%1, %6) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %8 = torch.operator "onnx.Sub"(%7, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %9 = torch.operator "onnx.Mul"(%3, %8) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %10 = torch.operator "onnx.Mul"(%3, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %11 = torch.operator "onnx.Less"(%arg0, %5) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],i1> + %12 = torch.operator "onnx.Where"(%11, %9, %10) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %12 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/output_0.bin new file mode 100644 index 0000000..c10adf2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/output_0.bin @@ -0,0 +1,2 @@ +ZY@?;@0 @I@|oj6@Wz?<@>:@@>q?!?}n@.sop?%\ R?%@:/I~@( >%@@>6?ja!&>?7l@`f@;\ȿmy|$BF@XT6%5G@Xř,*c?d. +*z?EWL>fLh?]4 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_selu_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape/input_0.bin b/onnx-ops/onnx/node/generated/test_shape/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape/model.mlir b/onnx-ops/onnx/node/generated/test_shape/model.mlir new file mode 100644 index 0000000..7298683 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3],si64> + return %0 : !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape/output_0.bin b/onnx-ops/onnx/node/generated/test_shape/output_0.bin new file mode 100644 index 0000000..b235599 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape/run_module_io_flags.txt new file mode 100644 index 0000000..0ea4a2b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_clip_end/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_clip_end/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_clip_end/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape_clip_end/model.mlir b/onnx-ops/onnx/node/generated/test_shape_clip_end/model.mlir new file mode 100644 index 0000000..1ca5eab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_clip_end/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_clip_end(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = 10 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3],si64> + return %0 : !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_clip_end/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_clip_end/output_0.bin new file mode 100644 index 0000000..b235599 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_clip_end/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_clip_end/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_clip_end/run_module_io_flags.txt new file mode 100644 index 0000000..0ea4a2b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_clip_end/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_clip_start/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_clip_start/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_clip_start/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape_clip_start/model.mlir b/onnx-ops/onnx/node/generated/test_shape_clip_start/model.mlir new file mode 100644 index 0000000..b7c7fec --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_clip_start/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_clip_start(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.start = -10 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3],si64> + return %0 : !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_clip_start/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_clip_start/output_0.bin new file mode 100644 index 0000000..b235599 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_clip_start/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_clip_start/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_clip_start/run_module_io_flags.txt new file mode 100644 index 0000000..0ea4a2b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_clip_start/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_end_1/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_end_1/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_end_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape_end_1/model.mlir b/onnx-ops/onnx/node/generated/test_shape_end_1/model.mlir new file mode 100644 index 0000000..fe6994e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_end_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_end_1(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1],si64> + return %0 : !torch.vtensor<[1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_end_1/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_end_1/output_0.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_end_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_end_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_end_1/run_module_io_flags.txt new file mode 100644 index 0000000..29db833 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_end_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_end_negative_1/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_end_negative_1/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_end_negative_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape_end_negative_1/model.mlir b/onnx-ops/onnx/node/generated/test_shape_end_negative_1/model.mlir new file mode 100644 index 0000000..7390fbc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_end_negative_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_end_negative_1(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[2],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = -1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[2],si64> + return %0 : !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_end_negative_1/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_end_negative_1/output_0.bin new file mode 100644 index 0000000..189b535 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_end_negative_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_end_negative_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_end_negative_1/run_module_io_flags.txt new file mode 100644 index 0000000..a9be998 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_end_negative_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_example/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_example/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_example/model.mlir b/onnx-ops/onnx/node/generated/test_shape_example/model.mlir new file mode 100644 index 0000000..64e179c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_example(%arg0: !torch.vtensor<[2,3],f32>) -> !torch.vtensor<[2],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) : (!torch.vtensor<[2,3],f32>) -> !torch.vtensor<[2],si64> + return %0 : !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_example/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_example/output_0.bin new file mode 100644 index 0000000..7569f5f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_example/run_module_io_flags.txt new file mode 100644 index 0000000..92599f7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3xf32=@input_0.bin +--expected_output=2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_start_1/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1/model.mlir b/onnx-ops/onnx/node/generated/test_shape_start_1/model.mlir new file mode 100644 index 0000000..637b325 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_start_1(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[2],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.start = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[2],si64> + return %0 : !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_start_1/output_0.bin new file mode 100644 index 0000000..365380f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_start_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_start_1/run_module_io_flags.txt new file mode 100644 index 0000000..a9be998 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/model.mlir b/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/model.mlir new file mode 100644 index 0000000..5b1894c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_start_1_end_2(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = 2 : si64, torch.onnx.start = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1],si64> + return %0 : !torch.vtensor<[1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/output_0.bin new file mode 100644 index 0000000..f1dba9d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/run_module_io_flags.txt new file mode 100644 index 0000000..29db833 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1_end_2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/model.mlir b/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/model.mlir new file mode 100644 index 0000000..e049f79 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_start_1_end_negative_1(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.end = -1 : si64, torch.onnx.start = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1],si64> + return %0 : !torch.vtensor<[1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/output_0.bin new file mode 100644 index 0000000..f1dba9d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/run_module_io_flags.txt new file mode 100644 index 0000000..29db833 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_1_end_negative_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shape_start_negative_1/input_0.bin b/onnx-ops/onnx/node/generated/test_shape_start_negative_1/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_negative_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_shape_start_negative_1/model.mlir b/onnx-ops/onnx/node/generated/test_shape_start_negative_1/model.mlir new file mode 100644 index 0000000..42cf0aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_negative_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shape_start_negative_1(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shape"(%arg0) {torch.onnx.start = -1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1],si64> + return %0 : !torch.vtensor<[1],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shape_start_negative_1/output_0.bin b/onnx-ops/onnx/node/generated/test_shape_start_negative_1/output_0.bin new file mode 100644 index 0000000..8f9d128 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shape_start_negative_1/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shape_start_negative_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shape_start_negative_1/run_module_io_flags.txt new file mode 100644 index 0000000..29db833 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shape_start_negative_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=1xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shrink_hard/input_0.bin b/onnx-ops/onnx/node/generated/test_shrink_hard/input_0.bin new file mode 100644 index 0000000..95ed675 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shrink_hard/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shrink_hard/model.mlir b/onnx-ops/onnx/node/generated/test_shrink_hard/model.mlir new file mode 100644 index 0000000..1dc1e47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shrink_hard/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shrink_hard(%arg0: !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shrink"(%arg0) {torch.onnx.lambd = 1.500000e+00 : f32} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shrink_hard/output_0.bin b/onnx-ops/onnx/node/generated/test_shrink_hard/output_0.bin new file mode 100644 index 0000000..2e4853f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shrink_hard/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shrink_hard/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shrink_hard/run_module_io_flags.txt new file mode 100644 index 0000000..2eb8437 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shrink_hard/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5xf32=@input_0.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/input_0.bin new file mode 100644 index 0000000..95ed675 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/model.mlir new file mode 100644 index 0000000..4e2c543 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_shrink_hard_expanded_ver18(%arg0: !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.500000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 0.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Neg"(%1) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Less"(%arg0, %6) : (!torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],i1> + %8 = torch.operator "onnx.Add"(%arg0, %3) : (!torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + %9 = torch.operator "onnx.Sub"(%arg0, %3) : (!torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + %10 = torch.operator "onnx.Less"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],i1> + %11 = torch.operator "onnx.Where"(%10, %9, %5) : (!torch.vtensor<[5],i1>, !torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + %12 = torch.operator "onnx.Where"(%7, %8, %11) : (!torch.vtensor<[5],i1>, !torch.vtensor<[5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> + return %12 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/output_0.bin new file mode 100644 index 0000000..2e4853f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..2eb8437 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shrink_hard_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5xf32=@input_0.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shrink_soft/input_0.bin b/onnx-ops/onnx/node/generated/test_shrink_soft/input_0.bin new file mode 100644 index 0000000..95ed675 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shrink_soft/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shrink_soft/model.mlir b/onnx-ops/onnx/node/generated/test_shrink_soft/model.mlir new file mode 100644 index 0000000..e44b4bb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shrink_soft/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_shrink_soft(%arg0: !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Shrink"(%arg0) {torch.onnx.bias = 1.500000e+00 : f32, torch.onnx.lambd = 1.500000e+00 : f32} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shrink_soft/output_0.bin b/onnx-ops/onnx/node/generated/test_shrink_soft/output_0.bin new file mode 100644 index 0000000..c783e83 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shrink_soft/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shrink_soft/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shrink_soft/run_module_io_flags.txt new file mode 100644 index 0000000..2eb8437 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shrink_soft/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5xf32=@input_0.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/input_0.bin new file mode 100644 index 0000000..95ed675 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/model.mlir new file mode 100644 index 0000000..bc1fe3d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/model.mlir @@ -0,0 +1,20 @@ +module { + func.func @test_shrink_soft_expanded_ver18(%arg0: !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.500000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.500000e+00 : f32} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %5 = torch.operator "onnx.CastLike"(%4, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + %6 = torch.operator "onnx.Neg"(%1) : (!torch.vtensor<[],f32>) -> !torch.vtensor<[],f32> + %7 = torch.operator "onnx.Less"(%arg0, %6) : (!torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],i1> + %8 = torch.operator "onnx.Add"(%arg0, %3) : (!torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + %9 = torch.operator "onnx.Sub"(%arg0, %3) : (!torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + %10 = torch.operator "onnx.Less"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],i1> + %11 = torch.operator "onnx.Where"(%10, %9, %5) : (!torch.vtensor<[5],i1>, !torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + %12 = torch.operator "onnx.Where"(%7, %8, %11) : (!torch.vtensor<[5],i1>, !torch.vtensor<[5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> + return %12 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/output_0.bin new file mode 100644 index 0000000..c783e83 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..2eb8437 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_shrink_soft_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5xf32=@input_0.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sigmoid/input_0.bin b/onnx-ops/onnx/node/generated/test_sigmoid/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sigmoid/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sigmoid/model.mlir b/onnx-ops/onnx/node/generated/test_sigmoid/model.mlir new file mode 100644 index 0000000..62c3ccb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sigmoid/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sigmoid(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sigmoid"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sigmoid/output_0.bin b/onnx-ops/onnx/node/generated/test_sigmoid/output_0.bin new file mode 100644 index 0000000..93c955c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sigmoid/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sigmoid/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sigmoid/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sigmoid/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sigmoid_example/input_0.bin b/onnx-ops/onnx/node/generated/test_sigmoid_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sigmoid_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sigmoid_example/model.mlir b/onnx-ops/onnx/node/generated/test_sigmoid_example/model.mlir new file mode 100644 index 0000000..ef76e28 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sigmoid_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sigmoid_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sigmoid"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sigmoid_example/output_0.bin b/onnx-ops/onnx/node/generated/test_sigmoid_example/output_0.bin new file mode 100644 index 0000000..4148655 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sigmoid_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sigmoid_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sigmoid_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sigmoid_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sign/input_0.bin b/onnx-ops/onnx/node/generated/test_sign/input_0.bin new file mode 100644 index 0000000..1104b5d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sign/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sign/model.mlir b/onnx-ops/onnx/node/generated/test_sign/model.mlir new file mode 100644 index 0000000..c25517a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sign/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sign(%arg0: !torch.vtensor<[11],f32>) -> !torch.vtensor<[11],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sign"(%arg0) : (!torch.vtensor<[11],f32>) -> !torch.vtensor<[11],f32> + return %0 : !torch.vtensor<[11],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sign/output_0.bin b/onnx-ops/onnx/node/generated/test_sign/output_0.bin new file mode 100644 index 0000000..0eaf062 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sign/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sign/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sign/run_module_io_flags.txt new file mode 100644 index 0000000..cd56057 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sign/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=11xf32=@input_0.bin +--expected_output=11xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_0.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_1.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_1.bin new file mode 100644 index 0000000..728f53e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_2.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_2.bin new file mode 100644 index 0000000..1570ca1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/model.mlir b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/model.mlir new file mode 100644 index 0000000..b8fffe4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_simple_rnn_batchwise(%arg0: !torch.vtensor<[3,1,2],f32>, %arg1: !torch.vtensor<[1,4,2],f32>, %arg2: !torch.vtensor<[1,4,4],f32>) -> (!torch.vtensor<[3,1,1,4],f32>, !torch.vtensor<[3,1,4],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.RNN"(%arg0, %arg1, %arg2) {torch.onnx.hidden_size = 4 : si64, torch.onnx.layout = 1 : si64} : (!torch.vtensor<[3,1,2],f32>, !torch.vtensor<[1,4,2],f32>, !torch.vtensor<[1,4,4],f32>) -> (!torch.vtensor<[3,1,1,4],f32>, !torch.vtensor<[3,1,4],f32>) + return %0#0, %0#1 : !torch.vtensor<[3,1,1,4],f32>, !torch.vtensor<[3,1,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/output_0.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/output_0.bin new file mode 100644 index 0000000..4234d1f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/output_0.bin @@ -0,0 +1 @@ +˷g?˷g?˷g?˷g????????? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/output_1.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/output_1.bin new file mode 100644 index 0000000..4234d1f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/output_1.bin @@ -0,0 +1 @@ +˷g?˷g?˷g?˷g????????? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/run_module_io_flags.txt new file mode 100644 index 0000000..98fbac3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_batchwise/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x1x2xf32=@input_0.bin +--input=1x4x2xf32=@input_1.bin +--input=1x4x4xf32=@input_2.bin +--expected_output=3x1x1x4xf32=@output_0.bin +--expected_output=3x1x4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_0.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_1.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_1.bin new file mode 100644 index 0000000..919150c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_1.bin @@ -0,0 +1 @@ +======== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_2.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_2.bin new file mode 100644 index 0000000..6fd6bab --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/input_2.bin @@ -0,0 +1 @@ +================ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/model.mlir b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/model.mlir new file mode 100644 index 0000000..6aa6063 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_simple_rnn_defaults(%arg0: !torch.vtensor<[1,3,2],f32>, %arg1: !torch.vtensor<[1,4,2],f32>, %arg2: !torch.vtensor<[1,4,4],f32>) -> !torch.vtensor<[1,3,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.RNN"(%arg0, %arg1, %arg2) {torch.onnx.hidden_size = 4 : si64} : (!torch.vtensor<[1,3,2],f32>, !torch.vtensor<[1,4,2],f32>, !torch.vtensor<[1,4,4],f32>) -> (!torch.none, !torch.vtensor<[1,3,4],f32>) + return %0#1 : !torch.vtensor<[1,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/output_0.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/output_0.bin new file mode 100644 index 0000000..ead727f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/output_0.bin @@ -0,0 +1 @@ +&>&>&>&>ٷ?ٷ?ٷ?ٷ?L?L?L?L? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/run_module_io_flags.txt new file mode 100644 index 0000000..0c5f82a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_defaults/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x3x2xf32=@input_0.bin +--input=1x4x2xf32=@input_1.bin +--input=1x4x4xf32=@input_2.bin +--expected_output=1x3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_0.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_0.bin new file mode 100644 index 0000000..1520f40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_1.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_1.bin new file mode 100644 index 0000000..81f3d3f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_1.bin @@ -0,0 +1 @@ +=============== \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_2.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_2.bin new file mode 100644 index 0000000..833810c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_2.bin @@ -0,0 +1 @@ +========================= \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_3.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_3.bin new file mode 100644 index 0000000..b58fa78 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/model.mlir b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/model.mlir new file mode 100644 index 0000000..240b113 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_simple_rnn_with_initial_bias(%arg0: !torch.vtensor<[1,3,3],f32>, %arg1: !torch.vtensor<[1,5,3],f32>, %arg2: !torch.vtensor<[1,5,5],f32>, %arg3: !torch.vtensor<[1,10],f32>) -> !torch.vtensor<[1,3,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.RNN"(%arg0, %arg1, %arg2, %arg3) {torch.onnx.hidden_size = 5 : si64} : (!torch.vtensor<[1,3,3],f32>, !torch.vtensor<[1,5,3],f32>, !torch.vtensor<[1,5,5],f32>, !torch.vtensor<[1,10],f32>) -> (!torch.none, !torch.vtensor<[1,3,5],f32>) + return %0#1 : !torch.vtensor<[1,3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/output_0.bin b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/output_0.bin new file mode 100644 index 0000000..37a035a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/output_0.bin @@ -0,0 +1 @@ +ٷ?ٷ?ٷ?ٷ?ٷ?xk?xk?xk?xk?xk?|?|?|?|?|? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/run_module_io_flags.txt new file mode 100644 index 0000000..7ee1a9e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_simple_rnn_with_initial_bias/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=1x3x3xf32=@input_0.bin +--input=1x5x3xf32=@input_1.bin +--input=1x5x5xf32=@input_2.bin +--input=1x10xf32=@input_3.bin +--expected_output=1x3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sin/input_0.bin b/onnx-ops/onnx/node/generated/test_sin/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sin/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sin/model.mlir b/onnx-ops/onnx/node/generated/test_sin/model.mlir new file mode 100644 index 0000000..e110b33 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sin/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sin(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sin"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sin/output_0.bin b/onnx-ops/onnx/node/generated/test_sin/output_0.bin new file mode 100644 index 0000000..9aee1d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sin/output_0.bin @@ -0,0 +1 @@ +;{?t>]mT?H?Rt?7T_?P?f]ӽv^>>C~?m0?v=t>L>=??Pa>A!?*B?-C?LD~\;=>?~?3> >Fmj#*s>OMq?un?cn4]u}}zm?E0پ.*s 3?#4XGO0>sNlF>x =Ճ>` \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sin/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sin/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sin/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sin_example/input_0.bin b/onnx-ops/onnx/node/generated/test_sin_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sin_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sin_example/model.mlir b/onnx-ops/onnx/node/generated/test_sin_example/model.mlir new file mode 100644 index 0000000..b37310b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sin_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sin_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sin"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sin_example/output_0.bin b/onnx-ops/onnx/node/generated/test_sin_example/output_0.bin new file mode 100644 index 0000000..6f7ae9f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sin_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sin_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sin_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sin_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sinh/input_0.bin b/onnx-ops/onnx/node/generated/test_sinh/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sinh/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sinh/model.mlir b/onnx-ops/onnx/node/generated/test_sinh/model.mlir new file mode 100644 index 0000000..5aeb79b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sinh/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sinh(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sinh"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sinh/output_0.bin b/onnx-ops/onnx/node/generated/test_sinh/output_0.bin new file mode 100644 index 0000000..ea7fe5b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sinh/output_0.bin @@ -0,0 +1 @@ +$E5@gd>B?̹@,J@6? ӽ.>>@//V?F=E>w>b@S>7vHa3?y?6O-@~;=,@uH @W@DM>cD>)c" >0R?^?N˾%`2Oru*\@g1ݸͿ[?W5~[\>¼>>S=<>V-ҽ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sinh/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sinh/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sinh/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sinh_example/input_0.bin b/onnx-ops/onnx/node/generated/test_sinh_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sinh_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sinh_example/model.mlir b/onnx-ops/onnx/node/generated/test_sinh_example/model.mlir new file mode 100644 index 0000000..671e86d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sinh_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sinh_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sinh"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sinh_example/output_0.bin b/onnx-ops/onnx/node/generated/test_sinh_example/output_0.bin new file mode 100644 index 0000000..d695d42 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sinh_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sinh_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sinh_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sinh_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_size/input_0.bin b/onnx-ops/onnx/node/generated/test_size/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_size/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_size/model.mlir b/onnx-ops/onnx/node/generated/test_size/model.mlir new file mode 100644 index 0000000..11ee4ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_size/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_size(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Size"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],si64> + return %0 : !torch.vtensor<[],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_size/output_0.bin b/onnx-ops/onnx/node/generated/test_size/output_0.bin new file mode 100644 index 0000000..208db4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_size/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_size/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_size/run_module_io_flags.txt new file mode 100644 index 0000000..3a776f2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_size/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=i64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_size_example/input_0.bin b/onnx-ops/onnx/node/generated/test_size_example/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_size_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_size_example/model.mlir b/onnx-ops/onnx/node/generated/test_size_example/model.mlir new file mode 100644 index 0000000..d8867d7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_size_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_size_example(%arg0: !torch.vtensor<[2,3],f32>) -> !torch.vtensor<[],si64> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Size"(%arg0) : (!torch.vtensor<[2,3],f32>) -> !torch.vtensor<[],si64> + return %0 : !torch.vtensor<[],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_size_example/output_0.bin b/onnx-ops/onnx/node/generated/test_size_example/output_0.bin new file mode 100644 index 0000000..ad1af3b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_size_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_size_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_size_example/run_module_io_flags.txt new file mode 100644 index 0000000..a0050eb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_size_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3xf32=@input_0.bin +--expected_output=i64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_slice/input_0.bin b/onnx-ops/onnx/node/generated/test_slice/input_0.bin new file mode 100644 index 0000000..6b6dfc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice/input_1.bin b/onnx-ops/onnx/node/generated/test_slice/input_1.bin new file mode 100644 index 0000000..01d633b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice/input_2.bin b/onnx-ops/onnx/node/generated/test_slice/input_2.bin new file mode 100644 index 0000000..d8c2ec0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice/input_3.bin b/onnx-ops/onnx/node/generated/test_slice/input_3.bin new file mode 100644 index 0000000..05a13f7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice/input_4.bin b/onnx-ops/onnx/node/generated/test_slice/input_4.bin new file mode 100644 index 0000000..5d1d9ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice/model.mlir b/onnx-ops/onnx/node/generated/test_slice/model.mlir new file mode 100644 index 0000000..b166887 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_slice(%arg0: !torch.vtensor<[20,10,5],f32>, %arg1: !torch.vtensor<[2],si64>, %arg2: !torch.vtensor<[2],si64>, %arg3: !torch.vtensor<[2],si64>, %arg4: !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,10,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Slice"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[20,10,5],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,10,5],f32> + return %0 : !torch.vtensor<[3,10,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_slice/output_0.bin b/onnx-ops/onnx/node/generated/test_slice/output_0.bin new file mode 100644 index 0000000..88b4c49 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice/output_0.bin @@ -0,0 +1,2 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l?ٺ>*>ǩ?319r޾?,?֞>8E< +?,`="*-?u?ELUd>q鋿᾿>u*>l"?r@hq?id?oT \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_slice/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_slice/run_module_io_flags.txt new file mode 100644 index 0000000..e68bec2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=20x10x5xf32=@input_0.bin +--input=2xi64=@input_1.bin +--input=2xi64=@input_2.bin +--input=2xi64=@input_3.bin +--input=2xi64=@input_4.bin +--expected_output=3x10x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_slice_default_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_slice_default_axes/input_0.bin new file mode 100644 index 0000000..6b6dfc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_axes/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_slice_default_axes/input_1.bin new file mode 100644 index 0000000..feb9e1c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_axes/input_2.bin b/onnx-ops/onnx/node/generated/test_slice_default_axes/input_2.bin new file mode 100644 index 0000000..cfccd21 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_axes/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_axes/model.mlir b/onnx-ops/onnx/node/generated/test_slice_default_axes/model.mlir new file mode 100644 index 0000000..e3c2449 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_default_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_slice_default_axes(%arg0: !torch.vtensor<[20,10,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Slice"(%arg0, %arg1, %arg2) : (!torch.vtensor<[20,10,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,1],f32> + return %0 : !torch.vtensor<[20,10,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_slice_default_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_slice_default_axes/output_0.bin new file mode 100644 index 0000000..51bfa0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_axes/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_slice_default_axes/run_module_io_flags.txt new file mode 100644 index 0000000..912aae8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_default_axes/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=20x10x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=3xi64=@input_2.bin +--expected_output=20x10x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_slice_default_steps/input_0.bin b/onnx-ops/onnx/node/generated/test_slice_default_steps/input_0.bin new file mode 100644 index 0000000..6b6dfc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_steps/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_steps/input_1.bin b/onnx-ops/onnx/node/generated/test_slice_default_steps/input_1.bin new file mode 100644 index 0000000..feb9e1c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_steps/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_steps/input_2.bin b/onnx-ops/onnx/node/generated/test_slice_default_steps/input_2.bin new file mode 100644 index 0000000..cfccd21 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_steps/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_steps/input_3.bin b/onnx-ops/onnx/node/generated/test_slice_default_steps/input_3.bin new file mode 100644 index 0000000..51b2394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_steps/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_steps/model.mlir b/onnx-ops/onnx/node/generated/test_slice_default_steps/model.mlir new file mode 100644 index 0000000..32ff644 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_default_steps/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_slice_default_steps(%arg0: !torch.vtensor<[20,10,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[3],si64>, %arg3: !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Slice"(%arg0, %arg1, %arg2, %arg3) : (!torch.vtensor<[20,10,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,1],f32> + return %0 : !torch.vtensor<[20,10,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_slice_default_steps/output_0.bin b/onnx-ops/onnx/node/generated/test_slice_default_steps/output_0.bin new file mode 100644 index 0000000..51bfa0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_default_steps/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_default_steps/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_slice_default_steps/run_module_io_flags.txt new file mode 100644 index 0000000..bbc97b4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_default_steps/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=20x10x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=3xi64=@input_2.bin +--input=3xi64=@input_3.bin +--expected_output=20x10x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_0.bin b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_0.bin new file mode 100644 index 0000000..6b6dfc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_1.bin b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_2.bin b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_2.bin new file mode 100644 index 0000000..544c239 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_3.bin b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_3.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_4.bin b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_4.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/model.mlir b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/model.mlir new file mode 100644 index 0000000..f072d41 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_slice_end_out_of_bounds(%arg0: !torch.vtensor<[20,10,5],f32>, %arg1: !torch.vtensor<[1],si64>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],si64>, %arg4: !torch.vtensor<[1],si64>) -> !torch.vtensor<[20,9,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Slice"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[20,10,5],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[20,9,5],f32> + return %0 : !torch.vtensor<[20,9,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/output_0.bin b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/output_0.bin new file mode 100644 index 0000000..6793e05 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/run_module_io_flags.txt new file mode 100644 index 0000000..2db3844 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_end_out_of_bounds/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=20x10x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xi64=@input_3.bin +--input=1xi64=@input_4.bin +--expected_output=20x9x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_slice_neg/input_0.bin b/onnx-ops/onnx/node/generated/test_slice_neg/input_0.bin new file mode 100644 index 0000000..6b6dfc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg/input_1.bin b/onnx-ops/onnx/node/generated/test_slice_neg/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg/input_2.bin b/onnx-ops/onnx/node/generated/test_slice_neg/input_2.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_neg/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_slice_neg/input_3.bin b/onnx-ops/onnx/node/generated/test_slice_neg/input_3.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg/input_4.bin b/onnx-ops/onnx/node/generated/test_slice_neg/input_4.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg/model.mlir b/onnx-ops/onnx/node/generated/test_slice_neg/model.mlir new file mode 100644 index 0000000..a9dcdc1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_neg/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_slice_neg(%arg0: !torch.vtensor<[20,10,5],f32>, %arg1: !torch.vtensor<[1],si64>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],si64>, %arg4: !torch.vtensor<[1],si64>) -> !torch.vtensor<[20,9,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Slice"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[20,10,5],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[20,9,5],f32> + return %0 : !torch.vtensor<[20,9,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_slice_neg/output_0.bin b/onnx-ops/onnx/node/generated/test_slice_neg/output_0.bin new file mode 100644 index 0000000..17491d5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_slice_neg/run_module_io_flags.txt new file mode 100644 index 0000000..2db3844 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_neg/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=20x10x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xi64=@input_3.bin +--input=1xi64=@input_4.bin +--expected_output=20x9x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_0.bin b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_0.bin new file mode 100644 index 0000000..6b6dfc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_1.bin b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_1.bin new file mode 100644 index 0000000..cfccd21 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_2.bin b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_2.bin new file mode 100644 index 0000000..8c85108 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_3.bin b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_3.bin new file mode 100644 index 0000000..51b2394 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_4.bin b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_4.bin new file mode 100644 index 0000000..f0bcb5a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_neg_steps/input_4.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_slice_neg_steps/model.mlir b/onnx-ops/onnx/node/generated/test_slice_neg_steps/model.mlir new file mode 100644 index 0000000..9c98254 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_neg_steps/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_slice_neg_steps(%arg0: !torch.vtensor<[20,10,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[3],si64>, %arg3: !torch.vtensor<[3],si64>, %arg4: !torch.vtensor<[3],si64>) -> !torch.vtensor<[19,3,2],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Slice"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[20,10,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[19,3,2],f32> + return %0 : !torch.vtensor<[19,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_slice_neg_steps/output_0.bin b/onnx-ops/onnx/node/generated/test_slice_neg_steps/output_0.bin new file mode 100644 index 0000000..c1faffa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_neg_steps/output_0.bin @@ -0,0 +1,3 @@ +Z=p#K?? ?Uݝ>p"RξRſC!Tu=n]?>wb= +?@S=<<6I?xTbމ,>C?N["T8?"@Ns |?ImK(aA?>#??6 Y^>SXĨ>6]< 呿?G?r!#̣Ȝ??#?Pr֤\?h€> KvOxdt^??x>@Z??;=*[b)ʾ>v >/*E?۽Ⓘw>t<?>.*1y==˳0? +-- >Y?+R?+ ?-$MF>ſTd?",l?>h? ?Ok>T=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_slice_neg_steps/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_slice_neg_steps/run_module_io_flags.txt new file mode 100644 index 0000000..25081ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_neg_steps/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=20x10x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=3xi64=@input_2.bin +--input=3xi64=@input_3.bin +--input=3xi64=@input_4.bin +--expected_output=19x3x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_0.bin new file mode 100644 index 0000000..6b6dfc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_1.bin new file mode 100644 index 0000000..feb9e1c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_2.bin b/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_2.bin new file mode 100644 index 0000000..cfccd21 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_3.bin b/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_3.bin new file mode 100644 index 0000000..bad6559 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_negative_axes/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_negative_axes/model.mlir b/onnx-ops/onnx/node/generated/test_slice_negative_axes/model.mlir new file mode 100644 index 0000000..ca75d0c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_negative_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_slice_negative_axes(%arg0: !torch.vtensor<[20,10,5],f32>, %arg1: !torch.vtensor<[3],si64>, %arg2: !torch.vtensor<[3],si64>, %arg3: !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,1],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Slice"(%arg0, %arg1, %arg2, %arg3) : (!torch.vtensor<[20,10,5],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[20,10,1],f32> + return %0 : !torch.vtensor<[20,10,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_slice_negative_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_slice_negative_axes/output_0.bin new file mode 100644 index 0000000..51bfa0e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_negative_axes/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_negative_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_slice_negative_axes/run_module_io_flags.txt new file mode 100644 index 0000000..bbc97b4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_negative_axes/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=20x10x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--input=3xi64=@input_2.bin +--input=3xi64=@input_3.bin +--expected_output=20x10x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_0.bin b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_0.bin new file mode 100644 index 0000000..6b6dfc1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_1.bin b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_1.bin new file mode 100644 index 0000000..544c239 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_2.bin b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_2.bin new file mode 100644 index 0000000..544c239 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_3.bin b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_3.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_4.bin b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_4.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/input_4.bin differ diff --git a/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/model.mlir b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/model.mlir new file mode 100644 index 0000000..82bf83e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_slice_start_out_of_bounds(%arg0: !torch.vtensor<[20,10,5],f32>, %arg1: !torch.vtensor<[1],si64>, %arg2: !torch.vtensor<[1],si64>, %arg3: !torch.vtensor<[1],si64>, %arg4: !torch.vtensor<[1],si64>) -> !torch.vtensor<[20,0,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Slice"(%arg0, %arg1, %arg2, %arg3, %arg4) : (!torch.vtensor<[20,10,5],f32>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[20,0,5],f32> + return %0 : !torch.vtensor<[20,0,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/output_0.bin b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/run_module_io_flags.txt new file mode 100644 index 0000000..ce31741 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_slice_start_out_of_bounds/run_module_io_flags.txt @@ -0,0 +1,6 @@ +--input=20x10x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--input=1xi64=@input_2.bin +--input=1xi64=@input_3.bin +--input=1xi64=@input_4.bin +--expected_output=20x0x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_0/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_0/model.mlir new file mode 100644 index 0000000..01eb640 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softmax_axis_0(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softmax"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_0/output_0.bin new file mode 100644 index 0000000..ef7bba4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0/output_0.bin @@ -0,0 +1 @@ +>QJ>:>/?>eE>>\ >,=iY>w>?>=X> W>>oT>&>>?W>f>=o ? ?LH>Շ>iQ>)?Йz>3O>v>~?>>F>/?)>Ȇ>>? ??J>a=:>D=>>L>2>a?rQ>cш>N>ꋃ> >=;j>HG>x.> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_0/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/model.mlir new file mode 100644 index 0000000..bf90801 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_axis_0_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [0 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[1,4,5],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,4,5],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/output_0.bin new file mode 100644 index 0000000..ef7bba4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/output_0.bin @@ -0,0 +1 @@ +>QJ>:>/?>eE>>\ >,=iY>w>?>=X> W>>oT>&>>?W>f>=o ? ?LH>Շ>iQ>)?Йz>3O>v>~?>>F>/?)>Ȇ>>? ??J>a=:>D=>>L>2>a?rQ>cш>N>ꋃ> >=;j>HG>x.> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/model.mlir new file mode 100644 index 0000000..f7b3e0b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_axis_0_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,4,5],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,4,5],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/output_0.bin new file mode 100644 index 0000000..ef7bba4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +>QJ>:>/?>eE>>\ >,=iY>w>?>=X> W>>oT>&>>?W>f>=o ? ?LH>Շ>iQ>)?Йz>3O>v>~?>>F>/?)>Ȇ>>? ??J>a=:>D=>>L>2>a?rQ>cш>N>ꋃ> >=;j>HG>x.> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_0_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_1/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_1/model.mlir new file mode 100644 index 0000000..714f3e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softmax_axis_1(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softmax"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_1/output_0.bin new file mode 100644 index 0000000..6291a25 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1/output_0.bin @@ -0,0 +1,2 @@ +F?u=l> 9?` ?^v>N>e%>n=>o*=K>]>ѱ= C>/q>>.> +T=ZJ>(?zz>P(>G0 >]?QCa>>)>>#p>>Ku=_>>z;>~)>= v=,> }>8==5>>ü?g>ʞ>n9=>&>)P>>k>|{>!>|o>A>9D>c;># =s>o=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_1/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/model.mlir new file mode 100644 index 0000000..ea23eb7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_axis_1_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,1,5],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/output_0.bin new file mode 100644 index 0000000..6291a25 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/output_0.bin @@ -0,0 +1,2 @@ +F?u=l> 9?` ?^v>N>e%>n=>o*=K>]>ѱ= C>/q>>.> +T=ZJ>(?zz>P(>G0 >]?QCa>>)>>#p>>Ku=_>>z;>~)>= v=,> }>8==5>>ü?g>ʞ>n9=>&>)P>>k>|{>!>|o>A>9D>c;># =s>o=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/model.mlir new file mode 100644 index 0000000..f196f07 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_axis_1_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,5],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,1,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/output_0.bin new file mode 100644 index 0000000..6291a25 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/output_0.bin @@ -0,0 +1,2 @@ +F?u=l> 9?` ?^v>N>e%>n=>o*=K>]>ѱ= C>/q>>.> +T=ZJ>(?zz>P(>G0 >]?QCa>>)>>#p>>Ku=_>>z;>~)>= v=,> }>8==5>>ü?g>ʞ>n9=>&>)P>>k>|{>!>|o>A>9D>c;># =s>o=> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_1_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_2/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_2/model.mlir new file mode 100644 index 0000000..7d53ee4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softmax_axis_2(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softmax"(%arg0) {torch.onnx.axis = 2 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_2/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_axis_2/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_2/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/model.mlir new file mode 100644 index 0000000..9ee87e8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_axis_2_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [2 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/model.mlir new file mode 100644 index 0000000..1930483 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_axis_2_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<2> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_axis_2_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_default_axis/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_default_axis/model.mlir new file mode 100644 index 0000000..60cb0ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softmax_default_axis(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softmax"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_default_axis/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_default_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_default_axis/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/model.mlir new file mode 100644 index 0000000..d629b84 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_default_axis_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [-1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/model.mlir new file mode 100644 index 0000000..a2fe228 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_default_axis_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_default_axis_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_example/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_example/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_example/model.mlir new file mode 100644 index 0000000..30524f5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softmax_example(%arg0: !torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softmax"(%arg0) : (!torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> + return %0 : !torch.vtensor<[1,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_example/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_example/output_0.bin new file mode 100644 index 0000000..0196ff4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example/output_0.bin @@ -0,0 +1 @@ +a=z>;M*? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_example/run_module_io_flags.txt new file mode 100644 index 0000000..70a2c54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3xf32=@input_0.bin +--expected_output=1x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_example_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_example_expanded/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_example_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_example_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_example_expanded/model.mlir new file mode 100644 index 0000000..638a060 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example_expanded/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_example_expanded(%arg0: !torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [-1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,3],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,3],f32> + return %5 : !torch.vtensor<[1,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_example_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_example_expanded/output_0.bin new file mode 100644 index 0000000..0196ff4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example_expanded/output_0.bin @@ -0,0 +1 @@ +a=z>;M*? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_example_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_example_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..70a2c54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3xf32=@input_0.bin +--expected_output=1x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/model.mlir new file mode 100644 index 0000000..5f29465 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_example_expanded_ver18(%arg0: !torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,3],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[1,3],f32>) -> !torch.vtensor<[1,3],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[1,3],f32>, !torch.vtensor<[1,1],f32>) -> !torch.vtensor<[1,3],f32> + return %5 : !torch.vtensor<[1,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/output_0.bin new file mode 100644 index 0000000..0196ff4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +a=z>;M*? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..70a2c54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_example_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x3xf32=@input_0.bin +--expected_output=1x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_large_number/input_0.bin new file mode 100644 index 0000000..abe06d0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_large_number/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_large_number/model.mlir new file mode 100644 index 0000000..66f8f1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softmax_large_number(%arg0: !torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softmax"(%arg0) : (!torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> + return %0 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_large_number/output_0.bin new file mode 100644 index 0000000..76c2b31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number/output_0.bin @@ -0,0 +1 @@ +O=x=hr>$?O=x=hr>$? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_large_number/run_module_io_flags.txt new file mode 100644 index 0000000..4759aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x4xf32=@input_0.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/input_0.bin new file mode 100644 index 0000000..abe06d0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/model.mlir new file mode 100644 index 0000000..26ba391 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_large_number_expanded(%arg0: !torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [-1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,4],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,4],f32> + return %5 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/output_0.bin new file mode 100644 index 0000000..76c2b31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/output_0.bin @@ -0,0 +1 @@ +O=x=hr>$?O=x=hr>$? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..4759aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x4xf32=@input_0.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/input_0.bin new file mode 100644 index 0000000..abe06d0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/model.mlir new file mode 100644 index 0000000..aa805c0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_large_number_expanded_ver18(%arg0: !torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,4],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[2,4],f32>) -> !torch.vtensor<[2,4],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[2,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[2,4],f32>, !torch.vtensor<[2,1],f32>) -> !torch.vtensor<[2,4],f32> + return %5 : !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/output_0.bin new file mode 100644 index 0000000..76c2b31 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +O=x=hr>$?O=x=hr>$? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..4759aa6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_large_number_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x4xf32=@input_0.bin +--expected_output=2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_negative_axis/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_negative_axis/model.mlir new file mode 100644 index 0000000..565fc1b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softmax_negative_axis(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softmax"(%arg0) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_negative_axis/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_negative_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_negative_axis/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/model.mlir new file mode 100644 index 0000000..5c2f338 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_negative_axis_expanded(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0) {torch.onnx.axes = [-1 : si64], torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/model.mlir new file mode 100644 index 0000000..74385c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_softmax_negative_axis_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<-1> : tensor<1xsi64>} : () -> !torch.vtensor<[1],si64> + %1 = torch.operator "onnx.ReduceMax"(%arg0, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %2 = torch.operator "onnx.Sub"(%arg0, %1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Exp"(%2) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.ReduceSum"(%3, %0) {torch.onnx.keepdims = 1 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1],f32> + %5 = torch.operator "onnx.Div"(%3, %4) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,1],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/output_0.bin new file mode 100644 index 0000000..6059a1b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softmax_negative_axis_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softplus/input_0.bin b/onnx-ops/onnx/node/generated/test_softplus/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softplus/model.mlir b/onnx-ops/onnx/node/generated/test_softplus/model.mlir new file mode 100644 index 0000000..68cfa38 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softplus(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softplus"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softplus/output_0.bin b/onnx-ops/onnx/node/generated/test_softplus/output_0.bin new file mode 100644 index 0000000..11a4c30 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softplus/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softplus/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softplus/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softplus_example/input_0.bin b/onnx-ops/onnx/node/generated/test_softplus_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softplus_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softplus_example/model.mlir b/onnx-ops/onnx/node/generated/test_softplus_example/model.mlir new file mode 100644 index 0000000..3effbb6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softplus_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softplus"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softplus_example/output_0.bin b/onnx-ops/onnx/node/generated/test_softplus_example/output_0.bin new file mode 100644 index 0000000..bc49a43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_example/output_0.bin @@ -0,0 +1 @@ +c>r1?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softplus_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softplus_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/model.mlir new file mode 100644 index 0000000..47e17e9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_softplus_example_expanded_ver18(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.CastLike"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Add"(%0, %2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3],f32> + %4 = torch.operator "onnx.Log"(%3) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %4 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/output_0.bin new file mode 100644 index 0000000..bc49a43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/output_0.bin @@ -0,0 +1 @@ +c>r1?? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_example_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/model.mlir new file mode 100644 index 0000000..72f389b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_softplus_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Exp"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %1 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.CastLike"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.Add"(%0, %2) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.Log"(%3) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %4 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/output_0.bin new file mode 100644 index 0000000..11a4c30 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softplus_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softsign/input_0.bin b/onnx-ops/onnx/node/generated/test_softsign/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softsign/model.mlir b/onnx-ops/onnx/node/generated/test_softsign/model.mlir new file mode 100644 index 0000000..1a64706 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softsign(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softsign"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softsign/output_0.bin b/onnx-ops/onnx/node/generated/test_softsign/output_0.bin new file mode 100644 index 0000000..bcc4878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softsign/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softsign/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softsign/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softsign_example/input_0.bin b/onnx-ops/onnx/node/generated/test_softsign_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softsign_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softsign_example/model.mlir b/onnx-ops/onnx/node/generated/test_softsign_example/model.mlir new file mode 100644 index 0000000..d813c2a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_softsign_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Softsign"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softsign_example/output_0.bin b/onnx-ops/onnx/node/generated/test_softsign_example/output_0.bin new file mode 100644 index 0000000..302f8a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softsign_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softsign_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softsign_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/model.mlir new file mode 100644 index 0000000..ec1d46d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_softsign_example_expanded_ver18(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %3 = torch.operator "onnx.Add"(%1, %2) : (!torch.vtensor<[],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + %4 = torch.operator "onnx.Div"(%arg0, %3) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %4 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/output_0.bin new file mode 100644 index 0000000..302f8a8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign_example_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/model.mlir new file mode 100644 index 0000000..2af54f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/model.mlir @@ -0,0 +1,12 @@ +module { + func.func @test_softsign_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<1.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Abs"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %3 = torch.operator "onnx.Add"(%1, %2) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + %4 = torch.operator "onnx.Div"(%arg0, %3) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %4 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/output_0.bin new file mode 100644 index 0000000..bcc4878 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_softsign_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_spacetodepth/input_0.bin b/onnx-ops/onnx/node/generated/test_spacetodepth/input_0.bin new file mode 100644 index 0000000..707c35b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_spacetodepth/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_spacetodepth/model.mlir b/onnx-ops/onnx/node/generated/test_spacetodepth/model.mlir new file mode 100644 index 0000000..de87234 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_spacetodepth/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_spacetodepth(%arg0: !torch.vtensor<[2,2,6,6],f32>) -> !torch.vtensor<[2,8,3,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SpaceToDepth"(%arg0) {torch.onnx.blocksize = 2 : si64} : (!torch.vtensor<[2,2,6,6],f32>) -> !torch.vtensor<[2,8,3,3],f32> + return %0 : !torch.vtensor<[2,8,3,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_spacetodepth/output_0.bin b/onnx-ops/onnx/node/generated/test_spacetodepth/output_0.bin new file mode 100644 index 0000000..7174412 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_spacetodepth/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_spacetodepth/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_spacetodepth/run_module_io_flags.txt new file mode 100644 index 0000000..9894123 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_spacetodepth/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x2x6x6xf32=@input_0.bin +--expected_output=2x8x3x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_spacetodepth_example/input_0.bin b/onnx-ops/onnx/node/generated/test_spacetodepth_example/input_0.bin new file mode 100644 index 0000000..4b48ce5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_spacetodepth_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_spacetodepth_example/model.mlir b/onnx-ops/onnx/node/generated/test_spacetodepth_example/model.mlir new file mode 100644 index 0000000..d9cf353 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_spacetodepth_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_spacetodepth_example(%arg0: !torch.vtensor<[1,1,4,6],f32>) -> !torch.vtensor<[1,4,2,3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.SpaceToDepth"(%arg0) {torch.onnx.blocksize = 2 : si64} : (!torch.vtensor<[1,1,4,6],f32>) -> !torch.vtensor<[1,4,2,3],f32> + return %0 : !torch.vtensor<[1,4,2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_spacetodepth_example/output_0.bin b/onnx-ops/onnx/node/generated/test_spacetodepth_example/output_0.bin new file mode 100644 index 0000000..1e1bd89 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_spacetodepth_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_spacetodepth_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_spacetodepth_example/run_module_io_flags.txt new file mode 100644 index 0000000..311c301 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_spacetodepth_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x1x4x6xf32=@input_0.bin +--expected_output=1x4x2x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/input_0.bin b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/input_0.bin new file mode 100644 index 0000000..4227764 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/model.mlir b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/model.mlir new file mode 100644 index 0000000..1cf1455 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_1d_uneven_split_opset18(%arg0: !torch.vtensor<[7],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:4 = torch.operator "onnx.Split"(%arg0) {torch.onnx.num_outputs = 4 : si64} : (!torch.vtensor<[7],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32>) + return %0#0, %0#1, %0#2, %0#3 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_0.bin b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_1.bin b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_1.bin new file mode 100644 index 0000000..d077e01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_2.bin b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_2.bin new file mode 100644 index 0000000..8cec1bc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_3.bin b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_3.bin new file mode 100644 index 0000000..00b281a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/output_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/run_module_io_flags.txt new file mode 100644 index 0000000..37cf5c7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_1d_uneven_split_opset18/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=7xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=2xf32=@output_2.bin +--expected_output=1xf32=@output_3.bin diff --git a/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/input_0.bin b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/input_0.bin new file mode 100644 index 0000000..bbed315 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/model.mlir b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/model.mlir new file mode 100644 index 0000000..04faa65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_2d_uneven_split_opset18(%arg0: !torch.vtensor<[2,8],f32>) -> (!torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32>, !torch.vtensor<[2,2],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.Split"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[2,8],f32>) -> (!torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32>, !torch.vtensor<[2,2],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32>, !torch.vtensor<[2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_0.bin b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_0.bin new file mode 100644 index 0000000..011854d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_1.bin b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_1.bin new file mode 100644 index 0000000..6ddca9b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_2.bin b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_2.bin new file mode 100644 index 0000000..993c882 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/run_module_io_flags.txt new file mode 100644 index 0000000..38b2ec2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_2d_uneven_split_opset18/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x8xf32=@input_0.bin +--expected_output=2x3xf32=@output_0.bin +--expected_output=2x3xf32=@output_1.bin +--expected_output=2x2xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/input_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/model.mlir b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/model.mlir new file mode 100644 index 0000000..d4ace47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_equal_parts_1d_opset13(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.Split"(%arg0) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[6],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_1.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_1.bin new file mode 100644 index 0000000..d077e01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_2.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_2.bin new file mode 100644 index 0000000..8cec1bc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/run_module_io_flags.txt new file mode 100644 index 0000000..278cf65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset13/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=2xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/input_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/model.mlir b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/model.mlir new file mode 100644 index 0000000..ee08f3d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_equal_parts_1d_opset18(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.Split"(%arg0) {torch.onnx.axis = 0 : si64, torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[6],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_1.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_1.bin new file mode 100644 index 0000000..d077e01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_2.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_2.bin new file mode 100644 index 0000000..8cec1bc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/run_module_io_flags.txt new file mode 100644 index 0000000..278cf65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_1d_opset18/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=2xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/input_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/model.mlir b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/model.mlir new file mode 100644 index 0000000..bc2c3cf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_equal_parts_2d(%arg0: !torch.vtensor<[2,6],f32>) -> (!torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Split"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.num_outputs = 2 : si64} : (!torch.vtensor<[2,6],f32>) -> (!torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32>) + return %0#0, %0#1 : !torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/output_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/output_0.bin new file mode 100644 index 0000000..1ee74c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/output_1.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/output_1.bin new file mode 100644 index 0000000..0dfecfd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/run_module_io_flags.txt new file mode 100644 index 0000000..a42addb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x6xf32=@input_0.bin +--expected_output=2x3xf32=@output_0.bin +--expected_output=2x3xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/input_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/model.mlir b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/model.mlir new file mode 100644 index 0000000..a7f2082 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_equal_parts_2d_opset13(%arg0: !torch.vtensor<[2,6],f32>) -> (!torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Split"(%arg0) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,6],f32>) -> (!torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32>) + return %0#0, %0#1 : !torch.vtensor<[2,3],f32>, !torch.vtensor<[2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/output_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/output_0.bin new file mode 100644 index 0000000..1ee74c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/output_1.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/output_1.bin new file mode 100644 index 0000000..0dfecfd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/run_module_io_flags.txt new file mode 100644 index 0000000..a42addb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_2d_opset13/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x6xf32=@input_0.bin +--expected_output=2x3xf32=@output_0.bin +--expected_output=2x3xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/input_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/model.mlir b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/model.mlir new file mode 100644 index 0000000..1d99105 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_equal_parts_default_axis_opset13(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.Split"(%arg0) : (!torch.vtensor<[6],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_1.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_1.bin new file mode 100644 index 0000000..d077e01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_2.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_2.bin new file mode 100644 index 0000000..8cec1bc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/run_module_io_flags.txt new file mode 100644 index 0000000..278cf65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset13/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=2xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/input_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/model.mlir b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/model.mlir new file mode 100644 index 0000000..c705915 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_equal_parts_default_axis_opset18(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.Split"(%arg0) {torch.onnx.num_outputs = 3 : si64} : (!torch.vtensor<[6],f32>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32>, !torch.vtensor<[2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_0.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_1.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_1.bin new file mode 100644 index 0000000..d077e01 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_2.bin b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_2.bin new file mode 100644 index 0000000..8cec1bc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/run_module_io_flags.txt new file mode 100644 index 0000000..278cf65 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_equal_parts_default_axis_opset18/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--expected_output=2xf32=@output_0.bin +--expected_output=2xf32=@output_1.bin +--expected_output=2xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/input_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/input_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/input_1.bin new file mode 100644 index 0000000..4462c26 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/model.mlir b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/model.mlir new file mode 100644 index 0000000..0971378 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_variable_parts_1d_opset13(%arg0: !torch.vtensor<[6],f32>, %arg1: !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[4],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Split"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[6],f32>, !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[4],f32>) + return %0#0, %0#1 : !torch.vtensor<[2],f32>, !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/output_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/output_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/output_1.bin new file mode 100644 index 0000000..b90f3f1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/run_module_io_flags.txt new file mode 100644 index 0000000..b3d0b5b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset13/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=2xf32=@output_0.bin +--expected_output=4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/input_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/input_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/input_1.bin new file mode 100644 index 0000000..4462c26 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/model.mlir b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/model.mlir new file mode 100644 index 0000000..c48c34e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_variable_parts_1d_opset18(%arg0: !torch.vtensor<[6],f32>, %arg1: !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[4],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Split"(%arg0, %arg1) {torch.onnx.axis = 0 : si64} : (!torch.vtensor<[6],f32>, !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[4],f32>) + return %0#0, %0#1 : !torch.vtensor<[2],f32>, !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/output_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/output_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/output_1.bin new file mode 100644 index 0000000..b90f3f1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/run_module_io_flags.txt new file mode 100644 index 0000000..b3d0b5b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_1d_opset18/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=2xf32=@output_0.bin +--expected_output=4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/input_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/input_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/input_1.bin new file mode 100644 index 0000000..4462c26 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/model.mlir b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/model.mlir new file mode 100644 index 0000000..f7985de --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_variable_parts_2d_opset13(%arg0: !torch.vtensor<[2,6],f32>, %arg1: !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,4],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Split"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,6],f32>, !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,4],f32>) + return %0#0, %0#1 : !torch.vtensor<[2,2],f32>, !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/output_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/output_0.bin new file mode 100644 index 0000000..cce5b5c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/output_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/output_1.bin new file mode 100644 index 0000000..ef3841c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/run_module_io_flags.txt new file mode 100644 index 0000000..3f3e277 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset13/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x6xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=2x2xf32=@output_0.bin +--expected_output=2x4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/input_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/input_0.bin new file mode 100644 index 0000000..1c60b14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/input_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/input_1.bin new file mode 100644 index 0000000..4462c26 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/model.mlir b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/model.mlir new file mode 100644 index 0000000..143d966 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_variable_parts_2d_opset18(%arg0: !torch.vtensor<[2,6],f32>, %arg1: !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,4],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Split"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[2,6],f32>, !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2,4],f32>) + return %0#0, %0#1 : !torch.vtensor<[2,2],f32>, !torch.vtensor<[2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/output_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/output_0.bin new file mode 100644 index 0000000..cce5b5c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/output_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/output_1.bin new file mode 100644 index 0000000..ef3841c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/run_module_io_flags.txt new file mode 100644 index 0000000..3f3e277 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_2d_opset18/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x6xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=2x2xf32=@output_0.bin +--expected_output=2x4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/input_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/input_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/input_1.bin new file mode 100644 index 0000000..4462c26 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/model.mlir b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/model.mlir new file mode 100644 index 0000000..5525da9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_variable_parts_default_axis_opset13(%arg0: !torch.vtensor<[6],f32>, %arg1: !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[4],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Split"(%arg0, %arg1) : (!torch.vtensor<[6],f32>, !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[4],f32>) + return %0#0, %0#1 : !torch.vtensor<[2],f32>, !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/output_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/output_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/output_1.bin new file mode 100644 index 0000000..b90f3f1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/run_module_io_flags.txt new file mode 100644 index 0000000..b3d0b5b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset13/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=2xf32=@output_0.bin +--expected_output=4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/input_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/input_0.bin new file mode 100644 index 0000000..cc239b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/input_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/input_1.bin new file mode 100644 index 0000000..4462c26 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/model.mlir b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/model.mlir new file mode 100644 index 0000000..8d7487c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_variable_parts_default_axis_opset18(%arg0: !torch.vtensor<[6],f32>, %arg1: !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[4],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Split"(%arg0, %arg1) : (!torch.vtensor<[6],f32>, !torch.vtensor<[2],si64>) -> (!torch.vtensor<[2],f32>, !torch.vtensor<[4],f32>) + return %0#0, %0#1 : !torch.vtensor<[2],f32>, !torch.vtensor<[4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/output_0.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/output_0.bin new file mode 100644 index 0000000..4598a8f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/output_1.bin b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/output_1.bin new file mode 100644 index 0000000..b90f3f1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/run_module_io_flags.txt new file mode 100644 index 0000000..b3d0b5b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_variable_parts_default_axis_opset18/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=6xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=2xf32=@output_0.bin +--expected_output=4xf32=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/input_0.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/input_1.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/input_1.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/model.mlir b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/model.mlir new file mode 100644 index 0000000..d087467 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_zero_size_splits_opset13(%arg0: !torch.vtensor<[0],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.Split"(%arg0, %arg1) : (!torch.vtensor<[0],f32>, !torch.vtensor<[3],si64>) -> (!torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>, !torch.vtensor<[0],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/output_0.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/output_1.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/output_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/output_2.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/output_2.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/run_module_io_flags.txt new file mode 100644 index 0000000..e212d71 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset13/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=0xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=0xf32=@output_0.bin +--expected_output=0xf32=@output_1.bin +--expected_output=0xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/input_0.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/input_1.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/input_1.bin new file mode 100644 index 0000000..4ac5fc6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/model.mlir b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/model.mlir new file mode 100644 index 0000000..8c1fd45 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_split_zero_size_splits_opset18(%arg0: !torch.vtensor<[0],f32>, %arg1: !torch.vtensor<[3],si64>) -> (!torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>) attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:3 = torch.operator "onnx.Split"(%arg0, %arg1) : (!torch.vtensor<[0],f32>, !torch.vtensor<[3],si64>) -> (!torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>) + return %0#0, %0#1, %0#2 : !torch.vtensor<[0],f32>, !torch.vtensor<[0],f32>, !torch.vtensor<[0],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/output_0.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/output_1.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/output_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/output_2.bin b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/output_2.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/run_module_io_flags.txt new file mode 100644 index 0000000..e212d71 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_split_zero_size_splits_opset18/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=0xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=0xf32=@output_0.bin +--expected_output=0xf32=@output_1.bin +--expected_output=0xf32=@output_2.bin diff --git a/onnx-ops/onnx/node/generated/test_sqrt/input_0.bin b/onnx-ops/onnx/node/generated/test_sqrt/input_0.bin new file mode 100644 index 0000000..c29db1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sqrt/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z?8s?b>hd=9>(>%?^B?0= B>]ת>=?R>iJ>Z?/d#@S'?K]?=?C@(?Hm;= ?>2??>>Ec??!> >*z??O>mǚ>6?&õ?g??x?FK>[? G?4?Y>L=e?> ??k.:=ݚ>b"?6> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sqrt/model.mlir b/onnx-ops/onnx/node/generated/test_sqrt/model.mlir new file mode 100644 index 0000000..a530b38 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sqrt/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sqrt(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sqrt"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sqrt/output_0.bin b/onnx-ops/onnx/node/generated/test_sqrt/output_0.bin new file mode 100644 index 0000000..bc987f1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sqrt/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sqrt/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sqrt/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sqrt/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sqrt_example/input_0.bin b/onnx-ops/onnx/node/generated/test_sqrt_example/input_0.bin new file mode 100644 index 0000000..35d5fd4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sqrt_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sqrt_example/model.mlir b/onnx-ops/onnx/node/generated/test_sqrt_example/model.mlir new file mode 100644 index 0000000..15445ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sqrt_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sqrt_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sqrt"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sqrt_example/output_0.bin b/onnx-ops/onnx/node/generated/test_sqrt_example/output_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sqrt_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sqrt_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sqrt_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sqrt_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_squeeze/input_0.bin b/onnx-ops/onnx/node/generated/test_squeeze/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_squeeze/input_1.bin b/onnx-ops/onnx/node/generated/test_squeeze/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_squeeze/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_squeeze/model.mlir b/onnx-ops/onnx/node/generated/test_squeeze/model.mlir new file mode 100644 index 0000000..2d3efe1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_squeeze(%arg0: !torch.vtensor<[1,3,4,5],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Squeeze"(%arg0, %arg1) : (!torch.vtensor<[1,3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_squeeze/output_0.bin b/onnx-ops/onnx/node/generated/test_squeeze/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_squeeze/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_squeeze/run_module_io_flags.txt new file mode 100644 index 0000000..3f0110f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x3x4x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/input_0.bin new file mode 100644 index 0000000..077e004 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/model.mlir b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/model.mlir new file mode 100644 index 0000000..859a504 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_squeeze_negative_axes(%arg0: !torch.vtensor<[1,3,1,5],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,3,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Squeeze"(%arg0, %arg1) : (!torch.vtensor<[1,3,1,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,3,5],f32> + return %0 : !torch.vtensor<[1,3,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/output_0.bin new file mode 100644 index 0000000..077e004 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/run_module_io_flags.txt new file mode 100644 index 0000000..10f82b8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_squeeze_negative_axes/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x3x1x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=1x3x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_stft/input_0.bin b/onnx-ops/onnx/node/generated/test_stft/input_0.bin new file mode 100644 index 0000000..d669c76 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_stft/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_stft/input_1.bin b/onnx-ops/onnx/node/generated/test_stft/input_1.bin new file mode 100644 index 0000000..5142c79 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_stft/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_stft/input_2.bin b/onnx-ops/onnx/node/generated/test_stft/input_2.bin new file mode 100644 index 0000000..e7c7adf Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_stft/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_stft/model.mlir b/onnx-ops/onnx/node/generated/test_stft/model.mlir new file mode 100644 index 0000000..e66ed39 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_stft/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_stft(%arg0: !torch.vtensor<[1,128,1],f32>, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[],si64>) -> !torch.vtensor<[1,15,9,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.STFT"(%arg0, %arg1, %none, %arg2) : (!torch.vtensor<[1,128,1],f32>, !torch.vtensor<[],si64>, !torch.none, !torch.vtensor<[],si64>) -> !torch.vtensor<[1,15,9,2],f32> + return %0 : !torch.vtensor<[1,15,9,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_stft/output_0.bin b/onnx-ops/onnx/node/generated/test_stft/output_0.bin new file mode 100644 index 0000000..c4730a1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_stft/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_stft/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_stft/run_module_io_flags.txt new file mode 100644 index 0000000..7a30264 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_stft/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x128x1xf32=@input_0.bin +--input=i64=@input_1.bin +--input=i64=@input_2.bin +--expected_output=1x15x9x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_stft_with_window/input_0.bin b/onnx-ops/onnx/node/generated/test_stft_with_window/input_0.bin new file mode 100644 index 0000000..d669c76 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_stft_with_window/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_stft_with_window/input_1.bin b/onnx-ops/onnx/node/generated/test_stft_with_window/input_1.bin new file mode 100644 index 0000000..5142c79 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_stft_with_window/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_stft_with_window/input_2.bin b/onnx-ops/onnx/node/generated/test_stft_with_window/input_2.bin new file mode 100644 index 0000000..087eadc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_stft_with_window/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_stft_with_window/model.mlir b/onnx-ops/onnx/node/generated/test_stft_with_window/model.mlir new file mode 100644 index 0000000..a4cc3cd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_stft_with_window/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_stft_with_window(%arg0: !torch.vtensor<[1,128,1],f32>, %arg1: !torch.vtensor<[],si64>, %arg2: !torch.vtensor<[16],f32>) -> !torch.vtensor<[1,15,9,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.STFT"(%arg0, %arg1, %arg2) : (!torch.vtensor<[1,128,1],f32>, !torch.vtensor<[],si64>, !torch.vtensor<[16],f32>) -> !torch.vtensor<[1,15,9,2],f32> + return %0 : !torch.vtensor<[1,15,9,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_stft_with_window/output_0.bin b/onnx-ops/onnx/node/generated/test_stft_with_window/output_0.bin new file mode 100644 index 0000000..9345a57 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_stft_with_window/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_stft_with_window/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_stft_with_window/run_module_io_flags.txt new file mode 100644 index 0000000..c7c8832 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_stft_with_window/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=1x128x1xf32=@input_0.bin +--input=i64=@input_1.bin +--input=16xf32=@input_2.bin +--expected_output=1x15x9x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_string_concat/input_0.bin b/onnx-ops/onnx/node/generated/test_string_concat/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat/input_1.bin b/onnx-ops/onnx/node/generated/test_string_concat/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat/model.mlir b/onnx-ops/onnx/node/generated/test_string_concat/model.mlir new file mode 100644 index 0000000..0ba6e8f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_concat(%arg0: !torch.vtensor<[2],!torch.str>, %arg1: !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],!torch.str> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringConcat"(%arg0, %arg1) : (!torch.vtensor<[2],!torch.str>, !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],!torch.str> + return %0 : !torch.vtensor<[2],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_concat/output_0.bin b/onnx-ops/onnx/node/generated/test_string_concat/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_concat/run_module_io_flags.txt new file mode 100644 index 0000000..1b93440 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x=@input_0.bin +--input=2x=@input_1.bin +--expected_output=2x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/input_0.bin b/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/input_1.bin b/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/model.mlir b/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/model.mlir new file mode 100644 index 0000000..4981de1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_concat_broadcasting(%arg0: !torch.vtensor<[3],!torch.str>, %arg1: !torch.vtensor<[1],!torch.str>) -> !torch.vtensor<[3],!torch.str> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringConcat"(%arg0, %arg1) : (!torch.vtensor<[3],!torch.str>, !torch.vtensor<[1],!torch.str>) -> !torch.vtensor<[3],!torch.str> + return %0 : !torch.vtensor<[3],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/output_0.bin b/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/run_module_io_flags.txt new file mode 100644 index 0000000..06d99a8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat_broadcasting/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x=@input_0.bin +--input=1x=@input_1.bin +--expected_output=3x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_string_concat_empty_string/input_0.bin b/onnx-ops/onnx/node/generated/test_string_concat_empty_string/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_empty_string/input_1.bin b/onnx-ops/onnx/node/generated/test_string_concat_empty_string/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_empty_string/model.mlir b/onnx-ops/onnx/node/generated/test_string_concat_empty_string/model.mlir new file mode 100644 index 0000000..d4b97fa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat_empty_string/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_concat_empty_string(%arg0: !torch.vtensor<[2],!torch.str>, %arg1: !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],!torch.str> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringConcat"(%arg0, %arg1) : (!torch.vtensor<[2],!torch.str>, !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],!torch.str> + return %0 : !torch.vtensor<[2],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_concat_empty_string/output_0.bin b/onnx-ops/onnx/node/generated/test_string_concat_empty_string/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_empty_string/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_concat_empty_string/run_module_io_flags.txt new file mode 100644 index 0000000..1b93440 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat_empty_string/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x=@input_0.bin +--input=2x=@input_1.bin +--expected_output=2x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_string_concat_utf8/input_0.bin b/onnx-ops/onnx/node/generated/test_string_concat_utf8/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_utf8/input_1.bin b/onnx-ops/onnx/node/generated/test_string_concat_utf8/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_utf8/model.mlir b/onnx-ops/onnx/node/generated/test_string_concat_utf8/model.mlir new file mode 100644 index 0000000..616cca1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat_utf8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_concat_utf8(%arg0: !torch.vtensor<[2],!torch.str>, %arg1: !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],!torch.str> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringConcat"(%arg0, %arg1) : (!torch.vtensor<[2],!torch.str>, !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],!torch.str> + return %0 : !torch.vtensor<[2],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_concat_utf8/output_0.bin b/onnx-ops/onnx/node/generated/test_string_concat_utf8/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_utf8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_concat_utf8/run_module_io_flags.txt new file mode 100644 index 0000000..1b93440 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat_utf8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x=@input_0.bin +--input=2x=@input_1.bin +--expected_output=2x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/input_0.bin b/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/input_1.bin b/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/input_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/model.mlir b/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/model.mlir new file mode 100644 index 0000000..db9e1f8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_concat_zero_dimensional(%arg0: !torch.vtensor<[],!torch.str>, %arg1: !torch.vtensor<[],!torch.str>) -> !torch.vtensor<[],!torch.str> attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringConcat"(%arg0, %arg1) : (!torch.vtensor<[],!torch.str>, !torch.vtensor<[],!torch.str>) -> !torch.vtensor<[],!torch.str> + return %0 : !torch.vtensor<[],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/output_0.bin b/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/run_module_io_flags.txt new file mode 100644 index 0000000..c413cc9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_concat_zero_dimensional/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input==@input_0.bin +--input==@input_1.bin +--expected_output==@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_string_split_basic/input_0.bin b/onnx-ops/onnx/node/generated/test_string_split_basic/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_basic/model.mlir b/onnx-ops/onnx/node/generated/test_string_split_basic/model.mlir new file mode 100644 index 0000000..c3f2457 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_basic/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_split_basic(%arg0: !torch.vtensor<[2],!torch.str>) -> (!torch.vtensor<[2,2],!torch.str>, !torch.vtensor<[2],si64>) attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.StringSplit"(%arg0) {torch.onnx.delimiter = "."} : (!torch.vtensor<[2],!torch.str>) -> (!torch.vtensor<[2,2],!torch.str>, !torch.vtensor<[2],si64>) + return %0#0, %0#1 : !torch.vtensor<[2,2],!torch.str>, !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_split_basic/output_0.bin b/onnx-ops/onnx/node/generated/test_string_split_basic/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_basic/output_1.bin b/onnx-ops/onnx/node/generated/test_string_split_basic/output_1.bin new file mode 100644 index 0000000..8eab6c1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_string_split_basic/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_string_split_basic/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_split_basic/run_module_io_flags.txt new file mode 100644 index 0000000..6d11509 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_basic/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x=@input_0.bin +--expected_output=2x2x=@output_0.bin +--expected_output=2xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/input_0.bin b/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/model.mlir b/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/model.mlir new file mode 100644 index 0000000..d0ce9d8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_split_consecutive_delimiters(%arg0: !torch.vtensor<[2],!torch.str>) -> (!torch.vtensor<[2,6],!torch.str>, !torch.vtensor<[2],si64>) attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.StringSplit"(%arg0) {torch.onnx.delimiter = "-"} : (!torch.vtensor<[2],!torch.str>) -> (!torch.vtensor<[2,6],!torch.str>, !torch.vtensor<[2],si64>) + return %0#0, %0#1 : !torch.vtensor<[2,6],!torch.str>, !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/output_0.bin b/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/output_1.bin b/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/output_1.bin new file mode 100644 index 0000000..efc72c3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/run_module_io_flags.txt new file mode 100644 index 0000000..783bea1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_consecutive_delimiters/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x=@input_0.bin +--expected_output=2x6x=@output_0.bin +--expected_output=2xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/input_0.bin b/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/model.mlir b/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/model.mlir new file mode 100644 index 0000000..afa9022 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_split_empty_string_delimiter(%arg0: !torch.vtensor<[3],!torch.str>) -> (!torch.vtensor<[3,3],!torch.str>, !torch.vtensor<[3],si64>) attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.StringSplit"(%arg0) {torch.onnx.delimiter = ""} : (!torch.vtensor<[3],!torch.str>) -> (!torch.vtensor<[3,3],!torch.str>, !torch.vtensor<[3],si64>) + return %0#0, %0#1 : !torch.vtensor<[3,3],!torch.str>, !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/output_0.bin b/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/output_1.bin b/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/output_1.bin new file mode 100644 index 0000000..2730cab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/run_module_io_flags.txt new file mode 100644 index 0000000..50cc383 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_empty_string_delimiter/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x=@input_0.bin +--expected_output=3x3x=@output_0.bin +--expected_output=3xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/input_0.bin b/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/model.mlir b/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/model.mlir new file mode 100644 index 0000000..fcebbeb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_split_empty_tensor(%arg0: !torch.vtensor<[0],!torch.str>) -> (!torch.vtensor<[0,?],!torch.str>, !torch.vtensor<[0],si64>) attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.StringSplit"(%arg0) : (!torch.vtensor<[0],!torch.str>) -> (!torch.vtensor<[0,?],!torch.str>, !torch.vtensor<[0],si64>) + return %0#0, %0#1 : !torch.vtensor<[0,?],!torch.str>, !torch.vtensor<[0],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/output_0.bin b/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/output_1.bin b/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/output_1.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/run_module_io_flags.txt new file mode 100644 index 0000000..3315c4b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_empty_tensor/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=0x=@input_0.bin +--expected_output=0x0x=@output_0.bin +--expected_output=0xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_string_split_maxsplit/input_0.bin b/onnx-ops/onnx/node/generated/test_string_split_maxsplit/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_maxsplit/model.mlir b/onnx-ops/onnx/node/generated/test_string_split_maxsplit/model.mlir new file mode 100644 index 0000000..d0c4af6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_maxsplit/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_split_maxsplit(%arg0: !torch.vtensor<[2,2],!torch.str>) -> (!torch.vtensor<[2,2,3],!torch.str>, !torch.vtensor<[2,2],si64>) attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.StringSplit"(%arg0) {torch.onnx.maxsplit = 2 : si64} : (!torch.vtensor<[2,2],!torch.str>) -> (!torch.vtensor<[2,2,3],!torch.str>, !torch.vtensor<[2,2],si64>) + return %0#0, %0#1 : !torch.vtensor<[2,2,3],!torch.str>, !torch.vtensor<[2,2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_split_maxsplit/output_0.bin b/onnx-ops/onnx/node/generated/test_string_split_maxsplit/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_maxsplit/output_1.bin b/onnx-ops/onnx/node/generated/test_string_split_maxsplit/output_1.bin new file mode 100644 index 0000000..d71367c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_string_split_maxsplit/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_string_split_maxsplit/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_split_maxsplit/run_module_io_flags.txt new file mode 100644 index 0000000..23df5b2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_maxsplit/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2x=@input_0.bin +--expected_output=2x2x3x=@output_0.bin +--expected_output=2x2xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/input_0.bin b/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/model.mlir b/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/model.mlir new file mode 100644 index 0000000..ab37e72 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_string_split_no_delimiter(%arg0: !torch.vtensor<[3],!torch.str>) -> (!torch.vtensor<[3,3],!torch.str>, !torch.vtensor<[3],si64>) attributes {torch.onnx_meta.ir_version = 9 : si64, torch.onnx_meta.opset_version = 20 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.StringSplit"(%arg0) : (!torch.vtensor<[3],!torch.str>) -> (!torch.vtensor<[3,3],!torch.str>, !torch.vtensor<[3],si64>) + return %0#0, %0#1 : !torch.vtensor<[3,3],!torch.str>, !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/output_0.bin b/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/output_1.bin b/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/output_1.bin new file mode 100644 index 0000000..2730cab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/run_module_io_flags.txt new file mode 100644 index 0000000..50cc383 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_string_split_no_delimiter/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x=@input_0.bin +--expected_output=3x3x=@output_0.bin +--expected_output=3xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/input_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/model.mlir b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/model.mlir new file mode 100644 index 0000000..f742ad9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_strnormalizer_export_monday_casesensintive_lower(%arg0: !torch.vtensor<[4],!torch.str>) -> !torch.vtensor<[3],!torch.str> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringNormalizer"(%arg0) {torch.onnx.case_change_action = "LOWER", torch.onnx.is_case_sensitive = 1 : si64, torch.onnx.stopwords = ["monday"]} : (!torch.vtensor<[4],!torch.str>) -> !torch.vtensor<[3],!torch.str> + return %0 : !torch.vtensor<[3],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/output_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/run_module_io_flags.txt new file mode 100644 index 0000000..7ab581c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_lower/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4x=@input_0.bin +--expected_output=3x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/input_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/model.mlir b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/model.mlir new file mode 100644 index 0000000..20ddb1a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_strnormalizer_export_monday_casesensintive_nochangecase(%arg0: !torch.vtensor<[4],!torch.str>) -> !torch.vtensor<[3],!torch.str> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringNormalizer"(%arg0) {torch.onnx.is_case_sensitive = 1 : si64, torch.onnx.stopwords = ["monday"]} : (!torch.vtensor<[4],!torch.str>) -> !torch.vtensor<[3],!torch.str> + return %0 : !torch.vtensor<[3],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/output_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/run_module_io_flags.txt new file mode 100644 index 0000000..7ab581c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_nochangecase/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4x=@input_0.bin +--expected_output=3x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/input_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/model.mlir b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/model.mlir new file mode 100644 index 0000000..43cdbb9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_strnormalizer_export_monday_casesensintive_upper(%arg0: !torch.vtensor<[4],!torch.str>) -> !torch.vtensor<[3],!torch.str> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringNormalizer"(%arg0) {torch.onnx.case_change_action = "UPPER", torch.onnx.is_case_sensitive = 1 : si64, torch.onnx.stopwords = ["monday"]} : (!torch.vtensor<[4],!torch.str>) -> !torch.vtensor<[3],!torch.str> + return %0 : !torch.vtensor<[3],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/output_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/run_module_io_flags.txt new file mode 100644 index 0000000..7ab581c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_casesensintive_upper/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4x=@input_0.bin +--expected_output=3x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/input_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/model.mlir b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/model.mlir new file mode 100644 index 0000000..e871cbb --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_strnormalizer_export_monday_empty_output(%arg0: !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[1],!torch.str> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringNormalizer"(%arg0) {torch.onnx.case_change_action = "UPPER", torch.onnx.is_case_sensitive = 1 : si64, torch.onnx.stopwords = ["monday"]} : (!torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[1],!torch.str> + return %0 : !torch.vtensor<[1],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/output_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/run_module_io_flags.txt new file mode 100644 index 0000000..c0b513c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_empty_output/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x=@input_0.bin +--expected_output=1x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/input_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/model.mlir b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/model.mlir new file mode 100644 index 0000000..c931429 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_strnormalizer_export_monday_insensintive_upper_twodim(%arg0: !torch.vtensor<[1,6],!torch.str>) -> !torch.vtensor<[1,4],!torch.str> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringNormalizer"(%arg0) {torch.onnx.case_change_action = "UPPER", torch.onnx.stopwords = ["monday"]} : (!torch.vtensor<[1,6],!torch.str>) -> !torch.vtensor<[1,4],!torch.str> + return %0 : !torch.vtensor<[1,4],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/output_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/run_module_io_flags.txt new file mode 100644 index 0000000..e997a47 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_export_monday_insensintive_upper_twodim/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=1x6x=@input_0.bin +--expected_output=1x4x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/input_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/model.mlir b/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/model.mlir new file mode 100644 index 0000000..4c7377b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_strnormalizer_nostopwords_nochangecase(%arg0: !torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],!torch.str> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.StringNormalizer"(%arg0) {torch.onnx.is_case_sensitive = 1 : si64} : (!torch.vtensor<[2],!torch.str>) -> !torch.vtensor<[2],!torch.str> + return %0 : !torch.vtensor<[2],!torch.str> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/output_0.bin b/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/run_module_io_flags.txt new file mode 100644 index 0000000..7858cbd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_strnormalizer_nostopwords_nochangecase/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x=@input_0.bin +--expected_output=2x=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sub/input_0.bin b/onnx-ops/onnx/node/generated/test_sub/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sub/input_1.bin b/onnx-ops/onnx/node/generated/test_sub/input_1.bin new file mode 100644 index 0000000..d426f6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35>;;Wп>DhT=:?>ב?>O/^~/Ѓ f=#f?Ok>Ŀ ??@?7>8lF?5mξy? FU>z?u>4?G,>> ?^Ab*x?(?Ӿ3Y?"??, ?g?Iy\}?7mM?r?N4?l? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sub/model.mlir b/onnx-ops/onnx/node/generated/test_sub/model.mlir new file mode 100644 index 0000000..798216a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sub(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sub"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sub/output_0.bin b/onnx-ops/onnx/node/generated/test_sub/output_0.bin new file mode 100644 index 0000000..03d900d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub/output_0.bin @@ -0,0 +1 @@ +@a|B?w\?5}@>V?Sk#%@>8(M?b>?̸ҡ?*=]?"Z@{T>?i$},>HK?H?jV D&@n>=?"XKF=K4~ "?_)}L4;<߾;{??)?mCVh1?[bؿi0Rj>Eu>?wa;>˟,y \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sub/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sub/run_module_io_flags.txt new file mode 100644 index 0000000..7bd95ce --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3x4x5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sub_bcast/input_0.bin b/onnx-ops/onnx/node/generated/test_sub_bcast/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_bcast/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sub_bcast/input_1.bin b/onnx-ops/onnx/node/generated/test_sub_bcast/input_1.bin new file mode 100644 index 0000000..84c5bf3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_bcast/input_1.bin @@ -0,0 +1 @@ +^&,Z[*Pܿ35> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sub_bcast/model.mlir b/onnx-ops/onnx/node/generated/test_sub_bcast/model.mlir new file mode 100644 index 0000000..940b7b2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_bcast/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sub_bcast(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sub"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sub_bcast/output_0.bin b/onnx-ops/onnx/node/generated/test_sub_bcast/output_0.bin new file mode 100644 index 0000000..12dae53 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sub_bcast/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sub_bcast/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sub_bcast/run_module_io_flags.txt new file mode 100644 index 0000000..b3bf093 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_bcast/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=5xf32=@input_1.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sub_example/input_0.bin b/onnx-ops/onnx/node/generated/test_sub_example/input_0.bin new file mode 100644 index 0000000..2bb9e15 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sub_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sub_example/input_1.bin b/onnx-ops/onnx/node/generated/test_sub_example/input_1.bin new file mode 100644 index 0000000..9aa5d1a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sub_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sub_example/model.mlir b/onnx-ops/onnx/node/generated/test_sub_example/model.mlir new file mode 100644 index 0000000..d40725a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sub_example(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sub"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sub_example/output_0.bin b/onnx-ops/onnx/node/generated/test_sub_example/output_0.bin new file mode 100644 index 0000000..4dcebd5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sub_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sub_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sub_example/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_example/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sub_uint8/input_0.bin b/onnx-ops/onnx/node/generated/test_sub_uint8/input_0.bin new file mode 100644 index 0000000..11d695f --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_uint8/input_0.bin @@ -0,0 +1 @@ +      \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sub_uint8/input_1.bin b/onnx-ops/onnx/node/generated/test_sub_uint8/input_1.bin new file mode 100644 index 0000000..f505001 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sub_uint8/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sub_uint8/model.mlir b/onnx-ops/onnx/node/generated/test_sub_uint8/model.mlir new file mode 100644 index 0000000..0f82c1d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_uint8/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sub_uint8(%arg0: !torch.vtensor<[3,4,5],ui8>, %arg1: !torch.vtensor<[3,4,5],ui8>) -> !torch.vtensor<[3,4,5],ui8> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sub"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],ui8>, !torch.vtensor<[3,4,5],ui8>) -> !torch.vtensor<[3,4,5],ui8> + return %0 : !torch.vtensor<[3,4,5],ui8> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sub_uint8/output_0.bin b/onnx-ops/onnx/node/generated/test_sub_uint8/output_0.bin new file mode 100644 index 0000000..e421659 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_uint8/output_0.bin @@ -0,0 +1,8 @@ + +   +   +     + +  +    + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_sub_uint8/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sub_uint8/run_module_io_flags.txt new file mode 100644 index 0000000..57b7b04 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sub_uint8/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi8=@input_0.bin +--input=3x4x5xi8=@input_1.bin +--expected_output=3x4x5xi8=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sum_example/input_0.bin b/onnx-ops/onnx/node/generated/test_sum_example/input_0.bin new file mode 100644 index 0000000..fc971f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_example/input_1.bin b/onnx-ops/onnx/node/generated/test_sum_example/input_1.bin new file mode 100644 index 0000000..380ff30 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_example/input_2.bin b/onnx-ops/onnx/node/generated/test_sum_example/input_2.bin new file mode 100644 index 0000000..6d8f4ab Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_example/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_example/model.mlir b/onnx-ops/onnx/node/generated/test_sum_example/model.mlir new file mode 100644 index 0000000..c8fe0ad --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sum_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sum_example(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>, %arg2: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sum"(%arg0, %arg1, %arg2) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sum_example/output_0.bin b/onnx-ops/onnx/node/generated/test_sum_example/output_0.bin new file mode 100644 index 0000000..22217a3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sum_example/run_module_io_flags.txt new file mode 100644 index 0000000..0b11dfd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sum_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--input=3xf32=@input_2.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sum_one_input/input_0.bin b/onnx-ops/onnx/node/generated/test_sum_one_input/input_0.bin new file mode 100644 index 0000000..fc971f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_one_input/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_one_input/model.mlir b/onnx-ops/onnx/node/generated/test_sum_one_input/model.mlir new file mode 100644 index 0000000..1a2936c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sum_one_input/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sum_one_input(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sum"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sum_one_input/output_0.bin b/onnx-ops/onnx/node/generated/test_sum_one_input/output_0.bin new file mode 100644 index 0000000..fc971f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_one_input/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_one_input/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sum_one_input/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sum_one_input/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_sum_two_inputs/input_0.bin b/onnx-ops/onnx/node/generated/test_sum_two_inputs/input_0.bin new file mode 100644 index 0000000..fc971f8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_two_inputs/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_two_inputs/input_1.bin b/onnx-ops/onnx/node/generated/test_sum_two_inputs/input_1.bin new file mode 100644 index 0000000..380ff30 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_two_inputs/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_two_inputs/model.mlir b/onnx-ops/onnx/node/generated/test_sum_two_inputs/model.mlir new file mode 100644 index 0000000..d6b02ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sum_two_inputs/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_sum_two_inputs(%arg0: !torch.vtensor<[3],f32>, %arg1: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Sum"(%arg0, %arg1) : (!torch.vtensor<[3],f32>, !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_sum_two_inputs/output_0.bin b/onnx-ops/onnx/node/generated/test_sum_two_inputs/output_0.bin new file mode 100644 index 0000000..21e8af2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_sum_two_inputs/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_sum_two_inputs/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_sum_two_inputs/run_module_io_flags.txt new file mode 100644 index 0000000..e5ab882 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_sum_two_inputs/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3xf32=@input_0.bin +--input=3xf32=@input_1.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tan/input_0.bin b/onnx-ops/onnx/node/generated/test_tan/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tan/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tan/model.mlir b/onnx-ops/onnx/node/generated/test_tan/model.mlir new file mode 100644 index 0000000..09284f9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tan/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tan(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Tan"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tan/output_0.bin b/onnx-ops/onnx/node/generated/test_tan/output_0.bin new file mode 100644 index 0000000..8459d5d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tan/output_0.bin @@ -0,0 +1 @@ +R>R?=JQf?-/j%ԽF>>A[s?pm=u>5z>&PAzU>s꒿*?D? ?jI̎;=]ATA0A>h>PQ@@!6k!>4@%@оDe޿ @> 7RmB{?Y~Ap1]Ο͛>pw՟>m=ğ>xZ<R¾ \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tan/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tan/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tan/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tan_example/input_0.bin b/onnx-ops/onnx/node/generated/test_tan_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tan_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tan_example/model.mlir b/onnx-ops/onnx/node/generated/test_tan_example/model.mlir new file mode 100644 index 0000000..c5e50c5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tan_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tan_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Tan"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tan_example/output_0.bin b/onnx-ops/onnx/node/generated/test_tan_example/output_0.bin new file mode 100644 index 0000000..5da986d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tan_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tan_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tan_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tan_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tanh/input_0.bin b/onnx-ops/onnx/node/generated/test_tanh/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tanh/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tanh/model.mlir b/onnx-ops/onnx/node/generated/test_tanh/model.mlir new file mode 100644 index 0000000..6a71faf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tanh/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tanh(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Tanh"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tanh/output_0.bin b/onnx-ops/onnx/node/generated/test_tanh/output_0.bin new file mode 100644 index 0000000..c2e9574 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tanh/output_0.bin @@ -0,0 +1 @@ +meq?M>@?Ez?3t?{@ e=?%ҽ}(>&}>Le?E$?=Al>dŤ>Mqg?.OZ@>u1p|G?F2?De!z?|eK;=w=0i?Bf?h>>5ovF7>θW?ޙU?:Gc oqu?#yҾ^\Y;&?yl7V)6ļ>Sn>=7O> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tanh/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tanh/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tanh/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tanh_example/input_0.bin b/onnx-ops/onnx/node/generated/test_tanh_example/input_0.bin new file mode 100644 index 0000000..ad42c7b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tanh_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tanh_example/model.mlir b/onnx-ops/onnx/node/generated/test_tanh_example/model.mlir new file mode 100644 index 0000000..af28a43 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tanh_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tanh_example(%arg0: !torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Tanh"(%arg0) : (!torch.vtensor<[3],f32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tanh_example/output_0.bin b/onnx-ops/onnx/node/generated/test_tanh_example/output_0.bin new file mode 100644 index 0000000..6a0da02 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tanh_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tanh_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tanh_example/run_module_io_flags.txt new file mode 100644 index 0000000..73cbff1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tanh_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3xf32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/input_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/input_0.bin new file mode 100644 index 0000000..5b4273a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/model.mlir b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/model.mlir new file mode 100644 index 0000000..642be88 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tfidfvectorizer_tf_batch_onlybigrams_skip0(%arg0: !torch.vtensor<[2,6],si32>) -> !torch.vtensor<[2,7],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TfIdfVectorizer"(%arg0) {torch.onnx.max_gram_length = 2 : si64, torch.onnx.max_skip_count = 0 : si64, torch.onnx.min_gram_length = 2 : si64, torch.onnx.mode = "TF", torch.onnx.ngram_counts = [0 : si64, 4 : si64], torch.onnx.ngram_indexes = [0 : si64, 1 : si64, 2 : si64, 3 : si64, 4 : si64, 5 : si64, 6 : si64], torch.onnx.pool_int64s = [2 : si64, 3 : si64, 5 : si64, 4 : si64, 5 : si64, 6 : si64, 7 : si64, 8 : si64, 6 : si64, 7 : si64]} : (!torch.vtensor<[2,6],si32>) -> !torch.vtensor<[2,7],f32> + return %0 : !torch.vtensor<[2,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/output_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/output_0.bin new file mode 100644 index 0000000..65a1e47 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/run_module_io_flags.txt new file mode 100644 index 0000000..ea51c41 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip0/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x6xi32=@input_0.bin +--expected_output=2x7xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/input_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/input_0.bin new file mode 100644 index 0000000..5b4273a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/model.mlir b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/model.mlir new file mode 100644 index 0000000..c812274 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tfidfvectorizer_tf_batch_onlybigrams_skip5(%arg0: !torch.vtensor<[2,6],si32>) -> !torch.vtensor<[2,7],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TfIdfVectorizer"(%arg0) {torch.onnx.max_gram_length = 2 : si64, torch.onnx.max_skip_count = 5 : si64, torch.onnx.min_gram_length = 2 : si64, torch.onnx.mode = "TF", torch.onnx.ngram_counts = [0 : si64, 4 : si64], torch.onnx.ngram_indexes = [0 : si64, 1 : si64, 2 : si64, 3 : si64, 4 : si64, 5 : si64, 6 : si64], torch.onnx.pool_int64s = [2 : si64, 3 : si64, 5 : si64, 4 : si64, 5 : si64, 6 : si64, 7 : si64, 8 : si64, 6 : si64, 7 : si64]} : (!torch.vtensor<[2,6],si32>) -> !torch.vtensor<[2,7],f32> + return %0 : !torch.vtensor<[2,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/output_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/output_0.bin new file mode 100644 index 0000000..60ebad2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/run_module_io_flags.txt new file mode 100644 index 0000000..ea51c41 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_onlybigrams_skip5/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x6xi32=@input_0.bin +--expected_output=2x7xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/input_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/input_0.bin new file mode 100644 index 0000000..5b4273a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/model.mlir b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/model.mlir new file mode 100644 index 0000000..3bd3c53 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tfidfvectorizer_tf_batch_uniandbigrams_skip5(%arg0: !torch.vtensor<[2,6],si32>) -> !torch.vtensor<[2,7],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TfIdfVectorizer"(%arg0) {torch.onnx.max_gram_length = 2 : si64, torch.onnx.max_skip_count = 5 : si64, torch.onnx.min_gram_length = 1 : si64, torch.onnx.mode = "TF", torch.onnx.ngram_counts = [0 : si64, 4 : si64], torch.onnx.ngram_indexes = [0 : si64, 1 : si64, 2 : si64, 3 : si64, 4 : si64, 5 : si64, 6 : si64], torch.onnx.pool_int64s = [2 : si64, 3 : si64, 5 : si64, 4 : si64, 5 : si64, 6 : si64, 7 : si64, 8 : si64, 6 : si64, 7 : si64]} : (!torch.vtensor<[2,6],si32>) -> !torch.vtensor<[2,7],f32> + return %0 : !torch.vtensor<[2,7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/output_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/output_0.bin new file mode 100644 index 0000000..70dbb81 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/run_module_io_flags.txt new file mode 100644 index 0000000..ea51c41 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_batch_uniandbigrams_skip5/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x6xi32=@input_0.bin +--expected_output=2x7xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/input_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/input_0.bin new file mode 100644 index 0000000..5b4273a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/model.mlir b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/model.mlir new file mode 100644 index 0000000..aafe7fa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tfidfvectorizer_tf_only_bigrams_skip0(%arg0: !torch.vtensor<[12],si32>) -> !torch.vtensor<[7],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TfIdfVectorizer"(%arg0) {torch.onnx.max_gram_length = 2 : si64, torch.onnx.max_skip_count = 0 : si64, torch.onnx.min_gram_length = 2 : si64, torch.onnx.mode = "TF", torch.onnx.ngram_counts = [0 : si64, 4 : si64], torch.onnx.ngram_indexes = [0 : si64, 1 : si64, 2 : si64, 3 : si64, 4 : si64, 5 : si64, 6 : si64], torch.onnx.pool_int64s = [2 : si64, 3 : si64, 5 : si64, 4 : si64, 5 : si64, 6 : si64, 7 : si64, 8 : si64, 6 : si64, 7 : si64]} : (!torch.vtensor<[12],si32>) -> !torch.vtensor<[7],f32> + return %0 : !torch.vtensor<[7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/output_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/output_0.bin new file mode 100644 index 0000000..19641f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/run_module_io_flags.txt new file mode 100644 index 0000000..205b058 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_only_bigrams_skip0/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=12xi32=@input_0.bin +--expected_output=7xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/input_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/input_0.bin new file mode 100644 index 0000000..5b4273a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/model.mlir b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/model.mlir new file mode 100644 index 0000000..85d9c13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tfidfvectorizer_tf_onlybigrams_levelempty(%arg0: !torch.vtensor<[12],si32>) -> !torch.vtensor<[3],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TfIdfVectorizer"(%arg0) {torch.onnx.max_gram_length = 2 : si64, torch.onnx.max_skip_count = 0 : si64, torch.onnx.min_gram_length = 2 : si64, torch.onnx.mode = "TF", torch.onnx.ngram_counts = [0 : si64, 0 : si64], torch.onnx.ngram_indexes = [0 : si64, 1 : si64, 2 : si64], torch.onnx.pool_int64s = [5 : si64, 6 : si64, 7 : si64, 8 : si64, 6 : si64, 7 : si64]} : (!torch.vtensor<[12],si32>) -> !torch.vtensor<[3],f32> + return %0 : !torch.vtensor<[3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/output_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/output_0.bin new file mode 100644 index 0000000..c146119 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/run_module_io_flags.txt new file mode 100644 index 0000000..2e55c44 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_levelempty/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=12xi32=@input_0.bin +--expected_output=3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/input_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/input_0.bin new file mode 100644 index 0000000..5b4273a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/model.mlir b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/model.mlir new file mode 100644 index 0000000..221bf62 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tfidfvectorizer_tf_onlybigrams_skip5(%arg0: !torch.vtensor<[12],si32>) -> !torch.vtensor<[7],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TfIdfVectorizer"(%arg0) {torch.onnx.max_gram_length = 2 : si64, torch.onnx.max_skip_count = 5 : si64, torch.onnx.min_gram_length = 2 : si64, torch.onnx.mode = "TF", torch.onnx.ngram_counts = [0 : si64, 4 : si64], torch.onnx.ngram_indexes = [0 : si64, 1 : si64, 2 : si64, 3 : si64, 4 : si64, 5 : si64, 6 : si64], torch.onnx.pool_int64s = [2 : si64, 3 : si64, 5 : si64, 4 : si64, 5 : si64, 6 : si64, 7 : si64, 8 : si64, 6 : si64, 7 : si64]} : (!torch.vtensor<[12],si32>) -> !torch.vtensor<[7],f32> + return %0 : !torch.vtensor<[7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/output_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/output_0.bin new file mode 100644 index 0000000..1477d27 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/run_module_io_flags.txt new file mode 100644 index 0000000..205b058 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_onlybigrams_skip5/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=12xi32=@input_0.bin +--expected_output=7xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/input_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/input_0.bin new file mode 100644 index 0000000..5b4273a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/model.mlir b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/model.mlir new file mode 100644 index 0000000..890a781 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tfidfvectorizer_tf_uniandbigrams_skip5(%arg0: !torch.vtensor<[12],si32>) -> !torch.vtensor<[7],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.TfIdfVectorizer"(%arg0) {torch.onnx.max_gram_length = 2 : si64, torch.onnx.max_skip_count = 5 : si64, torch.onnx.min_gram_length = 1 : si64, torch.onnx.mode = "TF", torch.onnx.ngram_counts = [0 : si64, 4 : si64], torch.onnx.ngram_indexes = [0 : si64, 1 : si64, 2 : si64, 3 : si64, 4 : si64, 5 : si64, 6 : si64], torch.onnx.pool_int64s = [2 : si64, 3 : si64, 5 : si64, 4 : si64, 5 : si64, 6 : si64, 7 : si64, 8 : si64, 6 : si64, 7 : si64]} : (!torch.vtensor<[12],si32>) -> !torch.vtensor<[7],f32> + return %0 : !torch.vtensor<[7],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/output_0.bin b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/output_0.bin new file mode 100644 index 0000000..754d94e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/run_module_io_flags.txt new file mode 100644 index 0000000..205b058 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tfidfvectorizer_tf_uniandbigrams_skip5/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=12xi32=@input_0.bin +--expected_output=7xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu/input_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu/model.mlir b/onnx-ops/onnx/node/generated/test_thresholdedrelu/model.mlir new file mode 100644 index 0000000..8b8491b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_thresholdedrelu(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ThresholdedRelu"(%arg0) {torch.onnx.alpha = 2.000000e+00 : f32} : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu/output_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu/output_0.bin new file mode 100644 index 0000000..db0cbee Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_thresholdedrelu/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_thresholdedrelu/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/input_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/model.mlir b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/model.mlir new file mode 100644 index 0000000..063c42e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_thresholdedrelu_default(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ThresholdedRelu"(%arg0) : (!torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/output_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/output_0.bin new file mode 100644 index 0000000..e5cdb16 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/model.mlir new file mode 100644 index 0000000..2bfcb35 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_thresholdedrelu_default_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 1.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Less"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + %5 = torch.operator "onnx.Where"(%4, %arg0, %3) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/output_0.bin new file mode 100644 index 0000000..e5cdb16 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_default_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/input_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/input_0.bin new file mode 100644 index 0000000..d501d27 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/model.mlir b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/model.mlir new file mode 100644 index 0000000..d332167 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_thresholdedrelu_example(%arg0: !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 5 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.ThresholdedRelu"(%arg0) {torch.onnx.alpha = 2.000000e+00 : f32} : (!torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> + return %0 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/output_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/output_0.bin new file mode 100644 index 0000000..12ca8e7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/run_module_io_flags.txt new file mode 100644 index 0000000..2eb8437 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5xf32=@input_0.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/input_0.bin new file mode 100644 index 0000000..d501d27 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/model.mlir new file mode 100644 index 0000000..e50d197 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_thresholdedrelu_example_expanded_ver18(%arg0: !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 2.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Less"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[5],f32>) -> !torch.vtensor<[5],i1> + %5 = torch.operator "onnx.Where"(%4, %arg0, %3) : (!torch.vtensor<[5],i1>, !torch.vtensor<[5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[5],f32> + return %5 : !torch.vtensor<[5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/output_0.bin new file mode 100644 index 0000000..12ca8e7 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..2eb8437 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_example_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=5xf32=@input_0.bin +--expected_output=5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/input_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/model.mlir b/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/model.mlir new file mode 100644 index 0000000..57f6813 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/model.mlir @@ -0,0 +1,13 @@ +module { + func.func @test_thresholdedrelu_expanded_ver18(%arg0: !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 18 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value_float = 2.000000e+00 : f32} : () -> !torch.vtensor<[],f32> + %1 = torch.operator "onnx.CastLike"(%0, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %2 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<0.000000e+00> : tensor} : () -> !torch.vtensor<[],f32> + %3 = torch.operator "onnx.CastLike"(%2, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[],f32> + %4 = torch.operator "onnx.Less"(%1, %arg0) : (!torch.vtensor<[],f32>, !torch.vtensor<[3,4,5],f32>) -> !torch.vtensor<[3,4,5],i1> + %5 = torch.operator "onnx.Where"(%4, %arg0, %3) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>) -> !torch.vtensor<[3,4,5],f32> + return %5 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/output_0.bin b/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/output_0.bin new file mode 100644 index 0000000..db0cbee Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/run_module_io_flags.txt new file mode 100644 index 0000000..26cbfe6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_thresholdedrelu_expanded_ver18/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x4x5xf32=@input_0.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tile/input_0.bin b/onnx-ops/onnx/node/generated/test_tile/input_0.bin new file mode 100644 index 0000000..259e2e6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tile/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G?9=#?4>q?ڗ?N>s>.4F?>?<\?N?c?yq?Ƌ.?k>>2?v=9*?+?nW>A>>L8>j?a>}?=U>R.%>2'?p>I>Jz>">] =7(? >LI>ɼ>,R? =V?>=?y? > z?(?a@=?a =̐>)=>'=΢>G>_=E1? ?">?c=;q?[m?x>h*?>8a7? ->;>%?>5 ???od>\s?>=X?3?I>UP?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tile/input_1.bin b/onnx-ops/onnx/node/generated/test_tile/input_1.bin new file mode 100644 index 0000000..0cb88b5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tile/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tile/model.mlir b/onnx-ops/onnx/node/generated/test_tile/model.mlir new file mode 100644 index 0000000..bdf1f11 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tile/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tile(%arg0: !torch.vtensor<[2,3,4,5],f32>, %arg1: !torch.vtensor<[4],si64>) -> !torch.vtensor<[14,18,16,10],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Tile"(%arg0, %arg1) : (!torch.vtensor<[2,3,4,5],f32>, !torch.vtensor<[4],si64>) -> !torch.vtensor<[14,18,16,10],f32> + return %0 : !torch.vtensor<[14,18,16,10],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tile/output_0.bin b/onnx-ops/onnx/node/generated/test_tile/output_0.bin new file mode 100644 index 0000000..0e1d9ac --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tile/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?  ?7?N?w} ?H>  ?7?N?w} ?H>QY%?n >QY%?n >~J?e?^k?l?Z{=~J?e?^k?l?Z{=p= <&U?H5G?^?p= <&U?H5G?^?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?z?L?G>G?9=z?L?G>G?9=#?4>q?ڗ?N>#?4>q?ڗ?N>s>.4F?>?.4F?>?<\?N?c?yq?Ƌ.?\?N?c?yq?Ƌ.?k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>k>>2?v=9*?k>>2?v=9*?+?nW>A>>L8>+?nW>A>>L8>j?a>}?=U>j?a>}?=U>R.%>2'?p>I>Jz>R.%>2'?p>I>Jz>">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=">] =7(? >LI>">] =7(? >LI>ɼ>,R? =V?>=ɼ>,R? =V?>=?y? > z?(?a@=??y? > z?(?a@=?a =̐>)=>'=a =̐>)=>'=΢>G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?G>_=E1? ?΢>G>_=E1? ?">?c=;q?[m?">?c=;q?[m?x>h*?>8a7? ->x>h*?>8a7? ->;>%?%?>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1?b-?|>>5b-?|>>5 ???od>\s? ???od>\s?>=X?3?I>UP?>=X?3?I>UP?>a?M?ia?I1?>a?M?ia?I1? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tile/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tile/run_module_io_flags.txt new file mode 100644 index 0000000..c4a15a1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tile/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x4x5xf32=@input_0.bin +--input=4xi64=@input_1.bin +--expected_output=14x18x16x10xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tile_precomputed/input_0.bin b/onnx-ops/onnx/node/generated/test_tile_precomputed/input_0.bin new file mode 100644 index 0000000..ae6bb1d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tile_precomputed/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tile_precomputed/input_1.bin b/onnx-ops/onnx/node/generated/test_tile_precomputed/input_1.bin new file mode 100644 index 0000000..8eab6c1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tile_precomputed/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tile_precomputed/model.mlir b/onnx-ops/onnx/node/generated/test_tile_precomputed/model.mlir new file mode 100644 index 0000000..45fb761 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tile_precomputed/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tile_precomputed(%arg0: !torch.vtensor<[2,2],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[4,4],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Tile"(%arg0, %arg1) : (!torch.vtensor<[2,2],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[4,4],f32> + return %0 : !torch.vtensor<[4,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tile_precomputed/output_0.bin b/onnx-ops/onnx/node/generated/test_tile_precomputed/output_0.bin new file mode 100644 index 0000000..59b5562 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tile_precomputed/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tile_precomputed/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tile_precomputed/run_module_io_flags.txt new file mode 100644 index 0000000..6202937 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tile_precomputed/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x2xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=4x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_top_k/input_0.bin b/onnx-ops/onnx/node/generated/test_top_k/input_0.bin new file mode 100644 index 0000000..a2324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k/input_1.bin b/onnx-ops/onnx/node/generated/test_top_k/input_1.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k/model.mlir b/onnx-ops/onnx/node/generated/test_top_k/model.mlir new file mode 100644 index 0000000..9a32c51 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_top_k/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_top_k(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> (!torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.TopK"(%arg0, %arg1) {torch.onnx.axis = 1 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],si64>) -> (!torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64>) + return %0#0, %0#1 : !torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_top_k/output_0.bin b/onnx-ops/onnx/node/generated/test_top_k/output_0.bin new file mode 100644 index 0000000..58f55d3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k/output_1.bin b/onnx-ops/onnx/node/generated/test_top_k/output_1.bin new file mode 100644 index 0000000..39c29cd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_top_k/run_module_io_flags.txt new file mode 100644 index 0000000..3975886 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_top_k/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x3xf32=@output_0.bin +--expected_output=3x3xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_top_k_negative_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/input_0.bin new file mode 100644 index 0000000..a2324f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k_negative_axis/input_1.bin b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/input_1.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k_negative_axis/model.mlir b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/model.mlir new file mode 100644 index 0000000..a2f14e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_top_k_negative_axis(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> (!torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.TopK"(%arg0, %arg1) {torch.onnx.axis = -1 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],si64>) -> (!torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64>) + return %0#0, %0#1 : !torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_top_k_negative_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/output_0.bin new file mode 100644 index 0000000..58f55d3 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k_negative_axis/output_1.bin b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/output_1.bin new file mode 100644 index 0000000..39c29cd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k_negative_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/run_module_io_flags.txt new file mode 100644 index 0000000..3975886 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_top_k_negative_axis/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x3xf32=@output_0.bin +--expected_output=3x3xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_top_k_smallest/input_0.bin b/onnx-ops/onnx/node/generated/test_top_k_smallest/input_0.bin new file mode 100644 index 0000000..669d68d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k_smallest/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k_smallest/input_1.bin b/onnx-ops/onnx/node/generated/test_top_k_smallest/input_1.bin new file mode 100644 index 0000000..3ea21ae Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k_smallest/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k_smallest/model.mlir b/onnx-ops/onnx/node/generated/test_top_k_smallest/model.mlir new file mode 100644 index 0000000..43720fa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_top_k_smallest/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_top_k_smallest(%arg0: !torch.vtensor<[3,4],f32>, %arg1: !torch.vtensor<[1],si64>) -> (!torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.TopK"(%arg0, %arg1) {torch.onnx.axis = 1 : si64, torch.onnx.largest = 0 : si64, torch.onnx.sorted = 1 : si64} : (!torch.vtensor<[3,4],f32>, !torch.vtensor<[1],si64>) -> (!torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64>) + return %0#0, %0#1 : !torch.vtensor<[3,3],f32>, !torch.vtensor<[3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_top_k_smallest/output_0.bin b/onnx-ops/onnx/node/generated/test_top_k_smallest/output_0.bin new file mode 100644 index 0000000..4d2a97a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k_smallest/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k_smallest/output_1.bin b/onnx-ops/onnx/node/generated/test_top_k_smallest/output_1.bin new file mode 100644 index 0000000..ed51bfd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_top_k_smallest/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_top_k_smallest/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_top_k_smallest/run_module_io_flags.txt new file mode 100644 index 0000000..3975886 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_top_k_smallest/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x3xf32=@output_0.bin +--expected_output=3x3xi64=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_training_dropout/input_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout/input_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout/input_1.bin new file mode 100644 index 0000000..78d28d1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout/input_2.bin b/onnx-ops/onnx/node/generated/test_training_dropout/input_2.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout/model.mlir b/onnx-ops/onnx/node/generated/test_training_dropout/model.mlir new file mode 100644 index 0000000..c14deda --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_training_dropout(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],i1>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Dropout"(%arg0, %arg1, %arg2) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],i1>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_training_dropout/output_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout/output_0.bin new file mode 100644 index 0000000..7e5da84 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_training_dropout/run_module_io_flags.txt new file mode 100644 index 0000000..5fc6e17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i1=@input_2.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default/input_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_default/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default/input_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_default/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default/input_2.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default/input_2.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_default/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default/model.mlir b/onnx-ops/onnx/node/generated/test_training_dropout_default/model.mlir new file mode 100644 index 0000000..46228c8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_training_dropout_default(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],i1>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Dropout"(%arg0, %arg1, %arg2) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],i1>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default/output_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default/output_0.bin new file mode 100644 index 0000000..88896de Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_default/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_training_dropout_default/run_module_io_flags.txt new file mode 100644 index 0000000..5fc6e17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_default/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i1=@input_2.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_1.bin new file mode 100644 index 0000000..2c7d7c4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_2.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_2.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/model.mlir b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/model.mlir new file mode 100644 index 0000000..4553f57 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_training_dropout_default_mask(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],i1>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Dropout"(%arg0, %arg1, %arg2) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],i1>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) + return %0#0, %0#1 : !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/output_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/output_0.bin new file mode 100644 index 0000000..88896de Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/output_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/output_1.bin new file mode 100644 index 0000000..3680b30 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/run_module_io_flags.txt new file mode 100644 index 0000000..0f5620e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_default_mask/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i1=@input_2.bin +--expected_output=3x4x5xf32=@output_0.bin +--expected_output=3x4x5xi1=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_1.bin new file mode 100644 index 0000000..78d28d1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_2.bin b/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_2.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_mask/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_mask/model.mlir b/onnx-ops/onnx/node/generated/test_training_dropout_mask/model.mlir new file mode 100644 index 0000000..500799e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_mask/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_training_dropout_mask(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],i1>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Dropout"(%arg0, %arg1, %arg2) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],i1>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) + return %0#0, %0#1 : !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_mask/output_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_mask/output_0.bin new file mode 100644 index 0000000..7e5da84 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_mask/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_mask/output_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout_mask/output_1.bin new file mode 100644 index 0000000..fd096b8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_mask/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_mask/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_training_dropout_mask/run_module_io_flags.txt new file mode 100644 index 0000000..0f5620e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_mask/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i1=@input_2.bin +--expected_output=3x4x5xf32=@output_0.bin +--expected_output=3x4x5xi1=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_2.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_2.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/model.mlir b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/model.mlir new file mode 100644 index 0000000..3360334 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_training_dropout_zero_ratio(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],i1>) -> !torch.vtensor<[3,4,5],f32> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Dropout"(%arg0, %arg1, %arg2) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],i1>) -> !torch.vtensor<[3,4,5],f32> + return %0 : !torch.vtensor<[3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/output_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/run_module_io_flags.txt new file mode 100644 index 0000000..5fc6e17 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i1=@input_2.bin +--expected_output=3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_1.bin new file mode 100644 index 0000000..593f470 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_2.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_2.bin new file mode 100644 index 0000000..6b2aaa7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/input_2.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/model.mlir b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/model.mlir new file mode 100644 index 0000000..1777bf5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_training_dropout_zero_ratio_mask(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[],f32>, %arg2: !torch.vtensor<[],i1>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:2 = torch.operator "onnx.Dropout"(%arg0, %arg1, %arg2) {torch.onnx.seed = 0 : si64} : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[],f32>, !torch.vtensor<[],i1>) -> (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1>) + return %0#0, %0#1 : !torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/output_0.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/output_1.bin b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/output_1.bin new file mode 100644 index 0000000..64bf111 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/output_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/run_module_io_flags.txt new file mode 100644 index 0000000..0f5620e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_training_dropout_zero_ratio_mask/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x4x5xf32=@input_0.bin +--input=f32=@input_1.bin +--input=i1=@input_2.bin +--expected_output=3x4x5xf32=@output_0.bin +--expected_output=3x4x5xi1=@output_1.bin diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/input_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/model.mlir b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/model.mlir new file mode 100644 index 0000000..3c40036 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_transpose_all_permutations_0(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Transpose"(%arg0) {torch.onnx.perm = [0 : si64, 1 : si64, 2 : si64]} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,3,4],f32> + return %0 : !torch.vtensor<[2,3,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/output_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/output_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/run_module_io_flags.txt new file mode 100644 index 0000000..36dc4e7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_0/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x3x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/input_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/model.mlir b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/model.mlir new file mode 100644 index 0000000..f80baf9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_transpose_all_permutations_1(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4,3],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Transpose"(%arg0) {torch.onnx.perm = [0 : si64, 2 : si64, 1 : si64]} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[2,4,3],f32> + return %0 : !torch.vtensor<[2,4,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/output_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/output_0.bin new file mode 100644 index 0000000..bc6663d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/output_0.bin @@ -0,0 +1 @@ +  ?H>v?7?QY%?rR>N?n >~J?w} ?p=^?G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/run_module_io_flags.txt new file mode 100644 index 0000000..e57a61b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_1/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=2x4x3xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/input_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/model.mlir b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/model.mlir new file mode 100644 index 0000000..c7d899d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_transpose_all_permutations_2(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[3,2,4],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Transpose"(%arg0) {torch.onnx.perm = [1 : si64, 0 : si64, 2 : si64]} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[3,2,4],f32> + return %0 : !torch.vtensor<[3,2,4],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/output_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/output_0.bin new file mode 100644 index 0000000..7a24167 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/output_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?^k?l?Z{=p=H>QY%?n >~J?e?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/run_module_io_flags.txt new file mode 100644 index 0000000..5f23723 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_2/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=3x2x4xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/input_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/model.mlir b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/model.mlir new file mode 100644 index 0000000..aaa9a54 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_transpose_all_permutations_3(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[3,4,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Transpose"(%arg0) {torch.onnx.perm = [1 : si64, 2 : si64, 0 : si64]} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[3,4,2],f32> + return %0 : !torch.vtensor<[3,4,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/output_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/output_0.bin new file mode 100644 index 0000000..7219b94 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/output_0.bin @@ -0,0 +1 @@ +  ?^k?7?l?N?Z{=w} ?p=H> H5G?L?~J?G>e?G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/run_module_io_flags.txt new file mode 100644 index 0000000..9cf0a6e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_3/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x4xf32=@input_0.bin +--expected_output=3x4x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/input_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/input_0.bin new file mode 100644 index 0000000..4d09c87 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/input_0.bin @@ -0,0 +1 @@ +  ?7?N?w} ?H>QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/model.mlir b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/model.mlir new file mode 100644 index 0000000..24c0300 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_transpose_all_permutations_4(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[4,2,3],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Transpose"(%arg0) {torch.onnx.perm = [2 : si64, 0 : si64, 1 : si64]} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[4,2,3],f32> + return %0 : !torch.vtensor<[4,2,3],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/output_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/output_0.bin new file mode 100644 index 0000000..fe64ab3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_4/output_0.bin @@ -0,0 +1 @@ +  ?H>v?^k? l?&U?L?N?n >~J?Z{=H5G?G>w} ?QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_5/model.mlir b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_5/model.mlir new file mode 100644 index 0000000..b498bc8 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_5/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_transpose_all_permutations_5(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[4,3,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Transpose"(%arg0) {torch.onnx.perm = [2 : si64, 1 : si64, 0 : si64]} : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[4,3,2],f32> + return %0 : !torch.vtensor<[4,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_transpose_all_permutations_5/output_0.bin b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_5/output_0.bin new file mode 100644 index 0000000..59639ff --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_all_permutations_5/output_0.bin @@ -0,0 +1 @@ +  ?^k?H> L?N?Z{=n >H5G?~J?G>w} ?p=QY%?n >~J?e?^k?l?Z{=p= <&U?H5G?^?z?L?G>G? \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_transpose_default/model.mlir b/onnx-ops/onnx/node/generated/test_transpose_default/model.mlir new file mode 100644 index 0000000..ab19626 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_default/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_transpose_default(%arg0: !torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[4,3,2],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Transpose"(%arg0) : (!torch.vtensor<[2,3,4],f32>) -> !torch.vtensor<[4,3,2],f32> + return %0 : !torch.vtensor<[4,3,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_transpose_default/output_0.bin b/onnx-ops/onnx/node/generated/test_transpose_default/output_0.bin new file mode 100644 index 0000000..59639ff --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_transpose_default/output_0.bin @@ -0,0 +1 @@ +  ?^k?H> L?N?Z{=n >H5G?~J?G>w} ?p=) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[4,5],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril/output_0.bin b/onnx-ops/onnx/node/generated/test_tril/output_0.bin new file mode 100644 index 0000000..3d3176b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril/run_module_io_flags.txt new file mode 100644 index 0000000..d1c639e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4x5xi64=@input_0.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tril_neg/input_0.bin b/onnx-ops/onnx/node/generated/test_tril_neg/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_neg/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_neg/input_1.bin b/onnx-ops/onnx/node/generated/test_tril_neg/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_neg/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tril_neg/model.mlir b/onnx-ops/onnx/node/generated/test_tril_neg/model.mlir new file mode 100644 index 0000000..325fb72 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_neg/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tril_neg(%arg0: !torch.vtensor<[4,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[4,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril_neg/output_0.bin b/onnx-ops/onnx/node/generated/test_tril_neg/output_0.bin new file mode 100644 index 0000000..6f54fd1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_neg/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_neg/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril_neg/run_module_io_flags.txt new file mode 100644 index 0000000..bdead97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_neg/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tril_one_row_neg/input_0.bin b/onnx-ops/onnx/node/generated/test_tril_one_row_neg/input_0.bin new file mode 100644 index 0000000..d3967b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_one_row_neg/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_one_row_neg/model.mlir b/onnx-ops/onnx/node/generated/test_tril_one_row_neg/model.mlir new file mode 100644 index 0000000..c0190d5 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_one_row_neg/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tril_one_row_neg(%arg0: !torch.vtensor<[3,1,5],si64>) -> !torch.vtensor<[3,1,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[3,1,5],si64>) -> !torch.vtensor<[3,1,5],si64> + return %0 : !torch.vtensor<[3,1,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril_one_row_neg/output_0.bin b/onnx-ops/onnx/node/generated/test_tril_one_row_neg/output_0.bin new file mode 100644 index 0000000..1649ff2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_one_row_neg/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_one_row_neg/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril_one_row_neg/run_module_io_flags.txt new file mode 100644 index 0000000..71d8643 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_one_row_neg/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=3x1x5xi64=@input_0.bin +--expected_output=3x1x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tril_out_neg/input_0.bin b/onnx-ops/onnx/node/generated/test_tril_out_neg/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_out_neg/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_out_neg/input_1.bin b/onnx-ops/onnx/node/generated/test_tril_out_neg/input_1.bin new file mode 100644 index 0000000..6067fe9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_out_neg/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tril_out_neg/model.mlir b/onnx-ops/onnx/node/generated/test_tril_out_neg/model.mlir new file mode 100644 index 0000000..4ad2f94 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_out_neg/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tril_out_neg(%arg0: !torch.vtensor<[4,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[4,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril_out_neg/output_0.bin b/onnx-ops/onnx/node/generated/test_tril_out_neg/output_0.bin new file mode 100644 index 0000000..77342a6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_out_neg/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_out_neg/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril_out_neg/run_module_io_flags.txt new file mode 100644 index 0000000..bdead97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_out_neg/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tril_out_pos/input_0.bin b/onnx-ops/onnx/node/generated/test_tril_out_pos/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_out_pos/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_out_pos/input_1.bin b/onnx-ops/onnx/node/generated/test_tril_out_pos/input_1.bin new file mode 100644 index 0000000..ad1af3b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_out_pos/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_out_pos/model.mlir b/onnx-ops/onnx/node/generated/test_tril_out_pos/model.mlir new file mode 100644 index 0000000..afafca2 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_out_pos/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tril_out_pos(%arg0: !torch.vtensor<[4,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[4,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril_out_pos/output_0.bin b/onnx-ops/onnx/node/generated/test_tril_out_pos/output_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_out_pos/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_out_pos/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril_out_pos/run_module_io_flags.txt new file mode 100644 index 0000000..bdead97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_out_pos/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tril_pos/input_0.bin b/onnx-ops/onnx/node/generated/test_tril_pos/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_pos/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_pos/input_1.bin b/onnx-ops/onnx/node/generated/test_tril_pos/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_pos/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_pos/model.mlir b/onnx-ops/onnx/node/generated/test_tril_pos/model.mlir new file mode 100644 index 0000000..ae4ab68 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_pos/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tril_pos(%arg0: !torch.vtensor<[4,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[4,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril_pos/output_0.bin b/onnx-ops/onnx/node/generated/test_tril_pos/output_0.bin new file mode 100644 index 0000000..e730fee Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_pos/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_pos/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril_pos/run_module_io_flags.txt new file mode 100644 index 0000000..bdead97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_pos/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tril_square/input_0.bin b/onnx-ops/onnx/node/generated/test_tril_square/input_0.bin new file mode 100644 index 0000000..b245630 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_square/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_square/model.mlir b/onnx-ops/onnx/node/generated/test_tril_square/model.mlir new file mode 100644 index 0000000..4da57c0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_square/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tril_square(%arg0: !torch.vtensor<[2,3,3],si64>) -> !torch.vtensor<[2,3,3],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[2,3,3],si64>) -> !torch.vtensor<[2,3,3],si64> + return %0 : !torch.vtensor<[2,3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril_square/output_0.bin b/onnx-ops/onnx/node/generated/test_tril_square/output_0.bin new file mode 100644 index 0000000..b1eab32 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_square/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_square/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril_square/run_module_io_flags.txt new file mode 100644 index 0000000..749d960 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_square/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x3xi64=@input_0.bin +--expected_output=2x3x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tril_square_neg/input_0.bin b/onnx-ops/onnx/node/generated/test_tril_square_neg/input_0.bin new file mode 100644 index 0000000..b245630 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_square_neg/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_square_neg/input_1.bin b/onnx-ops/onnx/node/generated/test_tril_square_neg/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_square_neg/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_tril_square_neg/model.mlir b/onnx-ops/onnx/node/generated/test_tril_square_neg/model.mlir new file mode 100644 index 0000000..4fbf0fe --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_square_neg/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tril_square_neg(%arg0: !torch.vtensor<[2,3,3],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[2,3,3],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[2,3,3],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[2,3,3],si64> + return %0 : !torch.vtensor<[2,3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril_square_neg/output_0.bin b/onnx-ops/onnx/node/generated/test_tril_square_neg/output_0.bin new file mode 100644 index 0000000..1523db2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_square_neg/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_square_neg/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril_square_neg/run_module_io_flags.txt new file mode 100644 index 0000000..a11ab25 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_square_neg/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x3xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=2x3x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_tril_zero/input_0.bin b/onnx-ops/onnx/node/generated/test_tril_zero/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_tril_zero/input_1.bin b/onnx-ops/onnx/node/generated/test_tril_zero/input_1.bin new file mode 100644 index 0000000..ad1af3b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_tril_zero/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_tril_zero/model.mlir b/onnx-ops/onnx/node/generated/test_tril_zero/model.mlir new file mode 100644 index 0000000..e9ff634 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_zero/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_tril_zero(%arg0: !torch.vtensor<[3,0,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[3,0,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) {torch.onnx.upper = 0 : si64} : (!torch.vtensor<[3,0,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[3,0,5],si64> + return %0 : !torch.vtensor<[3,0,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_tril_zero/output_0.bin b/onnx-ops/onnx/node/generated/test_tril_zero/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_tril_zero/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_tril_zero/run_module_io_flags.txt new file mode 100644 index 0000000..04ee479 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_tril_zero/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x0x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=3x0x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu/input_0.bin b/onnx-ops/onnx/node/generated/test_triu/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu/model.mlir b/onnx-ops/onnx/node/generated/test_triu/model.mlir new file mode 100644 index 0000000..581d0c1 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu(%arg0: !torch.vtensor<[4,5],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0) : (!torch.vtensor<[4,5],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu/output_0.bin b/onnx-ops/onnx/node/generated/test_triu/output_0.bin new file mode 100644 index 0000000..5d37a76 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu/run_module_io_flags.txt new file mode 100644 index 0000000..d1c639e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=4x5xi64=@input_0.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu_neg/input_0.bin b/onnx-ops/onnx/node/generated/test_triu_neg/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_neg/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_neg/input_1.bin b/onnx-ops/onnx/node/generated/test_triu_neg/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_neg/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_triu_neg/model.mlir b/onnx-ops/onnx/node/generated/test_triu_neg/model.mlir new file mode 100644 index 0000000..5abf6ed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_neg/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu_neg(%arg0: !torch.vtensor<[4,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) : (!torch.vtensor<[4,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu_neg/output_0.bin b/onnx-ops/onnx/node/generated/test_triu_neg/output_0.bin new file mode 100644 index 0000000..6059e60 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_neg/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_neg/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu_neg/run_module_io_flags.txt new file mode 100644 index 0000000..bdead97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_neg/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu_one_row/input_0.bin b/onnx-ops/onnx/node/generated/test_triu_one_row/input_0.bin new file mode 100644 index 0000000..d3967b1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_one_row/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_one_row/input_1.bin b/onnx-ops/onnx/node/generated/test_triu_one_row/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_one_row/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_one_row/model.mlir b/onnx-ops/onnx/node/generated/test_triu_one_row/model.mlir new file mode 100644 index 0000000..17a2d4a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_one_row/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu_one_row(%arg0: !torch.vtensor<[3,1,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[3,1,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) : (!torch.vtensor<[3,1,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[3,1,5],si64> + return %0 : !torch.vtensor<[3,1,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu_one_row/output_0.bin b/onnx-ops/onnx/node/generated/test_triu_one_row/output_0.bin new file mode 100644 index 0000000..3278508 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_one_row/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_one_row/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu_one_row/run_module_io_flags.txt new file mode 100644 index 0000000..96d85af --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_one_row/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x1x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=3x1x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu_out_neg_out/input_0.bin b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_out_neg_out/input_1.bin b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/input_1.bin new file mode 100644 index 0000000..6067fe9 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_triu_out_neg_out/model.mlir b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/model.mlir new file mode 100644 index 0000000..1a5c473 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu_out_neg_out(%arg0: !torch.vtensor<[4,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) : (!torch.vtensor<[4,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu_out_neg_out/output_0.bin b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/output_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_out_neg_out/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/run_module_io_flags.txt new file mode 100644 index 0000000..bdead97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_out_neg_out/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu_out_pos/input_0.bin b/onnx-ops/onnx/node/generated/test_triu_out_pos/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_out_pos/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_out_pos/input_1.bin b/onnx-ops/onnx/node/generated/test_triu_out_pos/input_1.bin new file mode 100644 index 0000000..ad1af3b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_out_pos/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_out_pos/model.mlir b/onnx-ops/onnx/node/generated/test_triu_out_pos/model.mlir new file mode 100644 index 0000000..dfa9126 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_out_pos/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu_out_pos(%arg0: !torch.vtensor<[4,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) : (!torch.vtensor<[4,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu_out_pos/output_0.bin b/onnx-ops/onnx/node/generated/test_triu_out_pos/output_0.bin new file mode 100644 index 0000000..77342a6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_out_pos/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_out_pos/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu_out_pos/run_module_io_flags.txt new file mode 100644 index 0000000..bdead97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_out_pos/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu_pos/input_0.bin b/onnx-ops/onnx/node/generated/test_triu_pos/input_0.bin new file mode 100644 index 0000000..9b15b99 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_pos/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_pos/input_1.bin b/onnx-ops/onnx/node/generated/test_triu_pos/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_pos/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_pos/model.mlir b/onnx-ops/onnx/node/generated/test_triu_pos/model.mlir new file mode 100644 index 0000000..97239bd --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_pos/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu_pos(%arg0: !torch.vtensor<[4,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) : (!torch.vtensor<[4,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[4,5],si64> + return %0 : !torch.vtensor<[4,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu_pos/output_0.bin b/onnx-ops/onnx/node/generated/test_triu_pos/output_0.bin new file mode 100644 index 0000000..0f1f161 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_pos/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_pos/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu_pos/run_module_io_flags.txt new file mode 100644 index 0000000..bdead97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_pos/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=4x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=4x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu_square/input_0.bin b/onnx-ops/onnx/node/generated/test_triu_square/input_0.bin new file mode 100644 index 0000000..b245630 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_square/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_square/model.mlir b/onnx-ops/onnx/node/generated/test_triu_square/model.mlir new file mode 100644 index 0000000..c58780a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_square/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu_square(%arg0: !torch.vtensor<[2,3,3],si64>) -> !torch.vtensor<[2,3,3],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0) : (!torch.vtensor<[2,3,3],si64>) -> !torch.vtensor<[2,3,3],si64> + return %0 : !torch.vtensor<[2,3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu_square/output_0.bin b/onnx-ops/onnx/node/generated/test_triu_square/output_0.bin new file mode 100644 index 0000000..25ab134 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_square/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_square/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu_square/run_module_io_flags.txt new file mode 100644 index 0000000..749d960 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_square/run_module_io_flags.txt @@ -0,0 +1,2 @@ +--input=2x3x3xi64=@input_0.bin +--expected_output=2x3x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu_square_neg/input_0.bin b/onnx-ops/onnx/node/generated/test_triu_square_neg/input_0.bin new file mode 100644 index 0000000..b245630 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_square_neg/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_square_neg/input_1.bin b/onnx-ops/onnx/node/generated/test_triu_square_neg/input_1.bin new file mode 100644 index 0000000..8663f7d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_square_neg/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_triu_square_neg/model.mlir b/onnx-ops/onnx/node/generated/test_triu_square_neg/model.mlir new file mode 100644 index 0000000..a74d9c3 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_square_neg/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu_square_neg(%arg0: !torch.vtensor<[2,3,3],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[2,3,3],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) : (!torch.vtensor<[2,3,3],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[2,3,3],si64> + return %0 : !torch.vtensor<[2,3,3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu_square_neg/output_0.bin b/onnx-ops/onnx/node/generated/test_triu_square_neg/output_0.bin new file mode 100644 index 0000000..681b681 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_square_neg/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_square_neg/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu_square_neg/run_module_io_flags.txt new file mode 100644 index 0000000..a11ab25 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_square_neg/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=2x3x3xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=2x3x3xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_triu_zero/input_0.bin b/onnx-ops/onnx/node/generated/test_triu_zero/input_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_triu_zero/input_1.bin b/onnx-ops/onnx/node/generated/test_triu_zero/input_1.bin new file mode 100644 index 0000000..ad1af3b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_triu_zero/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_triu_zero/model.mlir b/onnx-ops/onnx/node/generated/test_triu_zero/model.mlir new file mode 100644 index 0000000..df4e38c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_zero/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_triu_zero(%arg0: !torch.vtensor<[0,5],si64>, %arg1: !torch.vtensor<[],si64>) -> !torch.vtensor<[0,5],si64> attributes {torch.onnx_meta.ir_version = 7 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Trilu"(%arg0, %arg1) : (!torch.vtensor<[0,5],si64>, !torch.vtensor<[],si64>) -> !torch.vtensor<[0,5],si64> + return %0 : !torch.vtensor<[0,5],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_triu_zero/output_0.bin b/onnx-ops/onnx/node/generated/test_triu_zero/output_0.bin new file mode 100644 index 0000000..e69de29 diff --git a/onnx-ops/onnx/node/generated/test_triu_zero/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_triu_zero/run_module_io_flags.txt new file mode 100644 index 0000000..d95d196 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_triu_zero/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=0x5xi64=@input_0.bin +--input=i64=@input_1.bin +--expected_output=0x5xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/input_0.bin new file mode 100644 index 0000000..4b34441 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/model.mlir b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/model.mlir new file mode 100644 index 0000000..55faa6a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unique_not_sorted_without_axis(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[4],f32>, !torch.vtensor<[4],si64>, !torch.vtensor<[6],si64>, !torch.vtensor<[4],si64>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:4 = torch.operator "onnx.Unique"(%arg0) {torch.onnx.sorted = 0 : si64} : (!torch.vtensor<[6],f32>) -> (!torch.vtensor<[4],f32>, !torch.vtensor<[4],si64>, !torch.vtensor<[6],si64>, !torch.vtensor<[4],si64>) + return %0#0, %0#1, %0#2, %0#3 : !torch.vtensor<[4],f32>, !torch.vtensor<[4],si64>, !torch.vtensor<[6],si64>, !torch.vtensor<[4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_0.bin new file mode 100644 index 0000000..dad0c40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_1.bin b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_1.bin new file mode 100644 index 0000000..060a8da Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_2.bin b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_2.bin new file mode 100644 index 0000000..b6024f4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_3.bin b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_3.bin new file mode 100644 index 0000000..608dfb9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/output_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/run_module_io_flags.txt new file mode 100644 index 0000000..2737746 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_not_sorted_without_axis/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=6xf32=@input_0.bin +--expected_output=4xf32=@output_0.bin +--expected_output=4xi64=@output_1.bin +--expected_output=6xi64=@output_2.bin +--expected_output=4xi64=@output_3.bin diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/input_0.bin new file mode 100644 index 0000000..04207ed Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/model.mlir b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/model.mlir new file mode 100644 index 0000000..321bf81 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unique_sorted_with_axis(%arg0: !torch.vtensor<[3,3],f32>) -> (!torch.vtensor<[2,3],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:4 = torch.operator "onnx.Unique"(%arg0) {torch.onnx.axis = 0 : si64, torch.onnx.sorted = 1 : si64} : (!torch.vtensor<[3,3],f32>) -> (!torch.vtensor<[2,3],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) + return %0#0, %0#1, %0#2, %0#3 : !torch.vtensor<[2,3],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_0.bin new file mode 100644 index 0000000..a9d84f4 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_1.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_1.bin new file mode 100644 index 0000000..3a12c8e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_2.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_2.bin new file mode 100644 index 0000000..8c85108 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_3.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_3.bin new file mode 100644 index 0000000..28c42f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/output_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/run_module_io_flags.txt new file mode 100644 index 0000000..41c1e97 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x3xf32=@input_0.bin +--expected_output=2x3xf32=@output_0.bin +--expected_output=2xi64=@output_1.bin +--expected_output=3xi64=@output_2.bin +--expected_output=2xi64=@output_3.bin diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/input_0.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/input_0.bin new file mode 100644 index 0000000..370c28d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/model.mlir b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/model.mlir new file mode 100644 index 0000000..60ce22a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unique_sorted_with_axis_3d(%arg0: !torch.vtensor<[2,4,2],f32>) -> (!torch.vtensor<[2,3,2],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[4],si64>, !torch.vtensor<[3],si64>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:4 = torch.operator "onnx.Unique"(%arg0) {torch.onnx.axis = 1 : si64, torch.onnx.sorted = 1 : si64} : (!torch.vtensor<[2,4,2],f32>) -> (!torch.vtensor<[2,3,2],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[4],si64>, !torch.vtensor<[3],si64>) + return %0#0, %0#1, %0#2, %0#3 : !torch.vtensor<[2,3,2],f32>, !torch.vtensor<[3],si64>, !torch.vtensor<[4],si64>, !torch.vtensor<[3],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_0.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_0.bin new file mode 100644 index 0000000..a5798d0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_1.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_1.bin new file mode 100644 index 0000000..943c57f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_2.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_2.bin new file mode 100644 index 0000000..8a6b28e Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_3.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_3.bin new file mode 100644 index 0000000..7e42ff1 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/output_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/run_module_io_flags.txt new file mode 100644 index 0000000..01bf857 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_sorted_with_axis_3d/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=2x4x2xf32=@input_0.bin +--expected_output=2x3x2xf32=@output_0.bin +--expected_output=3xi64=@output_1.bin +--expected_output=4xi64=@output_2.bin +--expected_output=3xi64=@output_3.bin diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/input_0.bin new file mode 100644 index 0000000..6e8f765 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/model.mlir b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/model.mlir new file mode 100644 index 0000000..e7d4cdf --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unique_sorted_with_negative_axis(%arg0: !torch.vtensor<[3,3],f32>) -> (!torch.vtensor<[3,2],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:4 = torch.operator "onnx.Unique"(%arg0) {torch.onnx.axis = -1 : si64, torch.onnx.sorted = 1 : si64} : (!torch.vtensor<[3,3],f32>) -> (!torch.vtensor<[3,2],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[2],si64>) + return %0#0, %0#1, %0#2, %0#3 : !torch.vtensor<[3,2],f32>, !torch.vtensor<[2],si64>, !torch.vtensor<[3],si64>, !torch.vtensor<[2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_0.bin new file mode 100644 index 0000000..7f51925 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_1.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_1.bin new file mode 100644 index 0000000..49689ea Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_2.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_2.bin new file mode 100644 index 0000000..95a902b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_3.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_3.bin new file mode 100644 index 0000000..28c42f2 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/output_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/run_module_io_flags.txt new file mode 100644 index 0000000..0c66266 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_sorted_with_negative_axis/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=3x3xf32=@input_0.bin +--expected_output=3x2xf32=@output_0.bin +--expected_output=2xi64=@output_1.bin +--expected_output=3xi64=@output_2.bin +--expected_output=2xi64=@output_3.bin diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/input_0.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/input_0.bin new file mode 100644 index 0000000..4b34441 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/model.mlir b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/model.mlir new file mode 100644 index 0000000..7796135 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unique_sorted_without_axis(%arg0: !torch.vtensor<[6],f32>) -> (!torch.vtensor<[4],f32>, !torch.vtensor<[4],si64>, !torch.vtensor<[6],si64>, !torch.vtensor<[4],si64>) attributes {torch.onnx_meta.ir_version = 6 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0:4 = torch.operator "onnx.Unique"(%arg0) : (!torch.vtensor<[6],f32>) -> (!torch.vtensor<[4],f32>, !torch.vtensor<[4],si64>, !torch.vtensor<[6],si64>, !torch.vtensor<[4],si64>) + return %0#0, %0#1, %0#2, %0#3 : !torch.vtensor<[4],f32>, !torch.vtensor<[4],si64>, !torch.vtensor<[6],si64>, !torch.vtensor<[4],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_0.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_1.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_1.bin new file mode 100644 index 0000000..6a47dd0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_2.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_2.bin new file mode 100644 index 0000000..2cd0445 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_3.bin b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_3.bin new file mode 100644 index 0000000..436c898 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/output_3.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/run_module_io_flags.txt new file mode 100644 index 0000000..2737746 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unique_sorted_without_axis/run_module_io_flags.txt @@ -0,0 +1,5 @@ +--input=6xf32=@input_0.bin +--expected_output=4xf32=@output_0.bin +--expected_output=4xi64=@output_1.bin +--expected_output=6xi64=@output_2.bin +--expected_output=4xi64=@output_3.bin diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/input_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/input_1.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/input_1.bin new file mode 100644 index 0000000..1b1cb4d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/model.mlir b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/model.mlir new file mode 100644 index 0000000..c155138 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unsqueeze_axis_0(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,3,4,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Unsqueeze"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,3,4,5],f32> + return %0 : !torch.vtensor<[1,3,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/output_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/run_module_io_flags.txt new file mode 100644 index 0000000..6c60888 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_0/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=1x3x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/input_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/input_1.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/input_1.bin new file mode 100644 index 0000000..20d5cb8 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/model.mlir b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/model.mlir new file mode 100644 index 0000000..63f4189 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unsqueeze_axis_1(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,4,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Unsqueeze"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,1,4,5],f32> + return %0 : !torch.vtensor<[3,1,4,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/output_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/run_module_io_flags.txt new file mode 100644 index 0000000..7234706 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_1/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x1x4x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/input_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/input_1.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/input_1.bin new file mode 100644 index 0000000..71c2a58 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/model.mlir b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/model.mlir new file mode 100644 index 0000000..28b3739 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unsqueeze_axis_2(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Unsqueeze"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[3,4,1,5],f32> + return %0 : !torch.vtensor<[3,4,1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/output_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/run_module_io_flags.txt new file mode 100644 index 0000000..c523df6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_axis_2/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=3x4x1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/input_0.bin new file mode 100644 index 0000000..077e004 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/input_1.bin new file mode 100644 index 0000000..cb3af5c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/input_1.bin @@ -0,0 +1 @@ + \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/model.mlir b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/model.mlir new file mode 100644 index 0000000..8f24ded --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unsqueeze_negative_axes(%arg0: !torch.vtensor<[1,3,1,5],f32>, %arg1: !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,3,1,1,5],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Unsqueeze"(%arg0, %arg1) : (!torch.vtensor<[1,3,1,5],f32>, !torch.vtensor<[1],si64>) -> !torch.vtensor<[1,3,1,1,5],f32> + return %0 : !torch.vtensor<[1,3,1,1,5],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/output_0.bin new file mode 100644 index 0000000..077e004 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B> \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/run_module_io_flags.txt new file mode 100644 index 0000000..f69bed7 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_negative_axes/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x3x1x5xf32=@input_0.bin +--input=1xi64=@input_1.bin +--expected_output=1x3x1x1x5xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/input_1.bin new file mode 100644 index 0000000..724aff0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/model.mlir b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/model.mlir new file mode 100644 index 0000000..8b3a72e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unsqueeze_three_axes(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,1,5,1,1],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Unsqueeze"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,1,5,1,1],f32> + return %0 : !torch.vtensor<[3,4,1,5,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/run_module_io_flags.txt new file mode 100644 index 0000000..dbfb9b4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_three_axes/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3x4x1x5x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/input_1.bin new file mode 100644 index 0000000..70e8ad0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/model.mlir b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/model.mlir new file mode 100644 index 0000000..187d2ef --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unsqueeze_two_axes(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,1,4,5,1],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Unsqueeze"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[2],si64>) -> !torch.vtensor<[3,1,4,5,1],f32> + return %0 : !torch.vtensor<[3,1,4,5,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/run_module_io_flags.txt new file mode 100644 index 0000000..a946c37 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_two_axes/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=2xi64=@input_1.bin +--expected_output=3x1x4x5x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/input_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/input_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/input_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/input_1.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/input_1.bin new file mode 100644 index 0000000..05a219b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/model.mlir b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/model.mlir new file mode 100644 index 0000000..b91743b --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_unsqueeze_unsorted_axes(%arg0: !torch.vtensor<[3,4,5],f32>, %arg1: !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,1,5,1,1],f32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Unsqueeze"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],f32>, !torch.vtensor<[3],si64>) -> !torch.vtensor<[3,4,1,5,1,1],f32> + return %0 : !torch.vtensor<[3,4,1,5,1,1],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/output_0.bin b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/output_0.bin new file mode 100644 index 0000000..7ddc49c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/output_0.bin @@ -0,0 +1 @@ +x?h>z?j@$ ?.z8s?bhdӽ9>(>%?^B?0= B>]ת>=?RiJ>Z/d#S'?K]?=C@(Hm;= ?2??>>Ec! >*z??Oƾmǚ6&õgڿ?xFKྙ[ G?4οYL=e> kQN>.:=ݚ>b"6 \ No newline at end of file diff --git a/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/run_module_io_flags.txt new file mode 100644 index 0000000..dbfb9b4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_unsqueeze_unsorted_axes/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xf32=@input_0.bin +--input=3xi64=@input_1.bin +--expected_output=3x4x1x5x1x1xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_upsample_nearest/input_0.bin b/onnx-ops/onnx/node/generated/test_upsample_nearest/input_0.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_upsample_nearest/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_upsample_nearest/input_1.bin b/onnx-ops/onnx/node/generated/test_upsample_nearest/input_1.bin new file mode 100644 index 0000000..9c16afa Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_upsample_nearest/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_upsample_nearest/model.mlir b/onnx-ops/onnx/node/generated/test_upsample_nearest/model.mlir new file mode 100644 index 0000000..cbce08a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_upsample_nearest/model.mlir @@ -0,0 +1,9 @@ +module { + func.func @test_upsample_nearest(%arg0: !torch.vtensor<[1,1,2,2],f32>, %arg1: !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,6],f32> attributes {torch.onnx_meta.ir_version = 4 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Constant"() {torch.onnx.value = dense<[0.000000e+00, 0.000000e+00, 0.000000e+00, 0.000000e+00, 1.000000e+00, 1.000000e+00, 1.000000e+00, 1.000000e+00]> : tensor<8xf32>} : () -> !torch.vtensor<[8],f32> + %1 = torch.operator "onnx.Resize"(%arg0, %0, %arg1) {torch.onnx.mode = "nearest"} : (!torch.vtensor<[1,1,2,2],f32>, !torch.vtensor<[8],f32>, !torch.vtensor<[4],f32>) -> !torch.vtensor<[1,1,4,6],f32> + return %1 : !torch.vtensor<[1,1,4,6],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_upsample_nearest/output_0.bin b/onnx-ops/onnx/node/generated/test_upsample_nearest/output_0.bin new file mode 100644 index 0000000..4efecc9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_upsample_nearest/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_upsample_nearest/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_upsample_nearest/run_module_io_flags.txt new file mode 100644 index 0000000..80e412d --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_upsample_nearest/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x1x2x2xf32=@input_0.bin +--input=4xf32=@input_1.bin +--expected_output=1x1x4x6xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_where_example/input_0.bin b/onnx-ops/onnx/node/generated/test_where_example/input_0.bin new file mode 100644 index 0000000..f03a3bd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_where_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_where_example/input_1.bin b/onnx-ops/onnx/node/generated/test_where_example/input_1.bin new file mode 100644 index 0000000..8db91db Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_where_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_where_example/input_2.bin b/onnx-ops/onnx/node/generated/test_where_example/input_2.bin new file mode 100644 index 0000000..786fd40 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_where_example/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_where_example/model.mlir b/onnx-ops/onnx/node/generated/test_where_example/model.mlir new file mode 100644 index 0000000..94ceeed --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_where_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_where_example(%arg0: !torch.vtensor<[2,2],i1>, %arg1: !torch.vtensor<[2,2],f32>, %arg2: !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,2],f32> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Where"(%arg0, %arg1, %arg2) : (!torch.vtensor<[2,2],i1>, !torch.vtensor<[2,2],f32>, !torch.vtensor<[2,2],f32>) -> !torch.vtensor<[2,2],f32> + return %0 : !torch.vtensor<[2,2],f32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_where_example/output_0.bin b/onnx-ops/onnx/node/generated/test_where_example/output_0.bin new file mode 100644 index 0000000..c80ec3d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_where_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_where_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_where_example/run_module_io_flags.txt new file mode 100644 index 0000000..e8794f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_where_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x2xi1=@input_0.bin +--input=2x2xf32=@input_1.bin +--input=2x2xf32=@input_2.bin +--expected_output=2x2xf32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_where_long_example/input_0.bin b/onnx-ops/onnx/node/generated/test_where_long_example/input_0.bin new file mode 100644 index 0000000..f03a3bd Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_where_long_example/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_where_long_example/input_1.bin b/onnx-ops/onnx/node/generated/test_where_long_example/input_1.bin new file mode 100644 index 0000000..191660c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_where_long_example/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_where_long_example/input_2.bin b/onnx-ops/onnx/node/generated/test_where_long_example/input_2.bin new file mode 100644 index 0000000..8ac4d84 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_where_long_example/input_2.bin differ diff --git a/onnx-ops/onnx/node/generated/test_where_long_example/model.mlir b/onnx-ops/onnx/node/generated/test_where_long_example/model.mlir new file mode 100644 index 0000000..fa5e33a --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_where_long_example/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_where_long_example(%arg0: !torch.vtensor<[2,2],i1>, %arg1: !torch.vtensor<[2,2],si64>, %arg2: !torch.vtensor<[2,2],si64>) -> !torch.vtensor<[2,2],si64> attributes {torch.onnx_meta.ir_version = 8 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Where"(%arg0, %arg1, %arg2) : (!torch.vtensor<[2,2],i1>, !torch.vtensor<[2,2],si64>, !torch.vtensor<[2,2],si64>) -> !torch.vtensor<[2,2],si64> + return %0 : !torch.vtensor<[2,2],si64> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_where_long_example/output_0.bin b/onnx-ops/onnx/node/generated/test_where_long_example/output_0.bin new file mode 100644 index 0000000..18da233 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_where_long_example/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_where_long_example/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_where_long_example/run_module_io_flags.txt new file mode 100644 index 0000000..6148628 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_where_long_example/run_module_io_flags.txt @@ -0,0 +1,4 @@ +--input=2x2xi1=@input_0.bin +--input=2x2xi64=@input_1.bin +--input=2x2xi64=@input_2.bin +--expected_output=2x2xi64=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_wrap_pad/input_0.bin b/onnx-ops/onnx/node/generated/test_wrap_pad/input_0.bin new file mode 100644 index 0000000..597e3b5 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_wrap_pad/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_wrap_pad/input_1.bin b/onnx-ops/onnx/node/generated/test_wrap_pad/input_1.bin new file mode 100644 index 0000000..6f3f1ff Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_wrap_pad/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_wrap_pad/model.mlir b/onnx-ops/onnx/node/generated/test_wrap_pad/model.mlir new file mode 100644 index 0000000..1947ebc --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_wrap_pad/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_wrap_pad(%arg0: !torch.vtensor<[1,3,4,5],si32>, %arg1: !torch.vtensor<[8],si64>) -> !torch.vtensor<[1,3,6,7],si32> attributes {torch.onnx_meta.ir_version = 10 : si64, torch.onnx_meta.opset_version = 21 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Pad"(%arg0, %arg1) {torch.onnx.mode = "wrap"} : (!torch.vtensor<[1,3,4,5],si32>, !torch.vtensor<[8],si64>) -> !torch.vtensor<[1,3,6,7],si32> + return %0 : !torch.vtensor<[1,3,6,7],si32> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_wrap_pad/output_0.bin b/onnx-ops/onnx/node/generated/test_wrap_pad/output_0.bin new file mode 100644 index 0000000..3985505 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_wrap_pad/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_wrap_pad/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_wrap_pad/run_module_io_flags.txt new file mode 100644 index 0000000..c9bd5f4 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_wrap_pad/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x3x4x5xi32=@input_0.bin +--input=8xi64=@input_1.bin +--expected_output=1x3x6x7xi32=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_xor2d/input_0.bin b/onnx-ops/onnx/node/generated/test_xor2d/input_0.bin new file mode 100644 index 0000000..552f7af Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor2d/input_1.bin b/onnx-ops/onnx/node/generated/test_xor2d/input_1.bin new file mode 100644 index 0000000..95489d9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor2d/model.mlir b/onnx-ops/onnx/node/generated/test_xor2d/model.mlir new file mode 100644 index 0000000..7df7488 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_xor2d(%arg0: !torch.vtensor<[3,4],i1>, %arg1: !torch.vtensor<[3,4],i1>) -> !torch.vtensor<[3,4],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Xor"(%arg0, %arg1) : (!torch.vtensor<[3,4],i1>, !torch.vtensor<[3,4],i1>) -> !torch.vtensor<[3,4],i1> + return %0 : !torch.vtensor<[3,4],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_xor2d/output_0.bin b/onnx-ops/onnx/node/generated/test_xor2d/output_0.bin new file mode 100644 index 0000000..5cb3842 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_xor2d/run_module_io_flags.txt new file mode 100644 index 0000000..9a333d6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4xi1=@input_0.bin +--input=3x4xi1=@input_1.bin +--expected_output=3x4xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_xor3d/input_0.bin b/onnx-ops/onnx/node/generated/test_xor3d/input_0.bin new file mode 100644 index 0000000..402560b Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor3d/input_1.bin b/onnx-ops/onnx/node/generated/test_xor3d/input_1.bin new file mode 100644 index 0000000..b9b8df9 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor3d/model.mlir b/onnx-ops/onnx/node/generated/test_xor3d/model.mlir new file mode 100644 index 0000000..f632e39 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_xor3d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Xor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[3,4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_xor3d/output_0.bin b/onnx-ops/onnx/node/generated/test_xor3d/output_0.bin new file mode 100644 index 0000000..e2e3954 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_xor3d/run_module_io_flags.txt new file mode 100644 index 0000000..a62475e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=3x4x5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_xor4d/input_0.bin b/onnx-ops/onnx/node/generated/test_xor4d/input_0.bin new file mode 100644 index 0000000..a8a2c14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor4d/input_1.bin b/onnx-ops/onnx/node/generated/test_xor4d/input_1.bin new file mode 100644 index 0000000..794db0d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor4d/model.mlir b/onnx-ops/onnx/node/generated/test_xor4d/model.mlir new file mode 100644 index 0000000..1273493 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_xor4d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[3,4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Xor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[3,4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_xor4d/output_0.bin b/onnx-ops/onnx/node/generated/test_xor4d/output_0.bin new file mode 100644 index 0000000..4c37326 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor4d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_xor4d/run_module_io_flags.txt new file mode 100644 index 0000000..ee1e651 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=3x4x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/input_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/input_0.bin new file mode 100644 index 0000000..bc1df5d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/input_1.bin b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/input_1.bin new file mode 100644 index 0000000..e00894f Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/model.mlir b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/model.mlir new file mode 100644 index 0000000..6a53396 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_xor_bcast3v1d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Xor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/output_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/output_0.bin new file mode 100644 index 0000000..de74190 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/run_module_io_flags.txt new file mode 100644 index 0000000..07af385 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast3v1d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/input_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/input_0.bin new file mode 100644 index 0000000..d931e14 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/input_1.bin b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/input_1.bin new file mode 100644 index 0000000..541a089 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/model.mlir b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/model.mlir new file mode 100644 index 0000000..dd1a5b6 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_xor_bcast3v2d(%arg0: !torch.vtensor<[3,4,5],i1>, %arg1: !torch.vtensor<[4,5],i1>) -> !torch.vtensor<[3,4,5],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Xor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5],i1>, !torch.vtensor<[4,5],i1>) -> !torch.vtensor<[3,4,5],i1> + return %0 : !torch.vtensor<[3,4,5],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/output_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/output_0.bin new file mode 100644 index 0000000..9e51885 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/run_module_io_flags.txt new file mode 100644 index 0000000..c9bce13 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast3v2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5xi1=@input_0.bin +--input=4x5xi1=@input_1.bin +--expected_output=3x4x5xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/input_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/input_0.bin new file mode 100644 index 0000000..409932c Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/input_1.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/input_1.bin new file mode 100644 index 0000000..ff8d6c0 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/model.mlir b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/model.mlir new file mode 100644 index 0000000..fcbb7aa --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_xor_bcast4v2d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Xor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/output_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/output_0.bin new file mode 100644 index 0000000..99ee44d Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/run_module_io_flags.txt new file mode 100644 index 0000000..048b016 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast4v2d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/input_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/input_0.bin new file mode 100644 index 0000000..fac09cc Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/input_1.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/input_1.bin new file mode 100644 index 0000000..030995a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/model.mlir b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/model.mlir new file mode 100644 index 0000000..5ede0ae --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_xor_bcast4v3d(%arg0: !torch.vtensor<[3,4,5,6],i1>, %arg1: !torch.vtensor<[4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Xor"(%arg0, %arg1) : (!torch.vtensor<[3,4,5,6],i1>, !torch.vtensor<[4,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/output_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/output_0.bin new file mode 100644 index 0000000..c61b16a Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/run_module_io_flags.txt new file mode 100644 index 0000000..482d41c --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast4v3d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=3x4x5x6xi1=@input_0.bin +--input=4x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/input_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/input_0.bin new file mode 100644 index 0000000..b8e40b6 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/input_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/input_1.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/input_1.bin new file mode 100644 index 0000000..34ce939 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/input_1.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/model.mlir b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/model.mlir new file mode 100644 index 0000000..fd1caa0 --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/model.mlir @@ -0,0 +1,8 @@ +module { + func.func @test_xor_bcast4v4d(%arg0: !torch.vtensor<[1,4,1,6],i1>, %arg1: !torch.vtensor<[3,1,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> attributes {torch.onnx_meta.ir_version = 3 : si64, torch.onnx_meta.opset_version = 17 : si64, torch.onnx_meta.producer_name = "backend-test", torch.onnx_meta.producer_version = ""} { + %none = torch.constant.none + %0 = torch.operator "onnx.Xor"(%arg0, %arg1) : (!torch.vtensor<[1,4,1,6],i1>, !torch.vtensor<[3,1,5,6],i1>) -> !torch.vtensor<[3,4,5,6],i1> + return %0 : !torch.vtensor<[3,4,5,6],i1> + } +} + diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/output_0.bin b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/output_0.bin new file mode 100644 index 0000000..763f915 Binary files /dev/null and b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/output_0.bin differ diff --git a/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/run_module_io_flags.txt b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/run_module_io_flags.txt new file mode 100644 index 0000000..6dd280e --- /dev/null +++ b/onnx-ops/onnx/node/generated/test_xor_bcast4v4d/run_module_io_flags.txt @@ -0,0 +1,3 @@ +--input=1x4x1x6xi1=@input_0.bin +--input=3x1x5x6xi1=@input_1.bin +--expected_output=3x4x5x6xi1=@output_0.bin diff --git a/onnx-ops/requirements-dev.txt b/onnx-ops/requirements-dev.txt new file mode 100644 index 0000000..4e70f71 --- /dev/null +++ b/onnx-ops/requirements-dev.txt @@ -0,0 +1,16 @@ +# Requirements for maintaining the test suite. + +# Include base requirements. +-r requirements.txt + +numpy + +# Tests are generated from the ONNX sources in the sitepackages directory so we +# pin to a specific version here for reproducible test generation. +# We could be looser here if we instead generate from ONNX sources in a git +# repository (e.g. https://github.com/onnx/onnx as a git submodule). +onnx==1.16.2 + +# The importer needs the `iree-import-onnx` tool. +--find-links https://iree.dev/pip-release-links.html +iree-compiler[onnx] diff --git a/onnx-ops/requirements-iree.txt b/onnx-ops/requirements-iree.txt new file mode 100644 index 0000000..87b6e82 --- /dev/null +++ b/onnx-ops/requirements-iree.txt @@ -0,0 +1,8 @@ +# Requirements for using IREE from nightly packages. + +# Include base requirements. +-r requirements.txt + +--find-links https://iree.dev/pip-release-links.html +iree-compiler +iree-runtime diff --git a/onnx-ops/requirements.txt b/onnx-ops/requirements.txt new file mode 100644 index 0000000..23f98b9 --- /dev/null +++ b/onnx-ops/requirements.txt @@ -0,0 +1,9 @@ +# Baseline requirements for running the test suite. +# * See requirements-iree.txt for using IREE packages. +# * See requirements-dev.txt for extra deps used to regenerate test cases. + +pyjson5 +pytest +pytest-reportlog +pytest-timeout +pytest-xdist diff --git a/onnx-ops/update_config_xfails.py b/onnx-ops/update_config_xfails.py new file mode 100644 index 0000000..7087533 --- /dev/null +++ b/onnx-ops/update_config_xfails.py @@ -0,0 +1,135 @@ +# Copyright 2024 The IREE Authors +# +# Licensed under the Apache License v2.0 with LLVM Exceptions. +# See https://llvm.org/LICENSE.txt for license information. +# SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception + +# Script to help with updating config.json files used with conftest.py. +# +# Usage: +# 1. Run tests with --report-log=logs.json +# 2. Run the script: `python update_config_xfails.py --config-file=config.json --log-file=logs.json` +# 3. Commit the modified config.json + +import argparse +import json +import logging +import pyjson5 + +logger = logging.getLogger(__name__) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser(description="Config file updater.") + parser.add_argument( + "--config-file", + default="", + required=True, + help="Path to a config JSON file (`pytest --config-files=config.json`) to update", + ) + parser.add_argument( + "--log-file", + default="", + required=True, + help="Path to a log JSON file (`pytest --report-log=logs.json`) to read results from", + ) + parser.add_argument( + "--log-level", + default="WARNING", + choices=["DEBUG", "INFO", "WARNING", "ERROR", "CRITICAL"], + type=str.upper, + help="Set the logging level", + ) + + args = parser.parse_args() + logging.basicConfig(level=args.log_level) + config_file = args.config_file + + logger.info(f"Reading config from '{config_file}'") + with open(config_file, "r") as f: + config = pyjson5.load(f) + + # Sanity check the config file structure before going any further. + def check_field(field_name): + if field_name not in config: + raise ValueError( + f"config file '{config_file}' is missing a '{field_name}' field" + ) + + check_field("config_name") + check_field("iree_compile_flags") + check_field("iree_run_module_flags") + + with open(args.log_file, "r") as f: + log_lines = f.readlines() + + compile_failures = [] + run_failures = [] + + for log_line in log_lines: + log_json = pyjson5.decode(log_line) + + # Only look at test "call" events in the log. + if "when" not in log_json or log_json["when"] != "call": + continue + + if log_json["outcome"] == "passed": + continue + + # conftest.py adds extra info with `self.user_properties.append` for us + # to use. If that info is missing skip this log line. + if "user_properties" not in log_json or not log_json["user_properties"]: + logger.warning("Missing 'user_properties', ignoring log line") + continue + user_properties = log_json["user_properties"] + + # TODO(scotttodd): handle multiple config files writing to one log file? + + # Find the test directory path relative to the iree_tests root, since + # that is what our config.json uses to label tests for skipping or XFAIL. + relative_test_directory_name = "" + for user_property in user_properties: + if user_property[0] == "relative_test_directory_name": + relative_test_directory_name = user_property[1] + if not relative_test_directory_name: + logger.warning( + "Missing 'relative_test_directory_name' property, ignoring log line" + ) + continue + + # If the test failed, it should have a "repr" from repr_failure(). + # Parse the text of that to determine the test result. + repr = log_json["longrepr"] if "longrepr" in log_json else "" + if not repr: + continue + + if "Error invoking iree-compile" in repr: + logger.debug(f"test {relative_test_directory_name} failed to compile") + compile_failures.append(relative_test_directory_name) + elif "Error invoking iree-run-module" in repr: + logger.debug(f"test {relative_test_directory_name} failed to run") + run_failures.append(relative_test_directory_name) + elif "included in 'expected_compile_failures'" in repr: + logger.debug( + f"test {relative_test_directory_name} compiled and ran successfully" + ) + elif "included in 'expected_run_failures'" in repr: + logger.debug(f"test {relative_test_directory_name} ran successfully") + elif "move to 'expected_run_failures'" in repr: + logger.debug( + f"test {relative_test_directory_name} compile xfail -> run fail" + ) + run_failures.append(relative_test_directory_name) + else: + logger.warning( + f"Unhandled error for {relative_test_directory_name}: '{repr}'" + ) + + logger.info(f"Updating config") + # Remove duplicates and sort. + config["expected_compile_failures"] = sorted(list(set(compile_failures))) + config["expected_run_failures"] = sorted(list(set(run_failures))) + + logger.info(f"Writing updated config to '{config_file}'") + with open(config_file, "w") as f: + print(json.dumps(config, indent=2), file=f)