Skip to content

Instantly share code, notes, and snippets.

@JackWolfard
Created August 13, 2025 17:40
Show Gist options
  • Select an option

  • Save JackWolfard/c40a8534bdc24fac46c180edba1758b1 to your computer and use it in GitHub Desktop.

Select an option

Save JackWolfard/c40a8534bdc24fac46c180edba1758b1 to your computer and use it in GitHub Desktop.
Missing license information in IREE as of 23f4fab59c

reuse

The reuse spec is documented at https://reuse.software/spec-3.3/. Install the helper tool following https://reuse.readthedocs.io/en/latest/readme.html#install.

$ cd "<path to iree>"
$ git checkout 23f4fab59c
$ wget "<url to gist's REUSE.toml>"
$ reuse download --all
$ reuse lint
# SUMMARY

* Bad licenses: 0
* Deprecated licenses: 0
* Licenses without file extension: 0
* Missing licenses: 0
* Unused licenses: 0
* Used licenses: Apache-2.0, MIT, BSD-3-Clause, LLVM-exception
* Read errors: 0
* Files with copyright information: 5450 / 5450
* Files with license information: 5450 / 5450

Congratulations! Your project is compliant with version 3.3 of the REUSE Specification :-)
# Copyright 2025 The IREE Authors
#
# SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception
version = 1
[[annotations]]
path = [
".bazelversion",
".git-blame-ignore-revs",
".gitattributes",
".github/CODEOWNERS",
".github/ISSUE_TEMPLATE/bug_report.yml",
".github/ISSUE_TEMPLATE/config.yml",
".github/ISSUE_TEMPLATE/feature_request.yml",
".github/dco.yml",
".github/dependabot.yml",
".github/workflows/build_package.yml",
".github/workflows/oneshot_candidate_release.yml",
".github/workflows/publish_website.yml",
".github/workflows/schedule_candidate_release.yml",
".github/workflows/validate_and_publish_release.yml",
".gitignore",
".gitmodules",
".pre-commit-config.yaml",
"AUTHORS",
"CITATION.cff",
"CONTRIBUTING.md",
"MAINTAINERS.md",
"README.md",
"RELEASING.md",
"build_tools/cmake/IREECompilerConfig.cmake.in",
"build_tools/cmake/IREERuntimeConfig.cmake.in",
"build_tools/cmake/README.md",
"build_tools/cmake/presets/README.md",
"build_tools/cmake/presets/all.json",
"build_tools/cmake/presets/new.json",
"build_tools/cmake/presets/options.json",
"build_tools/cmake/presets/turbine.json",
"build_tools/embed_data/data/file2.bin",
"build_tools/embed_data/data/file3.bin",
"build_tools/embed_data/file1.bin",
"build_tools/github_actions/README.md",
"build_tools/github_actions/ci_requirements.txt",
"build_tools/llvm/README.md",
"build_tools/llvm/llvm_config.cmake",
"build_tools/llvm/mlir_config.cmake",
"build_tools/pkgci/README.md",
"build_tools/pkgci/bisect/README.md",
"build_tools/python_deploy/.gitignore",
"build_tools/python_deploy/README.md",
"build_tools/python_deploy/pypi_deploy_requirements.txt",
"build_tools/scripts/export_profdata_lcov.py",
"build_tools/scripts/export_submodule_head.py",
"build_tools/scripts/git/runtime_submodules.txt",
"build_tools/third_party/cuda/README.md",
"build_tools/third_party/spirv_cross/BUILD.overlay",
"build_tools/third_party/tracy/README.md",
"compiler/README.md",
"compiler/bindings/c/CMakeLists.txt",
"compiler/bindings/c/README.md",
"compiler/bindings/python/iree/compiler/README.md",
"compiler/bindings/python/test/api/testdata/bytecode_testfile.bc",
"compiler/bindings/python/test/api/testdata/bytecode_zero_terminated_testfile.bc",
"compiler/bindings/python/test/tools/README.md",
"compiler/bindings/python/test/tools/testdata/LeakyReLU.onnx",
"compiler/bindings/python/test/tools/testdata/README.md",
"compiler/bindings/python/test/tools/testdata/conv.onnx",
"compiler/bindings/python/test/tools/testdata/tflite_sample.fb",
"compiler/bindings/python/test/tools/testdata/xla_sample.hlo",
"compiler/bindings/python/test/tools/testdata/xla_sample.pb",
"compiler/plugins/input/README.md",
"compiler/plugins/input/StableHLO/CMakeLists.txt",
"compiler/plugins/input/StableHLO/Conversion/CMakeLists.txt",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/CMakeLists.txt",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/CMakeLists.txt",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/canonicalization.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/canonicalize_dot_general.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/complex_lowering.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/dot_general_to_dot.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/einsum_to_dot_general.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/flatten_tuples_in_cfg.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/flatten_tuples_in_scf.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/gather_to_torch_index_select.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/stablehlo_to_stablehlo.mlir",
"compiler/plugins/input/StableHLO/Conversion/Preprocessing/test/unfuse_batch_norm.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/CMakeLists.txt",
"compiler/plugins/input/StableHLO/Conversion/test/auto_input_conversion.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/convert_collectives.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/legalize_chlo_decomposition.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/legalize_chlo_no_broadcast.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/legalize_chlo_with_broadcast.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/legalize_control_flow.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/legalize_shape_computations.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/stablehlo_custom_calls.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/stablehlo_to_iree_input_dialects.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/stablehlo_to_linalg_ext.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/verify_compiler_input_legality.mlir",
"compiler/plugins/input/StableHLO/Conversion/test/vhlo_stablehlo_mix_invalid.mlir",
"compiler/plugins/input/TOSA/CMakeLists.txt",
"compiler/plugins/input/TOSA/InputConversion/CMakeLists.txt",
"compiler/plugins/input/TOSA/InputConversion/test/CMakeLists.txt",
"compiler/plugins/input/TOSA/InputConversion/test/apply_pdl_patterns_tosa.mlir",
"compiler/plugins/input/TOSA/InputConversion/test/auto_input_conversion.mlir",
"compiler/plugins/input/TOSA/InputConversion/test/convert_i48_to_i64.mlir",
"compiler/plugins/input/TOSA/InputConversion/test/strip_signedness.mlir",
"compiler/plugins/input/TOSA/InputConversion/test/tosa.pdl.mlir",
"compiler/plugins/input/TOSA/InputConversion/test/tosa_to_linalg_ext.mlir",
"compiler/plugins/input/TOSA/InputConversion/test/verify_compiler_tosa_input_legality.mlir",
"compiler/plugins/input/Torch/InputConversion/test/CMakeLists.txt",
"compiler/plugins/input/Torch/InputConversion/test/apply_pdl_patterns_torch.mlir",
"compiler/plugins/input/Torch/InputConversion/test/assume_strict_symbols.mlir",
"compiler/plugins/input/Torch/InputConversion/test/attention.mlir",
"compiler/plugins/input/Torch/InputConversion/test/auto_input_conversion.mlir",
"compiler/plugins/input/Torch/InputConversion/test/bind_symbolic_shapes.mlir",
"compiler/plugins/input/Torch/InputConversion/test/bitcast_tensor.mlir",
"compiler/plugins/input/Torch/InputConversion/test/func_conversion.mlir",
"compiler/plugins/input/Torch/InputConversion/test/func_conversion_invalid.mlir",
"compiler/plugins/input/Torch/InputConversion/test/scan.mlir",
"compiler/plugins/input/Torch/InputConversion/test/scatter.mlir",
"compiler/plugins/input/Torch/InputConversion/test/sort.mlir",
"compiler/plugins/input/Torch/InputConversion/test/torch.pdl.mlir",
"compiler/plugins/input/Torch/InputConversion/test/torch_to_iree.mlir",
"compiler/plugins/input/Torch/InputConversion/test/unstructured_linalg_ext.mlir",
"compiler/plugins/input/Torch/torch-mlir-dialects/README.md",
"compiler/plugins/input/Torch/torch-mlir/README.md",
"compiler/plugins/target/CUDA/CMakeLists.txt",
"compiler/plugins/target/CUDA/test/smoketest.mlir",
"compiler/plugins/target/LLVMCPU/Builtins/CMakeLists.txt",
"compiler/plugins/target/LLVMCPU/CMakeLists.txt",
"compiler/plugins/target/LLVMCPU/internal/CMakeLists.txt",
"compiler/plugins/target/LLVMCPU/test/CMakeLists.txt",
"compiler/plugins/target/LLVMCPU/test/hal_target_device_attributes.mlir",
"compiler/plugins/target/LLVMCPU/test/materialize_homogeneous_encodings.mlir",
"compiler/plugins/target/LLVMCPU/test/smoketest_embedded.mlir",
"compiler/plugins/target/LLVMCPU/test/smoketest_system.mlir",
"compiler/plugins/target/Local/CMakeLists.txt",
"compiler/plugins/target/MetalSPIRV/CMakeLists.txt",
"compiler/plugins/target/MetalSPIRV/test/CMakeLists.txt",
"compiler/plugins/target/MetalSPIRV/test/smoketest.mlir",
"compiler/plugins/target/README.md",
"compiler/plugins/target/ROCM/CMakeLists.txt",
"compiler/plugins/target/ROCM/Dialect/CMakeLists.txt",
"compiler/plugins/target/ROCM/Dialect/ROCM/CMakeLists.txt",
"compiler/plugins/target/ROCM/Dialect/ROCM/IR/CMakeLists.txt",
"compiler/plugins/target/ROCM/Dialect/ROCM/IR/test/CMakeLists.txt",
"compiler/plugins/target/ROCM/Dialect/ROCM/IR/test/roundtrip.mlir",
"compiler/plugins/target/ROCM/Dialect/ROCM/Transforms/CMakeLists.txt",
"compiler/plugins/target/ROCM/Dialect/ROCM/Transforms/test/CMakeLists.txt",
"compiler/plugins/target/ROCM/Dialect/ROCM/Transforms/test/apply_builtin_pdl_patterns.mlir",
"compiler/plugins/target/ROCM/Dialect/ROCM/Transforms/test/apply_builtin_ukernel_pdl_patterns.mlir",
"compiler/plugins/target/ROCM/Dialect/ROCM/Transforms/test/apply_builtin_ukernel_pdl_patterns_driver.mlir",
"compiler/plugins/target/ROCM/builtins/mlir_ukernel/CMakeLists.txt",
"compiler/plugins/target/ROCM/builtins/mlir_ukernel/iree_uk_amdgpu_matmul_f8.mlir",
"compiler/plugins/target/ROCM/builtins/mlir_ukernel/ukernel_patterns_gfx942.mlir",
"compiler/plugins/target/ROCM/builtins/specialization/CMakeLists.txt",
"compiler/plugins/target/ROCM/builtins/specialization/specialization_patterns_gfx942.mlir",
"compiler/plugins/target/ROCM/builtins/tuning/CMakeLists.txt",
"compiler/plugins/target/ROCM/builtins/tuning/iree_default_tuning_spec_gfx942.mlir",
"compiler/plugins/target/ROCM/builtins/tuning/test/CMakeLists.txt",
"compiler/plugins/target/ROCM/builtins/tuning/test/spec_gfx942.mlir",
"compiler/plugins/target/ROCM/builtins/ukernel/CMakeLists.txt",
"compiler/plugins/target/ROCM/builtins/ukernel/compile_flags.txt",
"compiler/plugins/target/ROCM/builtins/ukernel/test/argmax_linking.mlir",
"compiler/plugins/target/ROCM/test/CMakeLists.txt",
"compiler/plugins/target/ROCM/test/config_ukernel_argmax_gfx908.mlir",
"compiler/plugins/target/ROCM/test/config_ukernel_argmax_gfx942.mlir",
"compiler/plugins/target/ROCM/test/config_ukernel_data_tiled_mma_gfx942.mlir",
"compiler/plugins/target/ROCM/test/default_tuning_specs_amdgpu.mlir",
"compiler/plugins/target/ROCM/test/external_function_validation.mlir",
"compiler/plugins/target/ROCM/test/gpu_encoding_attrs.mlir",
"compiler/plugins/target/ROCM/test/lowering_strategy_from_tuning_spec.mlir",
"compiler/plugins/target/ROCM/test/smoketest.mlir",
"compiler/plugins/target/ROCM/test/smoketest_hsaco.mlir",
"compiler/plugins/target/ROCM/test/target_device_features.mlir",
"compiler/plugins/target/ROCM/test/tuning_spec_mmt_tile_and_fuse.mlir",
"compiler/plugins/target/ROCM/test/tuning_spec_mmt_tile_and_fuse_default.mlir",
"compiler/plugins/target/ROCM/test/ukernel_pipeline_transform.mlir",
"compiler/plugins/target/VMVX/CMakeLists.txt",
"compiler/plugins/target/VMVX/test/CMakeLists.txt",
"compiler/plugins/target/VMVX/test/smoketest.mlir",
"compiler/plugins/target/VulkanSPIRV/CMakeLists.txt",
"compiler/plugins/target/VulkanSPIRV/test/CMakeLists.txt",
"compiler/plugins/target/VulkanSPIRV/test/materialize_homogeneous_encodings.mlir",
"compiler/plugins/target/VulkanSPIRV/test/smoketest.mlir",
"compiler/plugins/target/WebGPUSPIRV/test/smoketest.mlir",
"compiler/pyproject.toml",
"compiler/src/.clang-tidy",
"compiler/src/iree/compiler/API/CMakeLists.txt",
"compiler/src/iree/compiler/API/Internal/CMakeLists.txt",
"compiler/src/iree/compiler/API/README.md",
"compiler/src/iree/compiler/API/api_exports.def",
"compiler/src/iree/compiler/API/api_exports.ld",
"compiler/src/iree/compiler/API/api_exports.macos.lst",
"compiler/src/iree/compiler/API/api_version.ld",
"compiler/src/iree/compiler/API/empty.c",
"compiler/src/iree/compiler/API/test/CMakeLists.txt",
"compiler/src/iree/compiler/Bindings/CMakeLists.txt",
"compiler/src/iree/compiler/Bindings/Native/CMakeLists.txt",
"compiler/src/iree/compiler/Bindings/Native/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Bindings/Native/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Bindings/Native/Transforms/test/convert_streamable_ops.mlir",
"compiler/src/iree/compiler/Bindings/Native/Transforms/test/wrap_entry_points.mlir",
"compiler/src/iree/compiler/Bindings/Native/Transforms/test/wrap_entry_points_coarse_fences.mlir",
"compiler/src/iree/compiler/Bindings/TFLite/CMakeLists.txt",
"compiler/src/iree/compiler/Bindings/TFLite/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Bindings/TFLite/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Bindings/TFLite/Transforms/test/wrap_entry_points.mlir",
"compiler/src/iree/compiler/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/CPU/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/CPU/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/CPU/test/lower_to_ukernel_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/CPU/test/prepare_ukernels.mlir",
"compiler/src/iree/compiler/Codegen/Common/CPU/test/propagate_data_layout.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/decompose_horizontally_fused_gemms.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_alloc_private_memory_for_dps_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_apply_derived_thread_config.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_apply_padding_online_attention.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_apply_padding_partial_reduction.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_apply_tiling_level.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_bubble_resource_casts.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_check_resource_usage.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_combine_layout_transformation.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_combine_value_barriers.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_create_fast_slow_path.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_copy_using_forall.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_forall.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_scf_for.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_shared_memory.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_fuse_and_hoist_forall.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_generalize_named_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_greedily_distribute_to_threads.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_infer_memory_space.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_lower_to_global_loads.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_lower_to_ukernels.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_nested_layout_contract_amdgpu.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_nested_layout_vector_distribution.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_nested_layout_vector_distribution_mask.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_nested_layout_vector_distribution_multi_reduce.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_nested_layout_vector_distribution_step.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_pack_to_instrinsics.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_pad_convs.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_pad_operands.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_pipeline.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_promote_matmul_operands.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_reorder_workgroups.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_reorder_workgroups_static.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_reuse_shared_memory_allocs.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_alloc.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_tile.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tile.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tile_and_convert_conv_to_matmul.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tile_reduction.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_vector_alloc.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_vector_distribution.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_verify_distribution.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/reduce_bank_conflicts.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/transform_gpu_distribute_shared_memory.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/transform_gpu_reduce_bank_conflicts.mlir",
"compiler/src/iree/compiler/Codegen/Common/GPU/test/vector_reduction_to_gpu.mlir",
"compiler/src/iree/compiler/Codegen/Common/TransformExtensions/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/TransformExtensions/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/TransformExtensions/test/bufferization.mlir",
"compiler/src/iree/compiler/Codegen/Common/TransformExtensions/test/fuse_consumer.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Common/test/add_fmfs.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/affinemin_canonicalization.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/batch_matmul_match_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/batch_matmuls.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/block_dynamic_dims.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/bubble_up_ordinal_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/bufferize_copy_only_dispatches.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/bufferize_dispatch_tensor_load_store.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/canonicalize_early_bufferization_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/canonicalize_interface_load_store.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/check_for_config.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/combine_layout_transformation.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convert_accgemm_to_gemm.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convert_bf16_arith_to_f32.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convert_bf16_to_uint16_buffers.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convert_hal_descriptor_type_to_gpu_address_space.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convert_to_destination_passing_style.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convert_unsupported_float_arith.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convolution_match_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convolution_to_igemm.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/convolutions.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/decompose_affine_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/decompose_boundary_pack_unpack_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/decompose_conv2d.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/decompose_linalg_generic.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/decompose_memref.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/decompose_pack_unpack_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/decompose_softmax.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/eliminate_empty_tensors.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/emulate_narrow_type.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/erase_dead_alloc_and_stores.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/erase_hal_descriptor_type.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/external_strategy_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/extract_address_computation.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/fission_transfer_ops_control_flow.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/flatten_memref_subspan.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/fold_affine_min_in_distributed_loops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/fold_affine_min_of_block_id.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/fold_bitcast_into_interface_tensor.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/fold_reshape_into_interface_tensor.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/fold_split_reduction_workgroup_mapping_loops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/fold_tensor_extract_op.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/forall_to_for.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/forop_canonicalization.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/generic_vectorization.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/hoist_statically_bound_allocations.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/hoist_unrolled_vector_extract_insert_slice.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/iree_codegen_canonicalize.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/iree_comprehensive_bufferize.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/iree_expand_strided_metadata.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/iree_expand_strided_metadata_with_subview_expansion.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/iree_inject_assume_alignment.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/iree_loop_invariant_code_motion.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/link_tuning_specs.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/lower_ukernel_bitcode_descriptor.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/lower_ukernel_memref_descriptor.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/lower_ukernel_tensor_descriptor.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/lower_ukernel_to_calls.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/lowering_config_interpreter.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_aarch64.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_gfx1100.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_gfx908.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_gfx90a.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_gfx942.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_gfx950.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_into_nop.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_into_padding.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_riscv.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_vmvx.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_encoding_x86_64.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_tuning_specs.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_tuning_specs_default_missing.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_tuning_specs_invalid_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_user_config_from_tuning_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/materialize_user_configs.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/math_transform.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/normalize_loop_bounds.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/optimize_tensor_insert_extract_slices.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/pad_dynamic_alloc.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/patch_func_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/patch_func_ops_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/propagate_constant_offsets.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/propagate_dispatch_size_bounds.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/propagate_reshapes_by_expansion.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/reconcile_translation_info.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/reconcile_translation_info_legacy_resolve_split_reduction.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/reconcile_translation_info_linearize.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/reconcile_translation_info_linearize_legacy_resolve_split_reduction.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/reductions.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/reductions_codegen_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/reductions_match_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/rematerialize_parallel_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/remove_dead_allocs.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/remove_single_iteration_loop.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/repeated_matcher_use.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/replace_slow_min_max_ops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/resolve_swizzle_hints.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/specialize_exports.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/strip_compilation_info.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/test_partitionable_loops_interface.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups_func_scope.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_workgroups_using_forall.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/tile_large_tensors.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/transform_buffer_opt.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/transform_copy_operand.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/transform_flatten_forall.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/transform_hoist_forall.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/transform_match_partial_reduction.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/transform_ops_invalid.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/transpose_canonicalization.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/tuning_spec.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/tuning_spec_default.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/type_propagation.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/type_propagation_packing.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/unroll_annotated_loops.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/vector_layout_analysis.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/vectorize_memref_copy.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/vectorize_tensor_pad.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/verify_tuning_specs.mlir",
"compiler/src/iree/compiler/Codegen/Common/test/verify_workgroup_distribution.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/CPU/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/CPU/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/CPU/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/CPU/IR/test/invalid.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/CPU/IR/test/roundtrip.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/invalid.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/lowering_config_attr.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/roundtrip.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/ukernel_ops.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/ukernel_ops_cse.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/workgroup_mapping_attrs.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/Utils/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/Codegen/Utils/unittests/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/IR/test/canonicalize.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/IR/test/iree_gpu_attrs.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/IR/test/iree_gpu_inner_tiled_ops.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/IR/test/iree_gpu_ops.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/IR/test/target_attrs.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TargetUtils/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/convert_to_multi_mma.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/distribute_inner_tiled.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/distribute_lane_forall.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/drop_inner_tiled_unit_dims.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/lower_inner_tiled.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/lower_vector_barrier.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/transform_fuse_collapse_shape_with_forall.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/transform_fuse_extract_slice_with_forall.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/transform_fuse_forall.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/transform_lower_barrier_region.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/unroll_multi_mma.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/TransformExtensions/test/vectorize_iree_gpu_ops.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/combine_barrier_regions.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/distribute_inner_tiled_to_lanes.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/expand_undistributed_inner_tiles.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/IR/test/canonicalize.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/IR/test/invalid.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/IR/test/roundtrip.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/Transforms/test/vector_ext_fold_unit_extent_dims.mlir",
"compiler/src/iree/compiler/Codegen/Dialect/VectorExt/Transforms/test/vectorize_vector_ext_ops.mlir",
"compiler/src/iree/compiler/Codegen/ExternalInterfaces/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Interfaces/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMCPU/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMCPU/TransformExtensions/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/2d_scalable_to_1d_scalable.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/aarch64_dotprod_vector_lowering.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/aarch64_vector_lowering.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/apply_scale_lowering.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/assign_constant_ordinals.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/assign_import_ordinals.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/check_ir_before_llvm_conversion.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/check_ir_before_llvm_conversion_not_fail_unbound.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/convert_to_llvm.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/emit_vectorization_remarks.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/expand_f16_op_to_f32.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/hal_executable_constants.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/hal_interface_bindings.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/hal_interface_constants.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/hal_interface_workgroup_info.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/illegal_configuration.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/peel.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_arm_sme_streaming_mode_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_disable_distribution_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_pack_unpack_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_pad_conv_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_pad_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_peel_and_vectorize_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_riscv_aggressive_distribution_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_split_reduction_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_transpose_avx2_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_vector_masking_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_vectorize_nd_extract_tests.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/scalable_tile_and_vectorize_matmul.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_lowering_strategy.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sme_lowering_strategy.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy_peeling.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_lowering_strategy_without_distribution.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_riscv_lowering_strategy.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_x86_64_lowering_strategy.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/split_reduction.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/synchronize_symbol_visibility.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/tile.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/tile_and_fuse.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/tile_root_and_fuse_producer_consumer.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/unfused_fma.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/vector_contract_to_arm_asm.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/vector_contract_to_arm_intrinsics.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/vector_lowering.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/vector_transpose_lowering.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/vectorize_with_masking_and_hoist.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/verify_linalg_transform_legality.mlir",
"compiler/src/iree/compiler/Codegen/LLVMCPU/test/verify_vector_size_legality.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMGPU/TransformExtensions/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMGPU/Utils/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/annotate_kernel_for_translation.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/buffer_instructions_optimization.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_igemm_tile_and_fuse.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_tile_and_fuse.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_tile_and_fuse_gfx950.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_user_vector_distribute.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_vector_distribute_gfx1100.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_vector_distribute_gfx942.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_vector_distribute_gfx950.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_vector_distribute_reduction_gfx942.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/configure_buffer_instructions.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/lowering_scalar_dispatch.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_elementwise_f8fnuz.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_elementwise_f8ocp.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_igemm_tile_and_fuse.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_scaled_truncation_gfx950.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_tile_and_fuse.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx1100.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx942.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx950.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_reduction_gfx942.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_warp_reduction.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/use_configure_buffer_instructions.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/amdgpu_emulate_narrow_type.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/assign_constant_ordinals.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/cast_address_space_function.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/cast_type_to_fit_mma.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_custom_op.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_horizontally_fused_ops.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_matvec.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_root_op_attribute.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_sort.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_winograd.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/configure_tensor_layout.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/conv_pipeline_test_cuda.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/convert_to_nvvm.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/convert_to_rocdl.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/create_async_groups.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/create_tile_sizes.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/distribute_to_thread.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/elementwise_pipeline.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/extract_address_computation_gpu.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/gpu_pipeline_data_tiling.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/gpu_pipeline_generalize_named_ops.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/gpu_pipeline_relayout_ops.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/gpu_set_num_workgroups.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/horizontal_fusion_pipeline.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/illegal_configuration.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/legalize.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/linalg_transform.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/link_executables.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/llvmgpu_bufferize.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/nvvm_extract_address_computation.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/nvvm_mma_sync_pipeline_test.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/nvvm_pipeline_test.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/pack_shared_memory_alloc.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/prefetch_shared_memory.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_cuda.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_rocm.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_softmax_rocm.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/reuse_shared_memory_allocs.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/rocdl_pipeline_test.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/sort_pipeline_test.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/tensorcore_vectorization.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/test_query_mma.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_bufferize.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_codegen_bufferize_spec.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_codegen_foreach_to_gpu_spec.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_codegen_vector_distribution_spec.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_codegen_vector_warp_execute_on_lane_0_spec.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_eliminate_gpu_barriers.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_hoist_allocs.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_pack_shared_memory_alloc.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_promote_operands.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_vector_distribution.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_vector_to_nvgpu_mma.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_distribute_forall.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_gpu_pipelining.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_vector_to_mma.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/transpose_pipeline_test.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/vector_lowering.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/vector_to_gpu.mlir",
"compiler/src/iree/compiler/Codegen/LLVMGPU/test/winograd_pipeline_test.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/SPIRV/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/SPIRV/test/annotate_winograd_loops.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/break_down_large_vector.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_conv.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_conv.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul_cooperative_ops.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matvec.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_conv.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ext_ops.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ops.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_misc.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_reduction.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_sub_byte_types.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_conv.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul_cooperative_ops.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/config_user.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/convert_gpu_target.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/convert_to_spirv.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/emulate_i64.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/erase_storage_buffer_static_shape.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/illegal_configuration.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/link_executables.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/lower_masks.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_fusion.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_promotion.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matvec.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_reduction.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_scalar_dispatch.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/map_memref_storage_class.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/materialize_executable_conditions.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/physical_storage_buffer_addresses.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_matmul_cooperative_ops.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_matmul_promotion.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_matmul_vectorization.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_matvec.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_reduction_subgroup.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_sub_byte_dequant.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_scatter.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_sort.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_cooperative_matrix.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_batch_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_conv.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_pooling.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_to_cooperative_ops.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/trim_executable_target_env.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/vectorize_conv.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/vectorize_elementwise_ops.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/vectorize_gather.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/vectorize_load_store.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/vectorize_matmul.mlir",
"compiler/src/iree/compiler/Codegen/SPIRV/test/vectorize_reduction.mlir",
"compiler/src/iree/compiler/Codegen/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/Utils/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/VMVX/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/VMVX/test/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/VMVX/test/assign_constant_ordinals.mlir",
"compiler/src/iree/compiler/Codegen/VMVX/test/link_executables.mlir",
"compiler/src/iree/compiler/Codegen/VMVX/test/lower_linalg_microkernels.mlir",
"compiler/src/iree/compiler/Codegen/VMVX/test/pipeline.mlir",
"compiler/src/iree/compiler/Codegen/VMVX/test/select_lowering_strategy.mlir",
"compiler/src/iree/compiler/Codegen/WGSL/CMakeLists.txt",
"compiler/src/iree/compiler/Codegen/WGSL/test/CMakeLists.txt",
"compiler/src/iree/compiler/ConstEval/CMakeLists.txt",
"compiler/src/iree/compiler/ConstEval/README.md",
"compiler/src/iree/compiler/ConstEval/test/CMakeLists.txt",
"compiler/src/iree/compiler/ConstEval/test/compile_regressions.mlir",
"compiler/src/iree/compiler/ConstEval/test/failing.mlir",
"compiler/src/iree/compiler/ConstEval/test/jit_globals.mlir",
"compiler/src/iree/compiler/ConstEval/test/jit_globals_vmvx_errors.mlir",
"compiler/src/iree/compiler/ConstEval/test/scalar_values.mlir",
"compiler/src/iree/compiler/Dialect/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Encoding/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Encoding/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Encoding/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Encoding/IR/test/invalid.mlir",
"compiler/src/iree/compiler/Dialect/Encoding/IR/test/roundtrip.mlir",
"compiler/src/iree/compiler/Dialect/Encoding/IR/unittests/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Encoding/Utils/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/ShardToFlow/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/ShardToFlow/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/ShardToFlow/test/channel_creation.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/ShardToFlow/test/collectives.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/bitcast.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/cast.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/concat.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/extract.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/extract_slice.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/fill.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/from_elements.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/insert.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/insert_slice.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Conversion/TensorToFlow/test/reshape.mlir",
"compiler/src/iree/compiler/Dialect/Flow/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/call_ops.mlir",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/dispatch_folding.mlir",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/dispatch_ops.mlir",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/executable_ops.mlir",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/resolve_dim_ops.mlir",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/tensor_folding.mlir",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/tensor_ops.mlir",
"compiler/src/iree/compiler/Dialect/Flow/IR/test/types.mlir",
"compiler/src/iree/compiler/Dialect/Flow/TransformExtensions/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/annotate_dispatches.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/canonicalize.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/capture_dispatch_dynamic_dims.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/capture_scf_for_dynamic_dims.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/cleanup_tensor_shapes.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/deduplicate_executables.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/export_benchmark_funcs.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/initialize_empty_tensors.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/inject_dispatch_tracing.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/inject_tensor_tracing.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/insert_dispatch_debug_targets.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/outline_constants.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/outline_dispatch_externs.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/outline_dispatch_regions.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/pipeline_tests.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/top_level_scf_to_cfg.mlir",
"compiler/src/iree/compiler/Dialect/Flow/Transforms/test/verify_input_ir.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Analysis/Attributes/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Analysis/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToHAL/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToHAL/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToHAL/test/device_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToHAL/test/pseudo_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/allocator_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/buffer_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/buffer_view_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/channel_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/command_buffer_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/device_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/devices_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/executable_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/HALToVM/test/fence_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StandardToHAL/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StandardToHAL/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StandardToHAL/test/shape_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/channel_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/cmd_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/context_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/debug_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/file_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/resource_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/timepoint_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/transfer_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/UtilToHAL/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/UtilToHAL/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Conversion/UtilToHAL/test/global_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/allocator_folding.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/allocator_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/attributes.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/buffer_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/buffer_view_folding.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/buffer_view_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/channel_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/command_buffer_folding.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/command_buffer_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/device_folding.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/device_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/devices_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/executable_folding.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/executable_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/executable_targets.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/experimental_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/fence_folding.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/fence_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/interface_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/interface_ops_folding.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/invalid.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/tensor_op_folding.mlir",
"compiler/src/iree/compiler/Dialect/HAL/IR/test/tensor_ops.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Target/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Target/Devices/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/annotate_target_devices.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/assign_legacy_target_devices.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/assign_target_devices.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/capture_executable_sources.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/convert_to_hal.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_benchmarks.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_sources.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/elide_redundant_commands.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/hoist_executable_objects.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/initialize_devices.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/inline_memoize_regions.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/materialize_dispatch_instrumentation.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/materialize_interfaces.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/materialize_resource_caches.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/materialize_target_devices.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/memoize_device_queries.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/memoize_device_selection.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/outline_memoize_regions.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/preprocess_executables.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/prune_executables.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/repeat_dispatches.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/resolve_device_aliases.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/resolve_device_promises.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/resolve_export_ordinals.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/resolve_ranked_shaped_type.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/resolve_topology_queries.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/strip_executable_contents.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/substitute_executables.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/substitute_executables_replacement.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/substitute_executables_replacement.obj",
"compiler/src/iree/compiler/Dialect/HAL/Transforms/test/verify_devices.mlir",
"compiler/src/iree/compiler/Dialect/HAL/Utils/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/HAL/hal.imports.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/LinalgExt/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/LinalgExt/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/LinalgExt/IR/test/canonicalize.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/IR/test/decompose_aggregate_op.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/IR/test/invalid.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/IR/test/roundtrip.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/TransformExtensions/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/LinalgExt/TransformExtensions/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/conv2d_to_winograd.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/conv_to_im2col.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/convert_to_loops.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/convert_to_online_attention.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/decompose_im2col.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/decompose_map_scatter.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/decompose_winograd.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/distribution.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/fold_unit_dims.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/pad_contraction_to_block_size.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/reshape_fusion.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/split_reduction.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/tiling.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Transforms/test/vectorize_iree_linalg_ext_ops.mlir",
"compiler/src/iree/compiler/Dialect/LinalgExt/Utils/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Analysis/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Builtins/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/FlowToStream/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/FlowToStream/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/FlowToStream/test/call_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/FlowToStream/test/collective_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/FlowToStream/test/dispatch_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/FlowToStream/test/executable_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/FlowToStream/test/tensor_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/HALToStream/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/HALToStream/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/HALToStream/test/abi_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/StandardToStream/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/StandardToStream/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/StandardToStream/test/constant_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/StandardToStream/test/structural_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/UtilToStream/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/UtilToStream/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/UtilToStream/test/compiler_hints.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/UtilToStream/test/global_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Conversion/UtilToStream/test/structural_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/async_folding.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/async_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/channel_folding.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/channel_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/cmd_folding.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/cmd_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/context_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/executable_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/file_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/parameter_folding.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/parameter_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/resource_folding.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/resource_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/tensor_folding.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/tensor_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/timepoint_folding.mlir",
"compiler/src/iree/compiler/Dialect/Stream/IR/test/timepoint_ops.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/annotate_affinities.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/annotate_dispatch_arguments.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/annotate_dispatch_assumptions.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/automatic_reference_counting.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/clone_to_consumers.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/convert_to_stream.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/dump_statistics.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/elide_async_copies.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/elide_async_transfers.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/elide_timepoints_coverage.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/elide_timepoints_immediate.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/emplace_allocations.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/encode_device_tensors.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/encode_device_tensors_packing.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/encode_host_tensors.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/encode_host_tensors_encoding.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/encode_host_tensors_packing.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/encode_host_tensors_packing_i1_experimental_clopt.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/fold_globals.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/fold_uniform_operands.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/fuse_dispatch_bindings.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/fuse_dispatch_bindings_noalias.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/layout_slices.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/materialize_builtins.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/materialize_copy_on_write.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/materialize_encodings.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/pack_constants.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/pack_dispatch_operands.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/propagate_subviews.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/propagate_timepoints.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/refine_usage.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/reuse_allocations.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/schedule_allocation.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/schedule_concurrency.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/schedule_execution.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/specialize_dispatches.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/specialize_encodings.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/sync_initializers.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/verify_affinities.mlir",
"compiler/src/iree/compiler/Dialect/Stream/Transforms/test/verify_async_access_ranges.mlir",
"compiler/src/iree/compiler/Dialect/TensorExt/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/TensorExt/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/TensorExt/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/TensorExt/IR/test/dispatch_tensor_folding.mlir",
"compiler/src/iree/compiler/Dialect/TensorExt/IR/test/dispatch_workload_ordinal_folding.mlir",
"compiler/src/iree/compiler/Dialect/TensorExt/IR/test/inline.mlir",
"compiler/src/iree/compiler/Dialect/TensorExt/IR/test/roundtrip.mlir",
"compiler/src/iree/compiler/Dialect/TensorExt/IR/test/tensor_ext_folding.mlir",
"compiler/src/iree/compiler/Dialect/TensorExt/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Analysis/Attributes/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Analysis/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Analysis/Constant/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Analysis/DFX/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Conversion/FuncToUtil/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Conversion/FuncToUtil/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Conversion/FuncToUtil/test/func_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/Conversion/MemRefToUtil/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Conversion/MemRefToUtil/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Conversion/MemRefToUtil/test/memref_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/Conversion/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Conversion/test/compiler_hints.mlir",
"compiler/src/iree/compiler/Dialect/Util/Conversion/test/structural_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/IR/test/alignment_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/alignment_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/assignment_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/assignment_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/assume_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/assume_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/attributes.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/buffer_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/buffer_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/comparison_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/comparison_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/global_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/global_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/hint_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/hint_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/list_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/numeric_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/op_verification.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/range_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/range_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/structural_folding.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/structural_inlining.mlir",
"compiler/src/iree/compiler/Dialect/Util/IR/test/structural_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/TransformOps/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/TransformOps/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/TransformOps/test/create_serialized_module.mlir",
"compiler/src/iree/compiler/Dialect/Util/TransformOps/test/symbol_transforms.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/annotate_op_ordinals.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/combine_initializers.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/drop_compiler_hints.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/fold_globals.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/fuse_globals.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/hoist_into_globals.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/hoist_into_globals_linalg.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/import_resources.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/integer_divisibility.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/ipo.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/optimize_int_arithmetic.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/optimize_int_arithmetic_narrowing.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/patterns.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/propagate_subranges.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/simplify_global_accesses.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/strip_and_splat_constants.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/strip_debug_ops.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/test_float_range_analysis.mlir",
"compiler/src/iree/compiler/Dialect/Util/Transforms/test/test_float_range_analysis_linalg.mlir",
"compiler/src/iree/compiler/Dialect/VM/Analysis/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Analysis/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Analysis/test/register_allocation.mlir",
"compiler/src/iree/compiler/Dialect/VM/Analysis/test/value_liveness.mlir",
"compiler/src/iree/compiler/Dialect/VM/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/ArithToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/ArithToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/ArithToVM/test/arithmetic_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/ArithToVM/test/assignment_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/ArithToVM/test/comparison_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/ArithToVM/test/constant_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/ArithToVM/test/conversion_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/MathToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/MathToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/MathToVM/test/arithmetic_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/StandardToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/StandardToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/StandardToVM/test/control_flow_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/StandardToVM/test/func_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/StandardToVM/test/nesting.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/StandardToVM/test/structural_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/alignment_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/assignment_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/buffer_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/comparison_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/global_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/hint_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/list_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/status_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/UtilToVM/test/structural_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/arithmetic_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/arithmetic_ops_f32.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/arithmetic_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/assignment_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/assignment_ops_f32.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/assignment_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/buffer_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/buffer_ops_f32.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/buffer_ops_f64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/buffer_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/comparison_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/comparison_ops_f32.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/comparison_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/const_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/const_ops_f32.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/const_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/control_flow_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/conversion_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/conversion_ops_f32.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/conversion_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/func_op.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/global_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/global_ops_f32.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/global_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/list_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/list_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/shift_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/shift_ops_i64.mlir",
"compiler/src/iree/compiler/Dialect/VM/Conversion/VMToEmitC/test/type_conversion.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/IR/test/arithmetic_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/arithmetic_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/arithmetic_speculation.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/assignment_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/assignment_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/comparison_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/comparison_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/const_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/const_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/control_flow_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/control_flow_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/conversion_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/conversion_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/debug_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/debug_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/global_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/global_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/list_op_verification.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/list_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/list_speculation.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/shift_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/structural_folding.mlir",
"compiler/src/iree/compiler/Dialect/VM/IR/test/structural_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/Bytecode/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Target/Bytecode/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Target/Bytecode/test/constant_encoding.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/Bytecode/test/dependencies.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/Bytecode/test/module_encoding_smoke.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/Bytecode/test/reflection_attrs.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/C/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Target/C/test/add.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/C/test/calling_convention.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/C/test/constant_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/C/test/control_flow.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/C/test/dependencies.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/C/test/empty_module.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/C/test/global_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Target/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/deduplicate_rodata.mlir",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/drop_empty_module_initializers.mlir",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/drop_unused_calls.mlir",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/global_initialization.mlir",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/hoist_inlined_rodata.mlir",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/ordinal_allocation.mlir",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/reify_rodata_tables.mlir",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/resolve_rodata_loads.mlir",
"compiler/src/iree/compiler/Dialect/VM/Transforms/test/sink_defining_ops.mlir",
"compiler/src/iree/compiler/Dialect/VM/Utils/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/HALToVMVX/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/HALToVMVX/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/HALToVMVX/test/interface_ops.mlir",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/StandardToVMVX/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/StandardToVMVX/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/VMVXToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/VMVXToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/VMVXToVM/test/binary.mlir",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/VMVXToVM/test/copy.mlir",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/VMVXToVM/test/fill.mlir",
"compiler/src/iree/compiler/Dialect/VMVX/Conversion/VMVXToVM/test/unary.mlir",
"compiler/src/iree/compiler/Dialect/VMVX/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/README.md",
"compiler/src/iree/compiler/Dialect/VMVX/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Dialect/VMVX/Transforms/test/materialize_constants.mlir",
"compiler/src/iree/compiler/Dialect/VMVX/Transforms/test/resolve_buffer_descriptors.mlir",
"compiler/src/iree/compiler/Dialect/VMVX/vmvx.imports.mlir",
"compiler/src/iree/compiler/DispatchCreation/CMakeLists.txt",
"compiler/src/iree/compiler/DispatchCreation/test/CMakeLists.txt",
"compiler/src/iree/compiler/DispatchCreation/test/bitcast_unsupported_element_types.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/bubble_up_expand_shapes.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/bubble_up_extract_slice.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/clone_producers_into_dispatch_regions.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/collapse_dimensions.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/collapse_linalg_generic_on_tensors.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/convert_encoding_to_flow.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/convert_region_to_workgroups.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/dispatch_linalg_ext_fusion.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/dispatch_linalg_on_tensors.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/dispatch_linalg_on_tensors_default.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/dispatch_linalg_on_tensors_fusion_with_transpose.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/dispatch_region_formation_preprocessing.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/elementwise_op_fusion.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/fold_unit_dims.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/form_dispatch_regions.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/form_dispatch_workgroups.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/form_scalar_dispatches.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/form_split_reduction_dispatches.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/fuse_encoding_ops_into_dispatch_regions.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/fuse_horizontal_contractions.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/fuse_multiuse_elementwise_producer.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/fuse_multiuse_intra_dispatch.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/fusion_preprocessing.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/hoist_encoding_ops.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/hoist_uniform_scalar_compute.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/materialize_default_workgroup_count_region.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/pad_fusion_with_consumer.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/pad_fusion_with_producer.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/pipeline_tests.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/pipeline_tests_aggressive.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/propagate_encodings.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/set_encoding.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/set_encoding_padding.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/set_encoding_pipeline.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/sink_reshapes.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/split_reduction.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/tensor_pad_to_tensor_insert_slice.mlir",
"compiler/src/iree/compiler/DispatchCreation/test/transpose_generic_ops.mlir",
"compiler/src/iree/compiler/ExternalInterfaces/CMakeLists.txt",
"compiler/src/iree/compiler/GlobalOptimization/CMakeLists.txt",
"compiler/src/iree/compiler/GlobalOptimization/Interfaces/CMakeLists.txt",
"compiler/src/iree/compiler/GlobalOptimization/test/CMakeLists.txt",
"compiler/src/iree/compiler/GlobalOptimization/test/cleanup_numeric_narrowing.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/conv1x1_to_matmul.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/data_layout_propagation.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/demote_contraction_inputs_to_bf16.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/detach_elementwise_from_named_ops.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/expand_tensor_shapes.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/fuse_dequantization_matmul.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/generalize_named_ops.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/global_loop_invariant_code_motion.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/hoist_into_globals.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/infer_numeric_narrowing.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/linalg_quantized_conv_to_conv.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/linalg_quantized_matmul_to_matmul.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/optimize_numerics.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/propagate_linalg_transpose.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/raise_special_ops.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/remove_zero_extent_tensors.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/strided_contraction_to_contraction.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/transformation_pipeline.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/transpose_and_decompose_concat.mlir",
"compiler/src/iree/compiler/GlobalOptimization/test/warn_on_uninitialized_values.mlir",
"compiler/src/iree/compiler/InputConversion/CMakeLists.txt",
"compiler/src/iree/compiler/InputConversion/Common/CMakeLists.txt",
"compiler/src/iree/compiler/InputConversion/Common/test/CMakeLists.txt",
"compiler/src/iree/compiler/InputConversion/Common/test/demote_f32_to_f16.mlir",
"compiler/src/iree/compiler/InputConversion/Common/test/demote_f64_to_f32.mlir",
"compiler/src/iree/compiler/InputConversion/Common/test/demote_i64_to_i32.mlir",
"compiler/src/iree/compiler/InputConversion/Common/test/import_ml_program.mlir",
"compiler/src/iree/compiler/InputConversion/Common/test/iree_import_public.mlir",
"compiler/src/iree/compiler/InputConversion/Common/test/promote_bf16_to_f32.mlir",
"compiler/src/iree/compiler/InputConversion/Common/test/promote_f16_to_f32.mlir",
"compiler/src/iree/compiler/InputConversion/Common/test/sanitize_module_names.mlir",
"compiler/src/iree/compiler/Modules/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/Check/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/Check/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/Check/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/Check/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/Check/test/canonicalize.mlir",
"compiler/src/iree/compiler/Modules/Check/test/ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/HALInlineToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/HALInlineToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/HALToHALInline/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/HALToHALInline/test/buffer_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/HALToHALInline/test/buffer_view_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/StreamToHALInline/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/StreamToHALInline/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/StreamToHALInline/test/cmd_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/StreamToHALInline/test/debug_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/StreamToHALInline/test/file_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/StreamToHALInline/test/resource_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/StreamToHALInline/test/timepoint_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/Conversion/StreamToHALInline/test/transfer_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/IR/test/buffer_folding.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Inline/Transforms/test/inline_executables.mlir",
"compiler/src/iree/compiler/Modules/HAL/Inline/hal_inline.imports.mlir",
"compiler/src/iree/compiler/Modules/HAL/Loader/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/Conversion/HALLoaderToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/Conversion/HALLoaderToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/Conversion/HALLoaderToVM/test/executable_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Loader/Conversion/StreamToHALLoader/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/Conversion/StreamToHALLoader/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/Conversion/StreamToHALLoader/test/cmd_ops.mlir",
"compiler/src/iree/compiler/Modules/HAL/Loader/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/IR/test/dispatch_folding.mlir",
"compiler/src/iree/compiler/Modules/HAL/Loader/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/HAL/Loader/Transforms/test/materialize_executables.mlir",
"compiler/src/iree/compiler/Modules/HAL/Loader/hal_loader.imports.mlir",
"compiler/src/iree/compiler/Modules/IO/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/Conversion/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/Conversion/ParamsToVM/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/Conversion/ParamsToVM/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/Conversion/ParamsToVM/test/parameter_ops.mlir",
"compiler/src/iree/compiler/Modules/IO/Parameters/Conversion/StreamToParams/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/Conversion/StreamToParams/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/Conversion/StreamToParams/test/parameter_ops.mlir",
"compiler/src/iree/compiler/Modules/IO/Parameters/IR/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/IR/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/IR/test/parameter_ops.mlir",
"compiler/src/iree/compiler/Modules/IO/Parameters/Transforms/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/Transforms/test/CMakeLists.txt",
"compiler/src/iree/compiler/Modules/IO/Parameters/Transforms/test/export_parameters.mlir",
"compiler/src/iree/compiler/Modules/IO/Parameters/Transforms/test/generate_splat_parameter_archive.mlir",
"compiler/src/iree/compiler/Modules/IO/Parameters/Transforms/test/import_parameters.mlir",
"compiler/src/iree/compiler/Modules/IO/Parameters/io_parameters.imports.mlir",
"compiler/src/iree/compiler/Modules/README.md",
"compiler/src/iree/compiler/Pipelines/CMakeLists.txt",
"compiler/src/iree/compiler/Pipelines/README.md",
"compiler/src/iree/compiler/PluginAPI/CMakeLists.txt",
"compiler/src/iree/compiler/PluginAPI/README.md",
"compiler/src/iree/compiler/Preprocessing/CMakeLists.txt",
"compiler/src/iree/compiler/Preprocessing/Common/CMakeLists.txt",
"compiler/src/iree/compiler/Preprocessing/Common/test/CMakeLists.txt",
"compiler/src/iree/compiler/Preprocessing/Common/test/attr_based_pipeline.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/conv2d_to_img2col.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/conv_filter_to_channels_last.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/conv_to_channels_last.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/external_function_spec.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/fold_attention_with_transpose.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/generalize_linalg_matmul.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/make_single_dispatch_for_function.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/pad_linalg_ops.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/pad_to_intrinsics_mfma.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/pad_to_intrinsics_wmma.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/pdl_example.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/pdl_patterns.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/preprocessing_match_ops.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/transform_symbol_importing.mlir",
"compiler/src/iree/compiler/Preprocessing/Common/test/transpose_matmul.mlir",
"compiler/src/iree/compiler/Preprocessing/TransformExtensions/CMakeLists.txt",
"compiler/src/iree/compiler/README.md",
"compiler/src/iree/compiler/Reducer/CMakeLists.txt",
"compiler/src/iree/compiler/Reducer/Framework/CMakeLists.txt",
"compiler/src/iree/compiler/Reducer/Strategies/CMakeLists.txt",
"compiler/src/iree/compiler/Utils/CMakeLists.txt",
"compiler/src/iree/compiler/Utils/unittests/CMakeLists.txt",
"compiler/src/iree/testing/CMakeLists.txt",
"compiler/version.json",
"docs/api_docs/python/.gitignore",
"docs/api_docs/python/.readthedocs.yaml",
"docs/api_docs/python/Makefile",
"docs/api_docs/python/README.md",
"docs/api_docs/python/_static/custom.css",
"docs/api_docs/python/compiler/api.rst",
"docs/api_docs/python/compiler/build.rst",
"docs/api_docs/python/compiler/index.rst",
"docs/api_docs/python/compiler/iree_dialects.rst",
"docs/api_docs/python/compiler/iree_input_dialect.rst",
"docs/api_docs/python/compiler/mlir.rst",
"docs/api_docs/python/compiler/mlir_dialects.rst",
"docs/api_docs/python/compiler/tools.rst",
"docs/api_docs/python/conf.py",
"docs/api_docs/python/index.rst",
"docs/api_docs/python/requirements.txt",
"docs/api_docs/python/runtime.rst",
"docs/website/.gitignore",
"docs/website/README.md",
"docs/website/docs/CNAME",
"docs/website/docs/assets/images/.gitignore",
"docs/website/docs/assets/images/IREE_Logo_Icon_Color.svg",
"docs/website/docs/assets/images/README.md",
"docs/website/docs/assets/images/iree_architecture.excalidraw.gz",
"docs/website/docs/assets/images/iree_architecture.svg",
"docs/website/docs/assets/images/iree_architecture_dark.svg",
"docs/website/docs/assets/images/releases_source_to_stable.excalidraw",
"docs/website/docs/assets/images/releases_source_to_stable.svg",
"docs/website/docs/assets/images/releases_source_to_stable_dark.svg",
"docs/website/docs/assets/stylesheets/extra.css",
"docs/website/docs/assets/stylesheets/iree.css",
"docs/website/docs/building-from-source/android.md",
"docs/website/docs/building-from-source/getting-started.md",
"docs/website/docs/building-from-source/index.md",
"docs/website/docs/building-from-source/ios.md",
"docs/website/docs/building-from-source/riscv.md",
"docs/website/docs/community/blog/.authors.yml",
"docs/website/docs/community/blog/index.md",
"docs/website/docs/community/blog/posts/cuda-backend.md",
"docs/website/docs/community/blog/posts/cuda-bring_up.png",
"docs/website/docs/community/blog/posts/cuda-compiler-flow.png",
"docs/website/docs/community/blog/posts/cuda-memperf.png",
"docs/website/docs/community/blog/posts/cuda-optimization-flow.png",
"docs/website/docs/community/blog/posts/linalg-tutorial.md",
"docs/website/docs/community/blog/posts/microkernels.md",
"docs/website/docs/community/blog/posts/mmt4d-4x4_mmt4d.png",
"docs/website/docs/community/blog/posts/mmt4d-4x4_tiled.png",
"docs/website/docs/community/blog/posts/mmt4d-L1-dcache-load-misses.png",
"docs/website/docs/community/blog/posts/mmt4d-graph_flow.svg",
"docs/website/docs/community/blog/posts/mmt4d-mmt4d_vs_matmul.png",
"docs/website/docs/community/blog/posts/mmt4d.md",
"docs/website/docs/community/blog/posts/tflite-tosa-compilation-diagram.png",
"docs/website/docs/community/blog/posts/tflite-tosa.md",
"docs/website/docs/community/index.md",
"docs/website/docs/community/tags.md",
"docs/website/docs/developers/building/bazel.md",
"docs/website/docs/developers/building/cmake-options.md",
"docs/website/docs/developers/building/cmake-with-ccache.md",
"docs/website/docs/developers/building/emscripten.md",
"docs/website/docs/developers/debugging/android-with-lldb.md",
"docs/website/docs/developers/debugging/compile-time-regressions.md",
"docs/website/docs/developers/debugging/gpu.md",
"docs/website/docs/developers/debugging/integration-tests.md",
"docs/website/docs/developers/debugging/model-development.md",
"docs/website/docs/developers/debugging/releases.md",
"docs/website/docs/developers/debugging/sanitizers.md",
"docs/website/docs/developers/design-docs/cuda-hal-driver.md",
"docs/website/docs/developers/design-docs/design-roadmap.md",
"docs/website/docs/developers/design-docs/function-abi.md",
"docs/website/docs/developers/design-docs/hip-hal-driver.md",
"docs/website/docs/developers/design-docs/invocation-execution-model.md",
"docs/website/docs/developers/design-docs/metal-hal-driver.md",
"docs/website/docs/developers/design-docs/vm.md",
"docs/website/docs/developers/general/contributing-ci-enabled-jobs.png",
"docs/website/docs/developers/general/contributing-ci-extra.png",
"docs/website/docs/developers/general/contributing.md",
"docs/website/docs/developers/general/developer-overview.md",
"docs/website/docs/developers/general/developer-tips.md",
"docs/website/docs/developers/general/github-actions.md",
"docs/website/docs/developers/general/one-shot-patch.png",
"docs/website/docs/developers/general/pkgci-workflow-dispatch.png",
"docs/website/docs/developers/general/release-latest.png",
"docs/website/docs/developers/general/release-management.md",
"docs/website/docs/developers/general/release-tag.png",
"docs/website/docs/developers/general/testing-guide.md",
"docs/website/docs/developers/general/versioning-scheme.md",
"docs/website/docs/developers/index.md",
"docs/website/docs/developers/performance/benchmarking.md",
"docs/website/docs/developers/performance/profiling-cpu-events.md",
"docs/website/docs/developers/performance/profiling-gpu-vulkan.md",
"docs/website/docs/developers/performance/profiling-with-tracy.md",
"docs/website/docs/developers/performance/profiling.md",
"docs/website/docs/developers/update-sdxl-golden-outputs.md",
"docs/website/docs/developers/usage-best-practices.md",
"docs/website/docs/developers/vulkan-environment-setup.md",
"docs/website/docs/guides/deployment-configurations/bare-metal.md",
"docs/website/docs/guides/deployment-configurations/cpu.md",
"docs/website/docs/guides/deployment-configurations/gpu-cuda.md",
"docs/website/docs/guides/deployment-configurations/gpu-metal.md",
"docs/website/docs/guides/deployment-configurations/gpu-rocm.md",
"docs/website/docs/guides/deployment-configurations/gpu-vulkan.md",
"docs/website/docs/guides/deployment-configurations/index.md",
"docs/website/docs/guides/deployment-configurations/snippets/_iree-compiler-from-release.md",
"docs/website/docs/guides/deployment-configurations/snippets/_iree-import-onnx-mobilenet.md",
"docs/website/docs/guides/deployment-configurations/snippets/_iree-optimization-options.md",
"docs/website/docs/guides/deployment-configurations/snippets/_iree-run-module-device-dump-amd.md",
"docs/website/docs/guides/deployment-configurations/snippets/_iree-run-module-device-list-amd.md",
"docs/website/docs/guides/deployment-configurations/snippets/_iree-run-module-device-list-nvidia.md",
"docs/website/docs/guides/deployment-configurations/snippets/_iree-run-module-driver-list.md",
"docs/website/docs/guides/deployment-configurations/snippets/_iree-runtime-from-release.md",
"docs/website/docs/guides/index.md",
"docs/website/docs/guides/ml-frameworks/index.md",
"docs/website/docs/guides/ml-frameworks/jax.md",
"docs/website/docs/guides/ml-frameworks/onnx.md",
"docs/website/docs/guides/ml-frameworks/pytorch.md",
"docs/website/docs/guides/ml-frameworks/tensorflow.md",
"docs/website/docs/guides/ml-frameworks/tflite.md",
"docs/website/docs/guides/parameters.md",
"docs/website/docs/index.md",
"docs/website/docs/reference/bindings/c-api.md",
"docs/website/docs/reference/bindings/index.md",
"docs/website/docs/reference/bindings/python.md",
"docs/website/docs/reference/extensions.md",
"docs/website/docs/reference/glossary.md",
"docs/website/docs/reference/index.md",
"docs/website/docs/reference/mlir-dialects/.gitignore",
"docs/website/docs/reference/mlir-dialects/index.md",
"docs/website/docs/reference/mlir-passes/.gitignore",
"docs/website/docs/reference/mlir-passes/index.md",
"docs/website/docs/reference/optimization-options.md",
"docs/website/docs/reference/tuning.md",
"docs/website/docs/robots.txt",
"docs/website/docs/snippets/_iree-dev-packages.md",
"docs/website/mkdocs.yml",
"docs/website/overrides/404.html",
"docs/website/requirements.txt",
"experimental/README.md",
"experimental/hal_executable_library_call_hooks/README.md",
"experimental/web/sample_dynamic/README.md",
"experimental/web/sample_static/README.md",
"experimental/web/sample_webgpu/README.md",
"experimental/web/sample_webgpu/multiple_results.mlir",
"experimental/web/testing/README.md",
"experimental/webgpu/CMakeLists.txt",
"experimental/webgpu/platform/CMakeLists.txt",
"experimental/webgpu/shaders/CMakeLists.txt",
"experimental/webgpu/shaders/fill_buffer.wgsl",
"integrations/pjrt/.gitignore",
"integrations/pjrt/.style.yapf",
"integrations/pjrt/README.md",
"integrations/pjrt/python_packages/iree_cpu_plugin/.gitignore",
"integrations/pjrt/python_packages/iree_cpu_plugin/pyproject.toml",
"integrations/pjrt/python_packages/iree_cuda_plugin/pyproject.toml",
"integrations/pjrt/python_packages/iree_rocm_plugin/pyproject.toml",
"integrations/pjrt/python_packages/iree_vulkan_plugin/pyproject.toml",
"integrations/pjrt/requirements.txt",
"integrations/pjrt/src/iree_pjrt/common/stubs.inc",
"integrations/pjrt/test/run_tf2xla_serialization_tests.py",
"integrations/pjrt/test/test_add.py",
"integrations/pjrt/test/test_degenerate.py",
"integrations/pjrt/test/test_jax.py",
"integrations/pjrt/test/test_simple.py",
"integrations/pjrt/test/test_transpose.py",
"integrations/pjrt/test/triage_jaxtest.py",
"integrations/pjrt/third_party/pjrt_c_api/README.md",
"integrations/tensorflow/.gitignore",
"integrations/tensorflow/README.md",
"integrations/tensorflow/python_projects/.style.yapf",
"integrations/tensorflow/python_projects/iree_tf/iree/tools/tf/.gitignore",
"integrations/tensorflow/python_projects/iree_tf/pyproject.toml",
"integrations/tensorflow/python_projects/iree_tflite/iree/tools/tflite/.gitignore",
"integrations/tensorflow/python_projects/iree_tflite/pyproject.toml",
"integrations/tensorflow/test/.gitignore",
"integrations/tensorflow/test/iree_tf_tests/llvmcpu__simple_arithmetic.run",
"integrations/tensorflow/test/iree_tfl_tests/README.md",
"integrations/tensorflow/test/iree_tfl_tests/cartoon_gan.run",
"integrations/tensorflow/test/iree_tfl_tests/east_text_detector.run",
"integrations/tensorflow/test/iree_tfl_tests/gpt2.run",
"integrations/tensorflow/test/iree_tfl_tests/llvmcpu_mobilebert_tf2_quant.run",
"integrations/tensorflow/test/iree_tfl_tests/llvmcpu_mobilenet_v1.run",
"integrations/tensorflow/test/iree_tfl_tests/llvmcpu_mobilenet_v3-large_uint8.run",
"integrations/tensorflow/test/iree_tfl_tests/llvmcpu_posenet_i8.run",
"integrations/tensorflow/test/iree_tfl_tests/llvmcpu_resnet_50_int8.run",
"integrations/tensorflow/test/iree_tfl_tests/mnasnet.run",
"integrations/tensorflow/test/iree_tfl_tests/mobilenet_v3.run",
"integrations/tensorflow/test/iree_tfl_tests/person_detect.run",
"integrations/tensorflow/test/iree_tfl_tests/vmvx_mobilebert_tf2_quant.run",
"integrations/tensorflow/test/iree_tfl_tests/vmvx_mobilenet_v3-large_uint8.run",
"integrations/tensorflow/test/iree_tfl_tests/vmvx_person_detect.run",
"integrations/tensorflow/test/iree_tfl_tests/vulkan_mobilebert_tf2_quant.run",
"integrations/tensorflow/test/iree_tfl_tests/vulkan_mobilenet_v1.run",
"integrations/tensorflow/test/iree_tfl_tests/vulkan_mobilenet_v3-large_uint8.run",
"integrations/tensorflow/test/iree_tfl_tests/vulkan_posenet_i8.run",
"integrations/tensorflow/test/iree_tfl_tests/vulkan_resnet_50_int8.run",
"integrations/tensorflow/test/python/README.md",
"integrations/tensorflow/test/python/iree_tfl_tests/imagenet_test_data.py",
"integrations/tensorflow/test/python/iree_tfl_tests/mobilebert_tf2_quant_test.py",
"integrations/tensorflow/test/python/iree_tfl_tests/mobilenet_v3-large_uint8_test.py",
"integrations/tensorflow/test/python/iree_tfl_tests/resnet_50_int8_test.py",
"integrations/tensorflow/test/python/iree_tfl_tests/squad_test_data.py",
"integrations/tensorflow/test/python/lit.local.cfg",
"integrations/tensorflow/test/requirements.txt",
"llvm-external-projects/README.md",
"llvm-external-projects/iree-dialects/.clang-format",
"llvm-external-projects/iree-dialects/.gitignore",
"llvm-external-projects/iree-dialects/BUILD.bazel",
"llvm-external-projects/iree-dialects/CMakeLists.txt",
"llvm-external-projects/iree-dialects/README.md",
"llvm-external-projects/iree-dialects/docs/Dialect/IREEPyDM/LowerToIREE.md",
"llvm-external-projects/iree-dialects/include/CMakeLists.txt",
"llvm-external-projects/iree-dialects/include/iree-dialects/CMakeLists.txt",
"llvm-external-projects/iree-dialects/include/iree-dialects/Dialect/CMakeLists.txt",
"llvm-external-projects/iree-dialects/include/iree-dialects/Dialect/LinalgTransform/CMakeLists.txt",
"llvm-external-projects/iree-dialects/lib/CAPI/CMakeLists.txt",
"llvm-external-projects/iree-dialects/lib/CMakeLists.txt",
"llvm-external-projects/iree-dialects/lib/Dialect/CMakeLists.txt",
"llvm-external-projects/iree-dialects/lib/Dialect/LinalgTransform/CMakeLists.txt",
"llvm-external-projects/iree-dialects/lib/Dialect/LinalgTransform/IR/CMakeLists.txt",
"llvm-external-projects/iree-dialects/lib/Dialect/LinalgTransform/Passes/CMakeLists.txt",
"llvm-external-projects/iree-dialects/lib/Transforms/CMakeLists.txt",
"llvm-external-projects/iree-dialects/python/CMakeLists.txt",
"llvm-external-projects/iree-dialects/test/CMakeLists.txt",
"llvm-external-projects/iree-dialects/test/Dialect/linalg_transform/drop-schedule.mlir",
"llvm-external-projects/iree-dialects/test/dummy.py",
"llvm-external-projects/iree-dialects/test/lit.site.cfg.py.in",
"llvm-external-projects/iree-dialects/tools/CMakeLists.txt",
"llvm-external-projects/iree-dialects/tools/iree-dialects-opt/CMakeLists.txt",
"runtime/README.md",
"runtime/bindings/python/iree/_runtime/README.md",
"runtime/bindings/python/iree/runtime/README.md",
"runtime/bindings/python/iree/runtime/_binding.pyi",
"runtime/bindings/python/iree/runtime/build_requirements.txt",
"runtime/bindings/python/tests/testdata/generate_tensor_saved_with_iree_turbine.py",
"runtime/bindings/python/tests/testdata/parameter_weight_bias_1.gguf",
"runtime/bindings/python/tests/testdata/parameter_weight_bias_1.safetensors",
"runtime/bindings/python/tests/testdata/tensor_saved_with_iree_turbine.irpa",
"runtime/bindings/tflite/README.md",
"runtime/bindings/tflite/include/README.md",
"runtime/bindings/tflite/java/README.md",
"runtime/bindings/tflite/java/build.gradle",
"runtime/bindings/tflite/java/org/tensorflow/lite/AndroidManifest.xml",
"runtime/bindings/tflite/java/org/tensorflow/lite/tests/simple_add.mlir",
"runtime/bindings/tflite/java/settings.gradle",
"runtime/bindings/tflite/testdata/add_dynamic.mlir",
"runtime/bindings/tflite/testdata/add_multi.mlir",
"runtime/bindings/tflite/testdata/add_static.mlir",
"runtime/iree.natvis",
"runtime/pyproject.toml",
"runtime/src/.clang-tidy",
"runtime/src/iree/base/internal/CMakeLists.txt",
"runtime/src/iree/base/internal/flags_test.txt",
"runtime/src/iree/base/internal/flatcc/CMakeLists.txt",
"runtime/src/iree/builtins/CMakeLists.txt",
"runtime/src/iree/builtins/device/CMakeLists.txt",
"runtime/src/iree/builtins/device/README.md",
"runtime/src/iree/builtins/device/tools/CMakeLists.txt",
"runtime/src/iree/builtins/musl/CMakeLists.txt",
"runtime/src/iree/builtins/musl/bin/CMakeLists.txt",
"runtime/src/iree/builtins/musl/bin/libmusl_wasm32_generic.bc",
"runtime/src/iree/builtins/musl/bin/libmusl_wasm64_generic.bc",
"runtime/src/iree/builtins/ukernel/CMakeLists.txt",
"runtime/src/iree/builtins/ukernel/README.md",
"runtime/src/iree/builtins/ukernel/arch/arm_64/CMakeLists.txt",
"runtime/src/iree/builtins/ukernel/arch/riscv_64/CMakeLists.txt",
"runtime/src/iree/builtins/ukernel/arch/x86_64/CMakeLists.txt",
"runtime/src/iree/builtins/ukernel/tools/CMakeLists.txt",
"runtime/src/iree/hal/CMakeLists.txt",
"runtime/src/iree/hal/README.md",
"runtime/src/iree/hal/cts/README.md",
"runtime/src/iree/hal/cts/testdata/command_buffer_dispatch_constants_test.mlir",
"runtime/src/iree/hal/cts/testdata/command_buffer_dispatch_test.mlir",
"runtime/src/iree/hal/cts/testdata/executable_cache_test.mlir",
"runtime/src/iree/hal/drivers/amdgpu/CMakeLists.txt",
"runtime/src/iree/hal/drivers/amdgpu/README.md",
"runtime/src/iree/hal/drivers/amdgpu/registration/CMakeLists.txt",
"runtime/src/iree/hal/drivers/amdgpu/util/CMakeLists.txt",
"runtime/src/iree/hal/drivers/cuda/CMakeLists.txt",
"runtime/src/iree/hal/drivers/cuda/README.md",
"runtime/src/iree/hal/drivers/cuda/registration/CMakeLists.txt",
"runtime/src/iree/hal/drivers/local_sync/CMakeLists.txt",
"runtime/src/iree/hal/drivers/local_sync/registration/CMakeLists.txt",
"runtime/src/iree/hal/drivers/local_task/CMakeLists.txt",
"runtime/src/iree/hal/drivers/local_task/registration/CMakeLists.txt",
"runtime/src/iree/hal/drivers/metal/README.md",
"runtime/src/iree/hal/drivers/null/CMakeLists.txt",
"runtime/src/iree/hal/drivers/null/README.md",
"runtime/src/iree/hal/drivers/null/registration/CMakeLists.txt",
"runtime/src/iree/hal/drivers/vulkan/CMakeLists.txt",
"runtime/src/iree/hal/drivers/vulkan/builtin/CMakeLists.txt",
"runtime/src/iree/hal/drivers/vulkan/builtin/fill_unaligned.spv",
"runtime/src/iree/hal/drivers/vulkan/registration/CMakeLists.txt",
"runtime/src/iree/hal/drivers/vulkan/util/CMakeLists.txt",
"runtime/src/iree/hal/local/CMakeLists.txt",
"runtime/src/iree/hal/local/elf/CMakeLists.txt",
"runtime/src/iree/hal/local/elf/testdata/CMakeLists.txt",
"runtime/src/iree/hal/local/elf/testdata/elementwise_mul.mlir",
"runtime/src/iree/hal/local/elf/testdata/elementwise_mul_arm_32.so",
"runtime/src/iree/hal/local/elf/testdata/elementwise_mul_arm_64.so",
"runtime/src/iree/hal/local/elf/testdata/elementwise_mul_benchmark.txt",
"runtime/src/iree/hal/local/elf/testdata/elementwise_mul_riscv_32.so",
"runtime/src/iree/hal/local/elf/testdata/elementwise_mul_riscv_64.so",
"runtime/src/iree/hal/local/elf/testdata/elementwise_mul_x86_32.so",
"runtime/src/iree/hal/local/elf/testdata/elementwise_mul_x86_64.so",
"runtime/src/iree/hal/local/executable_library_benchmark.md",
"runtime/src/iree/hal/local/loaders/CMakeLists.txt",
"runtime/src/iree/hal/local/plugins/CMakeLists.txt",
"runtime/src/iree/hal/utils/CMakeLists.txt",
"runtime/src/iree/io/CMakeLists.txt",
"runtime/src/iree/io/formats/CMakeLists.txt",
"runtime/src/iree/io/formats/gguf/CMakeLists.txt",
"runtime/src/iree/io/formats/gguf/testdata/CMakeLists.txt",
"runtime/src/iree/io/formats/gguf/testdata/empty.gguf",
"runtime/src/iree/io/formats/gguf/testdata/multiple.gguf",
"runtime/src/iree/io/formats/gguf/testdata/single.gguf",
"runtime/src/iree/io/formats/gguf/testdata/single_v2.gguf",
"runtime/src/iree/io/formats/irpa/CMakeLists.txt",
"runtime/src/iree/io/formats/irpa/testdata/CMakeLists.txt",
"runtime/src/iree/io/formats/irpa/testdata/empty.irpa",
"runtime/src/iree/io/formats/irpa/testdata/mixed.irpa",
"runtime/src/iree/io/formats/irpa/testdata/multiple.irpa",
"runtime/src/iree/io/formats/irpa/testdata/single.irpa",
"runtime/src/iree/io/formats/safetensors/CMakeLists.txt",
"runtime/src/iree/io/formats/safetensors/testdata/CMakeLists.txt",
"runtime/src/iree/io/formats/safetensors/testdata/empty.safetensors",
"runtime/src/iree/io/formats/safetensors/testdata/multiple.safetensors",
"runtime/src/iree/io/formats/safetensors/testdata/single.safetensors",
"runtime/src/iree/modules/CMakeLists.txt",
"runtime/src/iree/modules/check/CMakeLists.txt",
"runtime/src/iree/modules/check/test/CMakeLists.txt",
"runtime/src/iree/modules/check/test/failure.mlir",
"runtime/src/iree/modules/check/test/success.mlir",
"runtime/src/iree/modules/check/test/unavailable.mlir",
"runtime/src/iree/modules/hal/CMakeLists.txt",
"runtime/src/iree/modules/hal/inline/CMakeLists.txt",
"runtime/src/iree/modules/hal/loader/CMakeLists.txt",
"runtime/src/iree/modules/hal/utils/CMakeLists.txt",
"runtime/src/iree/modules/io/CMakeLists.txt",
"runtime/src/iree/modules/io/parameters/CMakeLists.txt",
"runtime/src/iree/runtime/CMakeLists.txt",
"runtime/src/iree/runtime/README.md",
"runtime/src/iree/runtime/demo/CMakeLists.txt",
"runtime/src/iree/runtime/demo/README.md",
"runtime/src/iree/runtime/demo/simple_mul.mlir",
"runtime/src/iree/schemas/CMakeLists.txt",
"runtime/src/iree/schemas/instruments/CMakeLists.txt",
"runtime/src/iree/task/CMakeLists.txt",
"runtime/src/iree/task/testing/CMakeLists.txt",
"runtime/src/iree/tooling/CMakeLists.txt",
"runtime/src/iree/tooling/testdata/CMakeLists.txt",
"runtime/src/iree/tooling/testdata/npy/CMakeLists.txt",
"runtime/src/iree/tooling/testdata/npy/array_shapes.npy",
"runtime/src/iree/tooling/testdata/npy/array_types.npy",
"runtime/src/iree/tooling/testdata/npy/multiple.npy",
"runtime/src/iree/tooling/testdata/npy/single.npy",
"runtime/src/iree/vm/CMakeLists.txt",
"runtime/src/iree/vm/bytecode/CMakeLists.txt",
"runtime/src/iree/vm/bytecode/module_benchmark.mlir",
"runtime/src/iree/vm/bytecode/module_size_benchmark.mlir",
"runtime/src/iree/vm/bytecode/module_test.mlir",
"runtime/src/iree/vm/bytecode/utils/CMakeLists.txt",
"runtime/src/iree/vm/bytecode/utils/generated/op_table.h",
"runtime/src/iree/vm/dynamic/CMakeLists.txt",
"runtime/src/iree/vm/test/CMakeLists.txt",
"runtime/src/iree/vm/test/arithmetic_ops.mlir",
"runtime/src/iree/vm/test/arithmetic_ops_f32.mlir",
"runtime/src/iree/vm/test/arithmetic_ops_f64.mlir",
"runtime/src/iree/vm/test/arithmetic_ops_i64.mlir",
"runtime/src/iree/vm/test/assignment_ops.mlir",
"runtime/src/iree/vm/test/assignment_ops_f32.mlir",
"runtime/src/iree/vm/test/assignment_ops_f64.mlir",
"runtime/src/iree/vm/test/assignment_ops_i64.mlir",
"runtime/src/iree/vm/test/async_ops.mlir",
"runtime/src/iree/vm/test/buffer_ops.mlir",
"runtime/src/iree/vm/test/call_ops.mlir",
"runtime/src/iree/vm/test/comparison_ops.mlir",
"runtime/src/iree/vm/test/comparison_ops_f32.mlir",
"runtime/src/iree/vm/test/comparison_ops_f64.mlir",
"runtime/src/iree/vm/test/comparison_ops_i64.mlir",
"runtime/src/iree/vm/test/control_flow_ops.mlir",
"runtime/src/iree/vm/test/conversion_ops.mlir",
"runtime/src/iree/vm/test/conversion_ops_f32.mlir",
"runtime/src/iree/vm/test/conversion_ops_f64.mlir",
"runtime/src/iree/vm/test/conversion_ops_i64.mlir",
"runtime/src/iree/vm/test/global_ops.mlir",
"runtime/src/iree/vm/test/global_ops_f32.mlir",
"runtime/src/iree/vm/test/global_ops_f64.mlir",
"runtime/src/iree/vm/test/global_ops_i64.mlir",
"runtime/src/iree/vm/test/list_ops.mlir",
"runtime/src/iree/vm/test/list_ops_i64.mlir",
"runtime/src/iree/vm/test/list_variant_ops.mlir",
"runtime/src/iree/vm/test/ref_ops.mlir",
"runtime/src/iree/vm/test/shift_ops.mlir",
"runtime/src/iree/vm/test/shift_ops_i64.mlir",
"runtime/version.json",
"samples/README.md",
"samples/colab/README.md",
"samples/compiler_plugins/example/CMakeLists.txt",
"samples/compiler_plugins/example/README.md",
"samples/compiler_plugins/simple_io_sample/CMakeLists.txt",
"samples/compiler_plugins/simple_io_sample/README.md",
"samples/compiler_plugins/simple_io_sample/test/CMakeLists.txt",
"samples/compiler_plugins/simple_io_sample/test/print.mlir",
"samples/custom_dispatch/README.md",
"samples/custom_dispatch/cpu/embedded/README.md",
"samples/custom_dispatch/cpu/embedded/example_hal.mlir",
"samples/custom_dispatch/cpu/embedded/example_stream.mlir",
"samples/custom_dispatch/cpu/embedded/example_transform.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_linalg.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_linalg_spec.pdl.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_linalg_two_matmul.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_spec.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_spec_matmul.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_torch.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_torch_spec.pdl.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_tosa.mlir",
"samples/custom_dispatch/cpu/mlp_plugin/mlp_tosa_spec.pdl.mlir",
"samples/custom_dispatch/cpu/plugin/README.md",
"samples/custom_dispatch/cpu/plugin/standalone_example.mlir",
"samples/custom_dispatch/cpu/plugin/standalone_ukernel.mlir",
"samples/custom_dispatch/cpu/plugin/system_example.mlir",
"samples/custom_dispatch/cpu/plugin/system_ukernel.mlir",
"samples/custom_dispatch/cuda/kernels/README.md",
"samples/custom_dispatch/cuda/kernels/example.mlir",
"samples/custom_dispatch/cuda/kernels/ukernel.cu",
"samples/custom_dispatch/cuda/kernels/ukernel_example.mlir",
"samples/custom_dispatch/hip/kernels/example.mlir",
"samples/custom_dispatch/vulkan/shaders/README.md",
"samples/custom_dispatch/vulkan/shaders/example.mlir",
"samples/custom_dispatch/vulkan/shaders/example_inline.mlir",
"samples/custom_dispatch/vulkan/shaders/example_transform.mlir",
"samples/custom_module/README.md",
"samples/custom_module/async/README.md",
"samples/custom_module/async/test/example.mlir",
"samples/custom_module/basic/README.md",
"samples/custom_module/basic/test/example.mlir",
"samples/custom_module/dynamic/README.md",
"samples/custom_module/dynamic/test/example.mlir",
"samples/custom_module/static/README.md",
"samples/custom_module/static/test/example.mlir",
"samples/custom_module/sync/README.md",
"samples/custom_module/sync/test/example.mlir",
"samples/dynamic_shapes/README.md",
"samples/emitc_modules/add.mlir",
"samples/emitc_modules/import_module_a.mlir",
"samples/emitc_modules/import_module_b.mlir",
"samples/models/README.md",
"samples/models/mnist.mlir",
"samples/models/simple_abs.mlir",
"samples/multiple_modules/CMakeLists.txt",
"samples/multiple_modules/README.md",
"samples/multiple_modules/module_a.mlir",
"samples/multiple_modules/module_b.mlir",
"samples/multiple_modules/pipeline_async.mlir",
"samples/multiple_modules/pipeline_sync.mlir",
"samples/py_custom_module/README.md",
"samples/py_custom_module/main.mlir",
"samples/reducer/README.md",
"samples/reducer/test/interesting.py",
"samples/reducer/test/output.mlir",
"samples/reducer/test/reduce.mlir",
"samples/simple_embedding/CMakeLists.txt",
"samples/simple_embedding/README.md",
"samples/simple_embedding/simple_embedding_test.mlir",
"samples/static_library/README.md",
"samples/static_library/simple_mul.mlir",
"samples/static_library/static_library_demo_c_test.txt",
"samples/static_library/static_library_demo_test.txt",
"samples/transform_dialect/example_module.mlir",
"samples/transform_dialect/transform_library.mlir",
"samples/variables_and_state/README.md",
"samples/vision_inference/README.md",
"samples/vision_inference/mnist_test.png",
"tests/CMakeLists.txt",
"tests/compiler_driver/CMakeLists.txt",
"tests/compiler_driver/executable_benchmarks.mlir",
"tests/compiler_driver/hal_executable.mlir",
"tests/compiler_driver/inline_dynamic_hal_executable.mlir",
"tests/compiler_driver/inline_static_hal_executable.mlir",
"tests/compiler_driver/precompile.mlir",
"tests/compiler_driver/preprocessing_flags.mlir",
"tests/compiler_driver/smoketest.mlir",
"tests/compiler_driver/streams.mlir",
"tests/e2e/CMakeLists.txt",
"tests/e2e/attention/CMakeLists.txt",
"tests/e2e/collectives/run_requirements.txt",
"tests/e2e/convolution/CMakeLists.txt",
"tests/e2e/encoding/CMakeLists.txt",
"tests/e2e/encoding/encoding.mlir",
"tests/e2e/linalg/CMakeLists.txt",
"tests/e2e/linalg/argmax.mlir",
"tests/e2e/linalg/conv2d.mlir",
"tests/e2e/linalg/fp4_f32_conversion.mlir",
"tests/e2e/linalg/fp_to_subbyte.mlir",
"tests/e2e/linalg/index.mlir",
"tests/e2e/linalg/large_linalg_matmul.mlir",
"tests/e2e/linalg/narrow_n_matmuls.mlir",
"tests/e2e/linalg/pack.mlir",
"tests/e2e/linalg/pack_dynamic_inner_tiles.mlir",
"tests/e2e/linalg/pack_i8.mlir",
"tests/e2e/linalg/softmax.mlir",
"tests/e2e/linalg/subbyte_to_fp.mlir",
"tests/e2e/linalg/unpack.mlir",
"tests/e2e/linalg_ext_ops/CMakeLists.txt",
"tests/e2e/linalg_ext_ops/arg_compare.mlir",
"tests/e2e/linalg_ext_ops/attention.mlir",
"tests/e2e/linalg_ext_ops/attention_i1_mask.mlir",
"tests/e2e/linalg_ext_ops/gather.mlir",
"tests/e2e/linalg_ext_ops/map_scatter.mlir",
"tests/e2e/linalg_ext_ops/scan.mlir",
"tests/e2e/linalg_ext_ops/scatter.mlir",
"tests/e2e/linalg_ext_ops/sort.mlir",
"tests/e2e/linalg_ext_ops/top-k.mlir",
"tests/e2e/linalg_ext_ops/winograd_input.mlir",
"tests/e2e/linalg_ext_ops/winograd_output.mlir",
"tests/e2e/math/CMakeLists.txt",
"tests/e2e/math/math_ops_llvm-cpu.json",
"tests/e2e/math/math_ops_rocm.json",
"tests/e2e/matmul/CMakeLists.txt",
"tests/e2e/parameters/CMakeLists.txt",
"tests/e2e/parameters/export_parameters.mlir",
"tests/e2e/parameters/generate_splat_archive.mlir",
"tests/e2e/regression/CMakeLists.txt",
"tests/e2e/regression/associative_reordering.mlir",
"tests/e2e/regression/dynamic_abs.mlir",
"tests/e2e/regression/dynamic_add.mlir",
"tests/e2e/regression/dynamic_dot.mlir",
"tests/e2e/regression/dynamic_matmuls_on_same_accumulator_issue_12060.mlir",
"tests/e2e/regression/dynamic_reduce_min.mlir",
"tests/e2e/regression/dynamic_torch_index_select_high_rank.mlir",
"tests/e2e/regression/dynamic_torch_index_select_negative.mlir",
"tests/e2e/regression/dynamic_torch_index_select_scalar.mlir",
"tests/e2e/regression/dynamic_torch_index_select_vector.mlir",
"tests/e2e/regression/fill_i64.mlir",
"tests/e2e/regression/force_single_dispatch.mlir",
"tests/e2e/regression/globals.mlir",
"tests/e2e/regression/globals_ml_program.mlir",
"tests/e2e/regression/i1_inlined_constant.mlir",
"tests/e2e/regression/large_reduction.mlir",
"tests/e2e/regression/layernorm.mlir",
"tests/e2e/regression/libm_linking.mlir",
"tests/e2e/regression/linalg_ops.mlir",
"tests/e2e/regression/linalg_ops_dynamic.mlir",
"tests/e2e/regression/linalg_quantized_matmul_vs_linalg_matmul.mlir",
"tests/e2e/regression/lowering_config.mlir",
"tests/e2e/regression/pack_pad_transpose_1x9_into_2x1x8x4_issue_12546.mlir",
"tests/e2e/regression/reduction_broadcast_elementwise.mlir",
"tests/e2e/regression/scalar.mlir",
"tests/e2e/regression/scalar_computation.mlir",
"tests/e2e/regression/softmax.mlir",
"tests/e2e/regression/softmax_large.mlir",
"tests/e2e/regression/split_reduction_using_tiling.mlir",
"tests/e2e/regression/strided_slice.mlir",
"tests/e2e/regression/trace_dispatch_tensors.mlir",
"tests/e2e/regression/transpose.mlir",
"tests/e2e/regression/unused_args.mlir",
"tests/e2e/rocm_specific/CMakeLists.txt",
"tests/e2e/rocm_specific/lds_matmul.mlir",
"tests/e2e/stablehlo_models/CMakeLists.txt",
"tests/e2e/stablehlo_models/collatz.mlir",
"tests/e2e/stablehlo_models/edge_detection.mlir",
"tests/e2e/stablehlo_models/efficientnet_int8_expected_output.txt",
"tests/e2e/stablehlo_models/fragment_000.mlir",
"tests/e2e/stablehlo_models/fullyconnected.mlir",
"tests/e2e/stablehlo_models/mnist_fake_weights.mlir",
"tests/e2e/stablehlo_models/mnist_train_test/README.md",
"tests/e2e/stablehlo_models/mnist_train_test/generate_test_data_requirements.txt",
"tests/e2e/stablehlo_models/mobilenet_v1_fp32_expected_output.txt",
"tests/e2e/stablehlo_models/unidirectional_lstm.mlir",
"tests/e2e/stablehlo_ops/CMakeLists.txt",
"tests/e2e/stablehlo_ops/abs.mlir",
"tests/e2e/stablehlo_ops/add.mlir",
"tests/e2e/stablehlo_ops/batch_norm_inference.mlir",
"tests/e2e/stablehlo_ops/bitcast_convert.mlir",
"tests/e2e/stablehlo_ops/broadcast.mlir",
"tests/e2e/stablehlo_ops/broadcast_add.mlir",
"tests/e2e/stablehlo_ops/broadcast_in_dim.mlir",
"tests/e2e/stablehlo_ops/clamp.mlir",
"tests/e2e/stablehlo_ops/compare.mlir",
"tests/e2e/stablehlo_ops/complex.mlir",
"tests/e2e/stablehlo_ops/concatenate.mlir",
"tests/e2e/stablehlo_ops/constant.mlir",
"tests/e2e/stablehlo_ops/convert.mlir",
"tests/e2e/stablehlo_ops/convolution.mlir",
"tests/e2e/stablehlo_ops/cosine.mlir",
"tests/e2e/stablehlo_ops/divide.mlir",
"tests/e2e/stablehlo_ops/dot.mlir",
"tests/e2e/stablehlo_ops/dot_bf16.mlir",
"tests/e2e/stablehlo_ops/dot_general.mlir",
"tests/e2e/stablehlo_ops/dynamic_slice.mlir",
"tests/e2e/stablehlo_ops/dynamic_update_slice.mlir",
"tests/e2e/stablehlo_ops/exponential.mlir",
"tests/e2e/stablehlo_ops/exponential_fp16.mlir",
"tests/e2e/stablehlo_ops/exponential_minus_one.mlir",
"tests/e2e/stablehlo_ops/fft.mlir",
"tests/e2e/stablehlo_ops/finite.mlir",
"tests/e2e/stablehlo_ops/floor.mlir",
"tests/e2e/stablehlo_ops/gather.mlir",
"tests/e2e/stablehlo_ops/householder.mlir",
"tests/e2e/stablehlo_ops/iota.mlir",
"tests/e2e/stablehlo_ops/log.mlir",
"tests/e2e/stablehlo_ops/log_plus_one.mlir",
"tests/e2e/stablehlo_ops/maximum.mlir",
"tests/e2e/stablehlo_ops/minimum.mlir",
"tests/e2e/stablehlo_ops/multiply.mlir",
"tests/e2e/stablehlo_ops/negate.mlir",
"tests/e2e/stablehlo_ops/pad.mlir",
"tests/e2e/stablehlo_ops/philox.mlir",
"tests/e2e/stablehlo_ops/pow.mlir",
"tests/e2e/stablehlo_ops/reduce.mlir",
"tests/e2e/stablehlo_ops/reduce_window.mlir",
"tests/e2e/stablehlo_ops/remainder.mlir",
"tests/e2e/stablehlo_ops/reshape.mlir",
"tests/e2e/stablehlo_ops/reverse.mlir",
"tests/e2e/stablehlo_ops/rng_normal.mlir",
"tests/e2e/stablehlo_ops/rng_uniform.mlir",
"tests/e2e/stablehlo_ops/round.mlir",
"tests/e2e/stablehlo_ops/rsqrt.mlir",
"tests/e2e/stablehlo_ops/scatter.mlir",
"tests/e2e/stablehlo_ops/scatter_dynamic.mlir",
"tests/e2e/stablehlo_ops/select.mlir",
"tests/e2e/stablehlo_ops/shape_assertion.mlir",
"tests/e2e/stablehlo_ops/sine.mlir",
"tests/e2e/stablehlo_ops/slice.mlir",
"tests/e2e/stablehlo_ops/sort.mlir",
"tests/e2e/stablehlo_ops/sqrt.mlir",
"tests/e2e/stablehlo_ops/subtract.mlir",
"tests/e2e/stablehlo_ops/tanh.mlir",
"tests/e2e/stablehlo_ops/three_fry.mlir",
"tests/e2e/stablehlo_ops/torch_index_select.mlir",
"tests/e2e/stablehlo_ops/transpose.mlir",
"tests/e2e/stablehlo_ops/while.mlir",
"tests/e2e/subbyte_types/CMakeLists.txt",
"tests/e2e/subbyte_types/subbyte_types.mlir",
"tests/e2e/tensor_ops/CMakeLists.txt",
"tests/e2e/tensor_ops/collapse_shape.mlir",
"tests/e2e/tensor_ops/concat.mlir",
"tests/e2e/tensor_ops/expand_shape.mlir",
"tests/e2e/tensor_ops/extract_slice.mlir",
"tests/e2e/tensor_ops/tensor_cast.mlir",
"tests/e2e/tensor_ops/tensor_insert_slice.mlir",
"tests/e2e/tosa_ops/CMakeLists.txt",
"tests/e2e/tosa_ops/abs.mlir",
"tests/e2e/tosa_ops/add.mlir",
"tests/e2e/tosa_ops/arithmetic_right_shift.mlir",
"tests/e2e/tosa_ops/bitwise_and.mlir",
"tests/e2e/tosa_ops/bitwise_or.mlir",
"tests/e2e/tosa_ops/bitwise_xor.mlir",
"tests/e2e/tosa_ops/ceil.mlir",
"tests/e2e/tosa_ops/clamp.mlir",
"tests/e2e/tosa_ops/clz.mlir",
"tests/e2e/tosa_ops/const.mlir",
"tests/e2e/tosa_ops/equal.mlir",
"tests/e2e/tosa_ops/exp.mlir",
"tests/e2e/tosa_ops/floor.mlir",
"tests/e2e/tosa_ops/gather.mlir",
"tests/e2e/tosa_ops/greater.mlir",
"tests/e2e/tosa_ops/greater_equal.mlir",
"tests/e2e/tosa_ops/if.mlir",
"tests/e2e/tosa_ops/log.mlir",
"tests/e2e/tosa_ops/logical_left_shift.mlir",
"tests/e2e/tosa_ops/logical_right_shift.mlir",
"tests/e2e/tosa_ops/logical_right_shift_16.mlir",
"tests/e2e/tosa_ops/matmul.mlir",
"tests/e2e/tosa_ops/max_pool.mlir",
"tests/e2e/tosa_ops/maximum.mlir",
"tests/e2e/tosa_ops/minimum.mlir",
"tests/e2e/tosa_ops/mul.mlir",
"tests/e2e/tosa_ops/mul_shift.mlir",
"tests/e2e/tosa_ops/negate.mlir",
"tests/e2e/tosa_ops/pad.mlir",
"tests/e2e/tosa_ops/reciprocal.mlir",
"tests/e2e/tosa_ops/reduce.mlir",
"tests/e2e/tosa_ops/reshape.mlir",
"tests/e2e/tosa_ops/rsqrt.mlir",
"tests/e2e/tosa_ops/select.mlir",
"tests/e2e/tosa_ops/sigmoid.mlir",
"tests/e2e/tosa_ops/sub.mlir",
"tests/e2e/tosa_ops/table.mlir",
"tests/e2e/tosa_ops/tanh.mlir",
"tests/e2e/tosa_ops/transpose.mlir",
"tests/e2e/tosa_ops/while.mlir",
"tests/e2e/vulkan_specific/CMakeLists.txt",
"tests/e2e/vulkan_specific/add_f16.mlir",
"tests/e2e/vulkan_specific/add_i64.mlir",
"tests/e2e/vulkan_specific/conv.mlir",
"tests/e2e/vulkan_specific/dot_f16.mlir",
"tests/e2e/vulkan_specific/gemm.mlir",
"tests/e2e/vulkan_specific/mul_i64.mlir",
"tests/external/iree-test-suites/onnx_models/onnx_models_cpu_llvm_task.json",
"tests/external/iree-test-suites/onnx_models/onnx_models_gpu_hip_rdna3.json",
"tests/external/iree-test-suites/onnx_models/onnx_models_gpu_vulkan.json",
"tests/external/iree-test-suites/onnx_ops/onnx_ops_cpu_llvm_sync.json",
"tests/external/iree-test-suites/onnx_ops/onnx_ops_gpu_cuda.json",
"tests/external/iree-test-suites/onnx_ops/onnx_ops_gpu_hip_rdna3.json",
"tests/external/iree-test-suites/onnx_ops/onnx_ops_gpu_vulkan.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/llama/8b_f16_decode_rocm.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/llama/8b_f16_prefill_rocm.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/sdxl/clip_cpu.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/sdxl/clip_rocm.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/sdxl/e2e_rocm.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/sdxl/punet_int8_fp16_rocm.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/sdxl/punet_int8_fp8_rocm.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/sdxl/unet_fp16_rocm.json",
"tests/external/iree-test-suites/sharktank_models/benchmarks/sdxl/vae_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/llama/8b_f16_decode_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/llama/8b_f16_prefill_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sd3/clip_cpu.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sd3/clip_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sd3/mmdit_cpu.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sd3/mmdit_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sd3/vae_cpu.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sd3/vae_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/clip_cpu.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/clip_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/punet_int8_fp16_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/punet_int8_fp8_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/scheduler_cpu.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/scheduler_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/unet_fp16_960_1024_cpu.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/unet_fp16_960_1024_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/unet_fp16_cpu.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/unet_fp16_rocm.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/vae_cpu.json",
"tests/external/iree-test-suites/sharktank_models/quality_tests/sdxl/vae_rocm.json",
"tests/external/iree-test-suites/test_suite_files/attention_and_matmul_spec_flux_mi300.mlir",
"tests/external/iree-test-suites/test_suite_files/attention_and_matmul_spec_punet_mi300.mlir",
"tests/external/iree-test-suites/test_suite_files/attention_and_matmul_spec_unet_fp16_mi308.mlir",
"tests/external/iree-test-suites/test_suite_files/sdxl_pipeline_bench_f16.mlir",
"tests/transform_dialect/CMakeLists.txt",
"tests/transform_dialect/cpu/CMakeLists.txt",
"tests/transform_dialect/cpu/matmul_library_call.mlir",
"tests/transform_dialect/cpu/transform_library.mlir",
"third_party/nccl/README.md",
"third_party/rccl/README.md",
"third_party/renderdoc/README",
"tools/.clang-tidy",
"tools/build_config_template.txt.in",
"tools/test/CMakeLists.txt",
"tools/test/benchmark_flags.txt",
"tools/test/compile_flags.mlir",
"tools/test/compile_pipelines.mlir",
"tools/test/compile_to_continuation.mlir",
"tools/test/compile_to_phase.mlir",
"tools/test/executable_benchmarks.mlir",
"tools/test/executable_configurations.mlir",
"tools/test/executable_sources.mlir",
"tools/test/iree-benchmark-executable.mlir",
"tools/test/iree-benchmark-module.mlir",
"tools/test/iree-compile-help.txt",
"tools/test/iree-convert-parameters.txt",
"tools/test/iree-dump-parameters.txt",
"tools/test/iree-run-mlir.mlir",
"tools/test/iree-run-module-expected.mlir",
"tools/test/iree-run-module-inputs.mlir",
"tools/test/iree-run-module-multi.mlir",
"tools/test/iree-run-module-outputs.mlir",
"tools/test/iree-run-module.mlir",
"tools/test/multiple_args.mlir",
"tools/test/multiple_exported_functions.mlir",
"tools/test/null_values.mlir",
"tools/test/parameters_a.safetensors",
"tools/test/parameters_b.safetensors",
"tools/test/parameters_scoped.mlir",
"tools/test/parameters_unscoped.mlir",
"tools/test/repeated_return.mlir",
"tools/test/scalars.mlir",
"tools/testing/e2e/CMakeLists.txt",
]
SPDX-FileCopyrightText = "2019 - 2025 The IREE Authors"
SPDX-License-Identifier = "Apache-2.0 WITH LLVM-exception"
# These files were unable to be parsed by reuse due to errors
[[annotations]]
path = [
"build_tools/scripts/add_license_header.py",
"samples/colab/low_level_invoke_function.ipynb",
"samples/colab/pytorch_aot_advanced.ipynb",
"samples/colab/pytorch_aot_simple.ipynb",
"samples/colab/pytorch_huggingface_whisper.ipynb",
"samples/colab/pytorch_jit.ipynb",
"samples/colab/tensorflow_edge_detection.ipynb",
"samples/colab/tensorflow_hub_import.ipynb",
"samples/colab/tensorflow_mnist_training.ipynb",
"samples/colab/tensorflow_resnet.ipynb",
"samples/colab/tflite_text_classification.ipynb",
"samples/dynamic_shapes/pytorch_dynamic_shapes.ipynb",
"samples/dynamic_shapes/tensorflow_dynamic_shapes.ipynb",
"samples/variables_and_state/variables_and_state.ipynb",
"runtime/src/iree/hal/utils/file_cache.c",
]
precedence = "override"
SPDX-FileCopyrightText = "2019 - 2025 The IREE Authors"
SPDX-License-Identifier = "Apache-2.0 WITH LLVM-exception"
[[annotations]]
path = "third_party/.clang-format"
SPDX-FileCopyrightText = "2020 Google LLC"
SPDX-License-Identifier = "Apache-2.0"
[[annotations]]
path = [
"third_party/nccl/nccl.h",
"third_party/rccl/rccl.h",
]
SPDX-License-Identifier = "BSD-3-Clause"
[[annotations]]
path = [
"integrations/pjrt/third_party/pjrt_c_api/xla/pjrt/compile_options.proto",
]
SPDX-FileCopyrightText = "2015 - 2025 The OpenXLA Authors."
SPDX-License-Identifier = "Apache-2.0"
[[annotations]]
path = [
"integrations/pjrt/third_party/pjrt_c_api/xla/pjrt/c/pjrt_c_api.h",
"integrations/pjrt/third_party/pjrt_c_api/xla/xla_data.proto",
"runtime/bindings/python/local_dlpack.h",
"runtime/bindings/tflite/include/tensorflow/lite/c/c_api.h",
"runtime/bindings/tflite/include/tensorflow/lite/c/c_api_experimental.h",
"runtime/bindings/tflite/include/tensorflow/lite/c/common.h",
"runtime/bindings/tflite/smoke_test.cc",
]
SPDX-License-Identifier = "Apache-2.0"
[[annotations]]
path = "third_party/renderdoc/renderdoc_app.h"
SPDX-License-Identifier = "MIT"
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment