diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_apply_tiling_level.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_apply_tiling_level.mlir index 841a79cdd27e..3d822c7c5da7 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_apply_tiling_level.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_apply_tiling_level.mlir @@ -210,7 +210,7 @@ func.func @matmul_cleanup(%3: tensor<64x64xf32>, %4: tensor<64x64xf32>, %5: tens module { func.func @inferred_add_tensor(%3: tensor<64x256xf32>, %4: tensor<64x256xf32>, %5: tensor<64x256xf32>) -> tensor<64x256xf32> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %6 = linalg.generic { indexing_maps = [#map, #map, #map], @@ -241,7 +241,7 @@ module { module { func.func @inferred_dynamic(%3: tensor, %4: tensor, %5: tensor) -> tensor attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %6 = linalg.generic { indexing_maps = [#map, #map, #map], @@ -271,7 +271,7 @@ module { module { func.func @inferred_small_inner_dim(%3: tensor<8x2xf32>, %4: tensor<8x2xf32>, %5: tensor<8x2xf32>) -> tensor<8x2xf32> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %6 = linalg.generic { indexing_maps = [#map, #map, #map], @@ -298,7 +298,7 @@ module { module { func.func @inferred_small_inner_dim_fill_vector_sizes(%0: tensor<4x16x8x4x16x2x4xf16>, %1: tensor<4x16x8x4x16x2x4xf16>) -> tensor<4x16x8x4x16x2x4xf16> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %2 = linalg.copy {lowering_config = #iree_gpu.derived_thread_config} ins(%0 : tensor<4x16x8x4x16x2x4xf16>) @@ -321,7 +321,7 @@ module { func.func @inferred_small_inner_dim_dont_fill_non_contiguous( %0: tensor<4x16x4x4xf16>, %1: tensor<4x16x4x4xf16>) -> tensor<4x16x4x4xf16> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %2 = linalg.copy {lowering_config = #iree_gpu.derived_thread_config} ins(%0 : tensor<4x16x4x4xf16>) @@ -343,7 +343,7 @@ module { module { func.func @inferred_unaligned(%0: tensor<70xf16>, %1: tensor<70xf16>) -> tensor<70xf16> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %2 = linalg.copy {lowering_config = #iree_gpu.derived_thread_config} ins(%0 : tensor<70xf16>) @@ -365,7 +365,7 @@ module { module { func.func @inferred_smaller_load(%0: tensor<128xf16>, %1: tensor<128xf16>) -> tensor<128xf16> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %2 = linalg.copy {lowering_config = #iree_gpu.derived_thread_config} ins(%0 : tensor<128xf16>) @@ -386,7 +386,7 @@ module { module { func.func @inferred_im2col(%2: tensor<2x34x34x128xf16>, %3: tensor<2x128x8xf16>) -> tensor<2x128x8xf16> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %4 = iree_linalg_ext.im2col {lowering_config = #config} strides = [1, 1] dilations = [1, 1] kernel_size = [3, 3] @@ -529,7 +529,7 @@ module { func.func @distribute_multi_result_generic( %arg0: tensor<3x4x5xf32>, %arg1: tensor<3x4xf32>, %arg2: tensor<3x4xf32>) -> (tensor<3x4x5xf32>, tensor<3x4x5xf32>) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %empty = tensor.empty() : tensor<3x4x5xf32> %0:2 = linalg.generic { diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute.mlir index 7a3ab28bb8a6..40835fbd6bd4 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute.mlir @@ -8,7 +8,7 @@ #map = affine_map<()[s0] -> (s0 * 256)> #map1 = affine_map<(d0, d1)[s0] -> (d0 * 1024 + s0 + d1)> #map2 = affine_map<(d0) -> (d0 * 4)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @add_tensor() attributes {translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f32 %c64 = arith.constant 64 : index @@ -57,7 +57,7 @@ func.func @add_tensor() attributes {translation_info = #translation} { #map = affine_map<()[s0] -> (s0 * 256)> #map1 = affine_map<(d0, d1)[s0] -> (d0 * 1024 + s0 + d1)> #map2 = affine_map<(d0) -> (d0 * 4)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @add_tensor_lane_id() attributes {translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f32 %c64 = arith.constant 64 : index diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_forall.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_forall.mlir index 72cf235b2b08..214337437b76 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_forall.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_forall.mlir @@ -1,7 +1,7 @@ // RUN: iree-opt %s --split-input-file --mlir-print-local-scope \ // RUN: --pass-pipeline="builtin.module(func.func(iree-codegen-gpu-distribute-forall, canonicalize, cse))" | FileCheck %s -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @distribute_thread_forall(%out : memref) attributes {translation_info = #translation_info} { @@ -24,7 +24,7 @@ func.func @distribute_thread_forall(%out : memref) // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @distribute_warp_forall(%out : memref) attributes {translation_info = #translation_info} { @@ -47,7 +47,7 @@ func.func @distribute_warp_forall(%out : memref) // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @distribute_lane_forall(%out : memref) attributes {translation_info = #translation_info} { @@ -64,7 +64,7 @@ func.func @distribute_lane_forall(%out : memref) // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @distribute_thread_forall_drop_for_loop(%out : memref) attributes {translation_info = #translation_info} { @@ -87,7 +87,7 @@ func.func @distribute_thread_forall_drop_for_loop(%out : memref) // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @distribute_thread_forall_single_thread(%out : memref) attributes {translation_info = #translation_info} { @@ -110,7 +110,7 @@ func.func @distribute_thread_forall_single_thread(%out : memref) // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @distribute_thread_forall_multi_dim(%out : memref) attributes {translation_info = #translation_info} { @@ -135,7 +135,7 @@ func.func @distribute_thread_forall_multi_dim(%out : memref) // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @distribute_thread_forall_small_workgroup(%out : memref) attributes {translation_info = #translation_info} { diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_scf_for.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_scf_for.mlir index fd638ae611e5..8d77c981e588 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_scf_for.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_scf_for.mlir @@ -1,7 +1,7 @@ // RUN: iree-opt --split-input-file --pass-pipeline="builtin.module(func.func(iree-codegen-gpu-distribute-scf-for))" --mlir-print-local-scope %s | FileCheck %s // RUN: iree-opt --split-input-file --pass-pipeline="builtin.module(func.func(iree-codegen-gpu-distribute-scf-for{use-block-dims=false}))" --mlir-print-local-scope %s | FileCheck --check-prefix=NO-BLOCK-DIM %s -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @distribute_to_x(%lb : index, %ub : index, %step: index, %output: memref) attributes {translation_info = #translation} { %c0 = arith.constant 0 : index @@ -37,7 +37,7 @@ func.func @distribute_to_x(%lb : index, %ub : index, %step: index, %output: memr // ----- -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @distribute_to_y(%lb : index, %ub : index, %step: index, %output: memref) attributes {translation_info = #translation} { %c0 = arith.constant 0 : index @@ -64,7 +64,7 @@ func.func @distribute_to_y(%lb : index, %ub : index, %step: index, %output: memr // ----- -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @distribute_to_z(%lb : index, %ub : index, %step: index, %output: memref) attributes {translation_info = #translation} { %c0 = arith.constant 0 : index diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_shared_memory.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_shared_memory.mlir index 49150024fe60..636add66dd0d 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_shared_memory.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_distribute_shared_memory.mlir @@ -1,7 +1,7 @@ // RUN: iree-opt --split-input-file --pass-pipeline='builtin.module(func.func(iree-codegen-gpu-distribute-shared-memory-copy, fold-memref-alias-ops, canonicalize, cse))' %s | FileCheck %s #executable_target = #hal.executable.target<"cuda", "cuda-nvptx-fb"> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #map0 = affine_map<()[s0, s1, s2] -> (s0 * 4 + s1 * 128 + s2 * 512)> module { memref.global "private" @__shared_memory___1 : memref<3x512xf32, 3> @@ -90,7 +90,7 @@ module { // ----- #executable_target = #hal.executable.target<"cuda", "cuda-nvptx-fb"> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @unaligned_shared_memory_copy( @@ -136,7 +136,7 @@ module { // ----- #executable_target = #hal.executable.target<"cuda", "cuda-nvptx-fb"> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @zero_dim_shared_memory_copy(%global : memref, %shared : memref) attributes {hal.executable.target = #executable_target, translation_info = #translation_info} { @@ -162,7 +162,7 @@ module { // ----- #executable_target = #hal.executable.target<"cuda", "cuda-nvptx-fb"> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @zero_dim_shared_memory_copy(%A: memref<1x32x128xi4>, %B: memref<1x128xf32>, %C: memref<1x128xi4>, %SM: memref<1x32x128xf32, #gpu.address_space>) diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_greedily_distribute_to_threads.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_greedily_distribute_to_threads.mlir index 355e1a77f0f2..9ae04ae67615 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_greedily_distribute_to_threads.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_greedily_distribute_to_threads.mlir @@ -5,7 +5,7 @@ #map = affine_map<(d0, d1) -> (d0, d1)> func.func @simple_generic(%3: tensor<64x256xf32>, %4: tensor<64x256xf32>, %5: tensor<64x256xf32>) -> tensor<64x256xf32> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %6 = linalg.generic { indexing_maps = [#map, #map, #map], @@ -29,7 +29,7 @@ func.func @simple_generic(%3: tensor<64x256xf32>, %4: tensor<64x256xf32>, %5: te #map = affine_map<(d0, d1) -> (d0, d1)> func.func @fuse_destination(%3: tensor<64x64xf32>, %4: tensor<64x64xf32>) -> tensor<64x64xf32> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %empty = tensor.empty() : tensor<64x64xf32> %cst = arith.constant 0.0 : f32 @@ -50,7 +50,7 @@ func.func @fuse_destination(%3: tensor<64x64xf32>, %4: tensor<64x64xf32>) -> ten func.func @in_nested_region(%3: tensor<64x64xf32>, %4: tensor<64x64xf32>, %5: tensor<64x64xf32>) -> tensor<64x64xf32> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %c8 = arith.constant 8 : index %c64 = arith.constant 64 : index @@ -77,7 +77,7 @@ func.func @in_nested_region(%3: tensor<64x64xf32>, %4: tensor<64x64xf32>, %5: te func.func @do_not_redistribute_in_forall(%3: tensor<64x64xf32>, %4: tensor<64x64xf32>, %5: tensor<64x64xf32>) -> tensor<64x64xf32> attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %c8 = arith.constant 8 : index %c64 = arith.constant 64 : index @@ -134,7 +134,7 @@ func.func @do_not_redistribute_in_forall(%3: tensor<64x64xf32>, %4: tensor<64x64 func.func @multiple_use_tilable_op(%3: tensor<64x256xf32>, %4: tensor<64x256xf32>) -> (tensor<64x256xf32>, tensor<256x64xf32>) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %add_empty = tensor.empty() : tensor<64x256xf32> %6 = linalg.add diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_reorder_workgroups_static.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_reorder_workgroups_static.mlir index bf6e58d2075b..1b7a99184dcb 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_reorder_workgroups_static.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_reorder_workgroups_static.mlir @@ -25,7 +25,7 @@ ]> hal.executable private @main_dispatch_0 { hal.executable.variant public @rocm_hsaco_fb target(<"rocm", "rocm-hsaco-fb">) { - hal.executable.export public @main_dispatch_0_matmul_transpose_b_32000x32000x4096_f16 ordinal(0) layout(#pipeline_layout) attributes {subgroup_size = 64 : index, translation_info = #iree_codegen.translation_info, workgroup_size = [64 : index, 16 : index, 1 : index]} { + hal.executable.export public @main_dispatch_0_matmul_transpose_b_32000x32000x4096_f16 ordinal(0) layout(#pipeline_layout) attributes {subgroup_size = 64 : index, translation_info = #iree_codegen.translation_info, workgroup_size = [64 : index, 16 : index, 1 : index]} { ^bb0(%arg0: !hal.device): %c250 = arith.constant 250 : index %c500 = arith.constant 500 : index diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_alloc.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_alloc.mlir index 0599764868ff..084af5950463 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_alloc.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_alloc.mlir @@ -230,7 +230,7 @@ func.func @weight_dequant_matmul() { #hal.pipeline.binding, #hal.pipeline.binding ]> -func.func @conv() attributes {translation_info = #iree_codegen.translation_info, subgroup_m_count = 1, subgroup_n_count = 4>}>} { +func.func @conv() attributes {translation_info = #iree_codegen.translation_info, subgroup_m_count = 1, subgroup_n_count = 4>}>} { %cst = arith.constant 0.000000e+00 : f32 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_tile.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_tile.mlir index 233c5b6491e7..518e828f34d9 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_tile.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_tensor_tile.mlir @@ -8,7 +8,7 @@ #config = #iree_codegen.lowering_config #map = affine_map<()[s0] -> (s0 * 256)> #map1 = affine_map<(d0, d1) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info module { func.func @add_tensor() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index @@ -64,7 +64,7 @@ module { #map = affine_map<()[s0] -> (s0 * 64)> #map1 = affine_map<(d0, d1) -> (d0, d1)> #map2 = affine_map<(d0, d1) -> (d0)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info module { func.func @reduction() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index @@ -120,7 +120,7 @@ module { #map = affine_map<()[s0] -> (s0 * 64)> #map1 = affine_map<(d0, d1, d2, d3) -> (d0, d1, d2, d3)> #map2 = affine_map<(d0, d1, d2, d3) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info module { func.func @reduction_broadcast() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_vector_distribution.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_vector_distribution.mlir index cf47ca9d47b5..c392eb783581 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_vector_distribution.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/gpu_vector_distribution.mlir @@ -319,7 +319,7 @@ builtin.module attributes { transform.with_named_sequence } { #layout2d = #iree_vector_ext.layout<#row_layout, #col_layout> #layout1d = #iree_vector_ext.layout<#col_layout> #executable_target_rocm_hsaco_fb = #hal.executable.target<"rocm", "rocm-hsaco-fb", {}> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @distribute_reduction_f16(%source: vector<16x16xf16>, %init: vector<16xf16>) -> vector<16xf16> attributes {hal.executable.target = #executable_target_rocm_hsaco_fb, translation_info = #translation_info} { @@ -569,7 +569,7 @@ func.func @resolve_wmma_layout_conflict_with_shared_memory(%15 : vector<16x16xf1 %35 : vector<16x16xf16>, %33 : vector<16x16xf32>) -> vector<16x16xf32> - attributes {translation_info = #iree_codegen.translation_info} { diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/transform_gpu_distribute_shared_memory.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/transform_gpu_distribute_shared_memory.mlir index 7bc75a43409c..ec765a1d5aa6 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/transform_gpu_distribute_shared_memory.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/transform_gpu_distribute_shared_memory.mlir @@ -2,7 +2,7 @@ #executable_target = #hal.executable.target<"cuda", "cuda-nvptx-fb"> #map1 = affine_map<(d0, d1) -> (d0, d1)> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module attributes {transform.with_named_sequence} { memref.global "private" @__shared_memory__ : memref<64x16xf32, #gpu.address_space> diff --git a/compiler/src/iree/compiler/Codegen/Common/GPU/test/vector_reduction_to_gpu.mlir b/compiler/src/iree/compiler/Codegen/Common/GPU/test/vector_reduction_to_gpu.mlir index 8841b7fa73d3..4356ab053f4c 100644 --- a/compiler/src/iree/compiler/Codegen/Common/GPU/test/vector_reduction_to_gpu.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/GPU/test/vector_reduction_to_gpu.mlir @@ -6,7 +6,7 @@ #hal.pipeline.binding ]> #map = affine_map<()[s0, s1] -> (s1 * 2 + s0 floordiv 32)> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @simple_reduce() attributes {translation_info = #translation_info} { %c0 = arith.constant 0 : index @@ -78,7 +78,7 @@ module { #hal.pipeline.binding, #hal.pipeline.binding ]> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #map = affine_map<()[s0, s1] -> (s1 * 2 + s0 floordiv 32)> module { func.func @reduce_uniform_buffer_offset() attributes {translation_info = #translation_info} { @@ -138,7 +138,7 @@ module { #hal.pipeline.binding ]> #map = affine_map<()[s0, s1] -> (s1 * 2 + s0 floordiv 32)> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @reduce_storage_buffer_offset() attributes {translation_info = #translation_info} { %c0 = arith.constant 0 : index @@ -193,7 +193,7 @@ module { #hal.pipeline.binding, #hal.pipeline.binding ]> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @shared_memory_copy() attributes {translation_info = #translation_info} { %c0 = arith.constant 0 : index @@ -231,7 +231,7 @@ module { #hal.pipeline.binding, #hal.pipeline.binding ]> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #map = affine_map<()[s0] -> (s0 * 4)> #map1 = affine_map<(d0, d1) -> (0, d1)> module { @@ -285,7 +285,7 @@ module { #hal.pipeline.binding, #hal.pipeline.binding ]> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @simple_nd_write() attributes {translation_info = #translation_info} { %c0 = arith.constant 0 : index diff --git a/compiler/src/iree/compiler/Codegen/Common/MaterializeUserConfigs.cpp b/compiler/src/iree/compiler/Codegen/Common/MaterializeUserConfigs.cpp index c3cc131fa094..78e854e2aa64 100644 --- a/compiler/src/iree/compiler/Codegen/Common/MaterializeUserConfigs.cpp +++ b/compiler/src/iree/compiler/Codegen/Common/MaterializeUserConfigs.cpp @@ -89,7 +89,8 @@ struct MaterializeUserConfigsPass final // 2. Use the configuration strategy to do codegen directly. At the end // of // the strategy, the variant needs to be annotated with - // "translation_info" = #iree_codegen.translation_info + // "translation_info" = #iree_codegen.translation_info SmallVector parts; llvm::SplitString( llvm::StringRef(clCodegenTransformDialectLibraryFileName), parts, diff --git a/compiler/src/iree/compiler/Codegen/Common/test/convert_bf16_to_uint16_buffers.mlir b/compiler/src/iree/compiler/Codegen/Common/test/convert_bf16_to_uint16_buffers.mlir index 7a4c4717f390..5658ba5697da 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/convert_bf16_to_uint16_buffers.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/convert_bf16_to_uint16_buffers.mlir @@ -135,7 +135,7 @@ func.func @load_trunc_f32_bf16(%arg0 : memref<32xf32>, %arg1 : memref<32xbf16>) module @extract_strided_metadata { func.func private @external_func(memref, index) attributes {llvm.bareptr = [true]} // CHECK: func.func private @external_func(memref, index) - func.func @external_func_entry_point() attributes {translation_info = #iree_codegen.translation_info} { + func.func @external_func_entry_point() attributes {translation_info = #iree_codegen.translation_info} { %0 = hal.interface.constant.load layout(#pipeline_layout) ordinal(0) : i32 %1 = arith.index_castui %0 : i32 to index %2 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%1) flags(ReadOnly) : memref<1x8x768xbf16, strided<[6144, 768, 1], offset: ?>> diff --git a/compiler/src/iree/compiler/Codegen/Common/test/convolution_to_igemm.mlir b/compiler/src/iree/compiler/Codegen/Common/test/convolution_to_igemm.mlir index ad68e5533fdc..c1ff229c41b9 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/convolution_to_igemm.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/convolution_to_igemm.mlir @@ -69,7 +69,7 @@ module { // ----- -func.func @conv_with_lowering_config() attributes {translation_info = #iree_codegen.translation_info}>} { +func.func @conv_with_lowering_config() attributes {translation_info = #iree_codegen.translation_info}>} { %cst = arith.constant 0.000000e+00 : f32 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(, #hal.pipeline.binding, #hal.pipeline.binding], flags = Indirect>) binding(0) alignment(64) offset(%c0) flags("ReadOnly|Indirect") : !flow.dispatch.tensor> diff --git a/compiler/src/iree/compiler/Codegen/Common/test/decompose_conv2d.mlir b/compiler/src/iree/compiler/Codegen/Common/test/decompose_conv2d.mlir index d39c341568da..3af1ecf57531 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/decompose_conv2d.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/decompose_conv2d.mlir @@ -2,7 +2,7 @@ #config = #iree_codegen.lowering_config #executable_target_system_elf_arm_64_ = #hal.executable.target<"llvm-cpu", "system-elf-arm_64", {data_layout = "e-m:e-i8:8:32-i16:16:32-i64:64-i128:128-n32:64-S128", native_vector_size = 16 : index, target_triple = "aarch64-none-linux-android30"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, diff --git a/compiler/src/iree/compiler/Codegen/Common/test/materialize_user_configs.mlir b/compiler/src/iree/compiler/Codegen/Common/test/materialize_user_configs.mlir index 240a131650b3..9f0cda0a284e 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/materialize_user_configs.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/materialize_user_configs.mlir @@ -2,7 +2,7 @@ #config = #iree_codegen.lowering_config #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64", {target_triple = "x86_64-xyz-xyz"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -26,7 +26,7 @@ module { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @preset_config() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -59,7 +59,7 @@ func.func @custom_op_compilation_info(%arg0 : tensor<384x512xf32>, %arg1 : tenso attributes { compilation_info = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> } ins(%arg0, %arg1, %arg2 : tensor<384x512xf32>, tensor<512x128xf32>, tensor<128xf32>) outs(%0 : tensor<384x128xf32>) { @@ -83,7 +83,7 @@ func.func @custom_op_compilation_info(%arg0 : tensor<384x512xf32>, %arg1 : tenso return %1 : tensor<384x128xf32> } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info // CHECK: func @custom_op_compilation_info( // CHECK-SAME: translation_info = #translation // CHECK: iree_linalg_ext.custom_op diff --git a/compiler/src/iree/compiler/Codegen/Common/test/optimize_tensor_insert_extract_slices.mlir b/compiler/src/iree/compiler/Codegen/Common/test/optimize_tensor_insert_extract_slices.mlir index fd89230e161c..cbb76b0ec62f 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/optimize_tensor_insert_extract_slices.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/optimize_tensor_insert_extract_slices.mlir @@ -231,7 +231,7 @@ func.func @batch_matmul_with_padding_strategy(%arg0: tensor<1x?x1280xf16>, %arg1 #hal.pipeline.binding, #hal.pipeline.binding ]> -func.func @_batch_matmul_narrow_n_2_dispatch_4_unpack_i32() attributes {translation_info = #iree_codegen.translation_info} { +func.func @_batch_matmul_narrow_n_2_dispatch_4_unpack_i32() attributes {translation_info = #iree_codegen.translation_info} { %c0_i32 = arith.constant 0 : i32 %c2 = arith.constant 2 : index %c128 = arith.constant 128 : index diff --git a/compiler/src/iree/compiler/Codegen/Common/test/reconcile_translation_info.mlir b/compiler/src/iree/compiler/Codegen/Common/test/reconcile_translation_info.mlir index f00d249574f9..0b9cc6c410a0 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/reconcile_translation_info.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/reconcile_translation_info.mlir @@ -7,10 +7,10 @@ hal.executable private @reconcile_workgroup_size { hal.executable.variant public @reconcile_workgroup_size target(#hal.executable.target<"", "", {}>) { hal.executable.export public @entry_point layout(#pipeline_layout) builtin.module { - func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { return } - func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { return } } @@ -29,7 +29,7 @@ hal.executable private @single_translation_info { hal.executable.variant public @single_translation_info target(#hal.executable.target<"", "", {}>) { hal.executable.export public @entry_point layout(#pipeline_layout) builtin.module { - func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { return } func.func @fn2() { @@ -52,10 +52,10 @@ hal.executable private @err_mistmatched_workgroup_size { // expected-error @+1 {{failed to reconcile workgroup sizes}} hal.executable.export public @entry_point layout(#pipeline_layout) builtin.module { - func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { return } - func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { return } } @@ -72,10 +72,10 @@ hal.executable private @err_mistmatched_workgroup_size2 { // expected-error @+1 {{failed to reconcile workgroup sizes}} hal.executable.export public @entry_point layout(#pipeline_layout) builtin.module { - func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { return } - func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { return } } @@ -91,10 +91,10 @@ hal.executable private @reconcile_subgroup_size { hal.executable.variant public @reconcile_subgroup_size target(#hal.executable.target<"", "", {}>) { hal.executable.export public @entry_point layout(#pipeline_layout) builtin.module { - func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { return } - func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { return } } @@ -113,10 +113,10 @@ hal.executable private @err_reconcile_subgroup_size { hal.executable.variant public @err_reconcile_subgroup_size target(#hal.executable.target<"", "", {}>) { hal.executable.export public @entry_point layout(#pipeline_layout) builtin.module { - func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { return } - func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { return } } @@ -135,10 +135,10 @@ hal.executable private @llvm_func_attrs { hal.executable.variant public @llvm_func_attrs target(#hal.executable.target<"", "", {}>) { hal.executable.export public @entry_point layout(#pipeline_layout) builtin.module { - func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { return } - func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { return } } diff --git a/compiler/src/iree/compiler/Codegen/Common/test/remove_trivial_loops.mlir b/compiler/src/iree/compiler/Codegen/Common/test/remove_trivial_loops.mlir index dc7a35671952..031428ade03f 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/remove_trivial_loops.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/remove_trivial_loops.mlir @@ -4,7 +4,7 @@ #hal.pipeline.binding, #hal.pipeline.binding ]> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info // CHECK-LABEL: func.func @dispatch_0() hal.executable private @dispatch_0 { hal.executable.variant @cuda target(#hal.executable.target<"cuda", "cuda-nvptx-fb">) { @@ -52,7 +52,7 @@ hal.executable private @dispatch_0 { ]> // CHECK-LABEL: func.func @workgroup_tile_loop() -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @workgroup_tile_loop { hal.executable.variant @cuda target(#hal.executable.target<"cuda", "cuda-nvptx-fb">) { hal.executable.export @workgroup_tile_loop layout(#pipeline_layout) { @@ -87,7 +87,7 @@ hal.executable private @workgroup_tile_loop { ]> // CHECK-LABEL: func.func @workgroup_tile_loop_negative() -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @workgroup_tile_loop_negative { hal.executable.variant @cuda target(#hal.executable.target<"cuda", "cuda-nvptx-fb">) { hal.executable.export @workgroup_tile_loop_negative layout(#pipeline_layout) { @@ -124,7 +124,7 @@ hal.executable private @workgroup_tile_loop_negative { // CHECK-LABEL: func.func @both_workgroup_and_workitem() // CHECK-NOT: scf.for // CHECK: gpu.barrier -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @both_workgroup_and_workitem { hal.executable.variant @cuda target(#hal.executable.target<"cuda", "cuda-nvptx-fb">) { hal.executable.export @both_workgroup_and_workitem layout(#pipeline_layout) { @@ -184,7 +184,7 @@ hal.executable private @both_workgroup_and_workitem { #hal.pipeline.binding, #hal.pipeline.binding ]> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #map0 = affine_map<()[s0] -> (s0 ceildiv 4)> #map1 = affine_map<()[s0] -> (s0 * 4)> #map2 = affine_map<()[s0, s1] -> (-((s0 * -4 + 4) mod (s1 * 4)) + 4)> diff --git a/compiler/src/iree/compiler/Codegen/Common/test/strip_compilation_info.mlir b/compiler/src/iree/compiler/Codegen/Common/test/strip_compilation_info.mlir index a08f187a4405..2a61cec3b535 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/strip_compilation_info.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/strip_compilation_info.mlir @@ -1,6 +1,6 @@ // RUN: iree-opt --split-input-file --iree-codegen-strip-compilation-info %s | FileCheck %s -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @main() attributes {translation_info = #translation_info} { return } @@ -18,10 +18,10 @@ hal.executable private @strip_main { hal.executable.variant public @strip_main target(#hal.executable.target<"", "", {}>) { hal.executable.export public @entry_point layout(#pipeline_layout) builtin.module { - func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn1() attributes {translation_info = #iree_codegen.translation_info} { return } - func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { + func.func @fn2() attributes {translation_info = #iree_codegen.translation_info} { return } } @@ -38,7 +38,7 @@ hal.executable private @strip_main { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @matmul_128x1024x256(%lhs : tensor<128x256xf32>, %rhs: tensor<256x1024xf32>, %init: tensor<128x1024xf32>) -> tensor<128x1024xf32> { %result = linalg.matmul {compilation_info = #compilation} ins(%lhs, %rhs : tensor<128x256xf32>, tensor<256x1024xf32>) outs(%init : tensor<128x1024xf32>) -> tensor<128x1024xf32> diff --git a/compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups.mlir b/compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups.mlir index 25bf92f692ef..1a42e4dd2d5f 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups.mlir @@ -13,7 +13,7 @@ native_vector_size = 16 : index, target_triple = "aarch64-none-elf" }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @matmul_tensors { hal.executable.variant public @llvm target(#executable_target_embedded_elf_arm_64_) { hal.executable.export public @matmul_tensors layout(#pipeline_layout) { @@ -55,7 +55,7 @@ hal.executable private @matmul_tensors { // CHECK-DAG: #[[MAP0:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> // CHECK-DAG: #[[MAP1:.+]] = affine_map<()[s0] -> (s0 * 64)> // CHECK-DAG: #[[MAP2:.+]] = affine_map<(d0)[s0] -> (-d0 + s0, 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable.export public @matmul_tensors // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, // CHECK-SAME: %[[WORKLOAD_M:[a-zA-Z0-9_]+]]: index @@ -110,7 +110,7 @@ hal.executable private @matmul_tensors { }> #map0 = affine_map<(d0, d1) -> (d0, d1)> #map1 = affine_map<(d0, d1) -> (d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @add { hal.executable.variant public @llvm target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @add layout(#pipeline_layout) { @@ -151,7 +151,7 @@ hal.executable private @add { } } // CHECK-DAG: #[[MAP:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @add // CHECK: hal.executable.export public @add // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, @@ -181,7 +181,7 @@ hal.executable private @add { native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> #map = affine_map<(d0, d1, d2, d3) -> (d0, d1, d2, d3)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @add4D { hal.executable.variant public @llvm target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @add4D layout(#pipeline_layout) { @@ -225,7 +225,7 @@ hal.executable private @add4D { } } // CHECK-DAG: #[[MAP:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable.export public @add4D // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, // CHECK-SAME: %[[WORKLOAD_0:[a-zA-Z0-9_]+]]: index @@ -258,7 +258,7 @@ hal.executable private @add4D { native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> #map = affine_map<(d0, d1, d2, d3) -> (d0, d1, d2, d3)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @add_distribute4D { hal.executable.variant public @llvm target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @add_distribute4D layout(#pipeline_layout) { @@ -312,7 +312,7 @@ hal.executable private @add_distribute4D { // CHECK-DAG: #[[MAP8:.+]] = affine_map<()[s0] -> (s0 * 64)> // CHECK-DAG: #[[MAP9:.+]] = affine_map<(d0, d1, d2, d3) -> (d0, d1, d2, d3)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable.export public @add_distribute4D // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, // CHECK-SAME: %[[WORKLOAD_0:[a-zA-Z0-9_]+]]: index @@ -376,7 +376,7 @@ hal.executable private @add_distribute4D { native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> #map = affine_map<(d0, d1, d2, d3) -> (d0, d1, d2, d3)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @add_distribute4D_zero_tile_size { hal.executable.variant public @llvm target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @add_distribute4D_zero_tile_size layout(#pipeline_layout) { @@ -422,7 +422,7 @@ hal.executable private @add_distribute4D_zero_tile_size { // CHECK-DAG: #[[MAP:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> // CHECK-DAG: #[[MAP1:.+]] = affine_map<()[s0] -> (s0 ceildiv 2)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable.export public @add_distribute4D_zero_tile_size // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, // CHECK-SAME: %[[WORKLOAD_0:[a-zA-Z0-9_]+]]: index @@ -448,7 +448,7 @@ hal.executable private @add_distribute4D_zero_tile_size { data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "aarch64-none-elf"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @batch_matmul_tensors { hal.executable.variant public @llvm target(#executable_target_embedded_elf_arm_64_) { hal.executable.export public @batch_matmul_tensors layout(#pipeline_layout) { @@ -489,7 +489,7 @@ hal.executable private @batch_matmul_tensors { } } // CHECK-DAG: #[[MAP0:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable.export public @batch_matmul_tensors // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, // CHECK-SAME: %[[WORKLOAD_0:[a-zA-Z0-9_]+]]: index @@ -517,7 +517,7 @@ hal.executable private @batch_matmul_tensors { #hal.pipeline.binding ]> #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64"> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @preset_config_matmul_tensors { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @preset_config layout(#pipeline_layout) { @@ -578,7 +578,7 @@ hal.executable private @preset_config_matmul_tensors { #hal.pipeline.binding ]> #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64"> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable public @copy_op { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @copy_op layout(#pipeline_layout) { @@ -629,7 +629,7 @@ hal.executable public @copy_op { // CHECK-DAG: #[[MAP0:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> // CHECK-DAG: #[[MAP1:.+]] = affine_map<()[s0] -> (s0 * 64)> // CHECK-DAG: #[[MAP2:.+]] = affine_map<(d0)[s0] -> (-d0 + s0, 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable.export public @copy_op // CHECK: %[[C1:.+]] = arith.constant 1 : index // CHECK: %[[D0:.+]] = affine.apply #[[MAP0]]()[%{{.+}}] @@ -677,7 +677,7 @@ hal.executable public @copy_op { #hal.pipeline.binding ]> #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64"> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @static_1d_fft_stage2 { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @static_1d_fft_stage2 layout(#pipeline_layout) { @@ -709,7 +709,7 @@ hal.executable private @static_1d_fft_stage2 { } } } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @static_1d_fft_stage2 // CHECK: hal.executable.export public @static_1d_fft_stage2 // CHECK-DAG: %[[C3:.+]] = arith.constant 3 : index @@ -730,7 +730,7 @@ hal.executable private @static_1d_fft_stage2 { #hal.pipeline.binding ]> #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64"> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @static_3d_fft_stage3 { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @static_3d_fft_stage3 layout(#pipeline_layout) { @@ -754,7 +754,7 @@ hal.executable private @static_3d_fft_stage3 { } } } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @static_3d_fft_stage3 // CHECK: hal.executable.export public @static_3d_fft_stage3 // CHECK-DAG: %[[C1:.+]] = arith.constant 1 : index @@ -784,7 +784,7 @@ hal.executable private @static_3d_fft_stage3 { #map1 = affine_map<(d0, d1, d2) -> (d0, d2)> #map2 = affine_map<(d0, d1, d2) -> (d2, d1)> #map3 = affine_map<(d0, d1, d2) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @outs_fusion { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @outs_fusion_fn layout(#pipeline_layout) { @@ -832,7 +832,7 @@ hal.executable private @outs_fusion { } } // CHECK-DAG: #[[MAP:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @outs_fusion // CHECK: hal.executable.export public @outs_fusion_fn // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, @@ -866,7 +866,7 @@ hal.executable private @outs_fusion { data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @conv { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @conv layout(#pipeline_layout) { @@ -916,7 +916,7 @@ hal.executable private @conv { } } // CHECK-DAG: #[[MAP:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @conv // CHECK: hal.executable.export public @conv // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, @@ -954,7 +954,7 @@ hal.executable private @conv { data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @conv_static { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @conv_static layout(#pipeline_layout) { @@ -989,7 +989,7 @@ hal.executable private @conv_static { // CHECK-DAG: #[[MAP0:.+]] = affine_map<()[s0] -> (s0 * 20)> // CHECK-DAG: #[[MAP1:.+]] = affine_map<()[s0] -> (s0 * 40)> // CHECK-DAG: #[[MAP2:.+]] = affine_map<()[s0] -> (s0 * 48)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @conv_static // CHECK: hal.executable.export public @conv_static // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, @@ -1027,7 +1027,7 @@ hal.executable private @conv_static { target_triple = "x86_64-pc-linux-gnu"}> #map0 = affine_map<(d0, d1) -> (d1, d0)> #map1 = affine_map<(d0, d1) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @generic_static { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @generic_static layout(#pipeline_layout) { @@ -1058,7 +1058,7 @@ hal.executable private @generic_static { } } // CHECK-DAG: #[[MAP1:.+]] = affine_map<()[s0] -> (s0 * 32)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @generic_static // CHECK: hal.executable.export public @generic_static // CHECK-DAG: %[[C1:.+]] = arith.constant 1 : index @@ -1091,7 +1091,7 @@ hal.executable private @generic_static { data_layout = "e-m:e-i8:8:32-i16:16:32-i64:64-i128:128-n32:64-S128", native_vector_size = 16 : index, target_triple = "aarch64-none-linux-android30"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @matmul_static { hal.executable.variant public @system_elf_arm_64 target(#executable_target_system_elf_arm_64_) { hal.executable.export public @matmul_static layout(#pipeline_layout) { @@ -1144,7 +1144,7 @@ hal.executable private @matmul_static { data_layout = "e-m:e-i8:8:32-i16:16:32-i64:64-i128:128-n32:64-S128", native_vector_size = 16 : index, target_triple = "aarch64-none-linux-android30"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @restrict_num_workgroups { hal.executable.variant public @system_elf_arm_64 target(#executable_target_system_elf_arm_64_) { hal.executable.export public @restrict_num_workgroups layout(#pipeline_layout) { @@ -1199,7 +1199,7 @@ hal.executable private @restrict_num_workgroups { #map0 = affine_map<(d0, d1, d2) -> (d0, d1, d2)> #map1 = affine_map<(d0, d1, d2) -> (d0)> #map2 = affine_map<(d0) -> (d0)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @reduction { hal.executable.variant public @reduction target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @reduction ordinal(0) layout(#pipeline_layout) attributes {translation_info = #translation} { @@ -1238,7 +1238,7 @@ hal.executable private @reduction { } } // CHECK-DAG: #[[MAP0:.+]] = affine_map<()[s0] -> (s0 * 4)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @reduction // CHECK: hal.executable.export public @reduction // CHECK-DAG: %[[C1:.+]] = arith.constant 1 : index @@ -1267,7 +1267,7 @@ hal.executable private @reduction { data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "x86_64-none-elf"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @gemm_unit_N { hal.executable.variant public @embedded_elf_x86_64 target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @gemm_unit_N ordinal(0) layout(#pipeline_layout) { @@ -1304,7 +1304,7 @@ hal.executable private @gemm_unit_N { } } // CHECK-DAG: #[[MAP1:.+]] = affine_map<()[s0] -> (s0 * 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @gemm_unit_N // CHECK: hal.executable.export public @gemm_unit_N // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, @@ -1337,7 +1337,7 @@ hal.executable private @gemm_unit_N { data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "x86_64-none-elf"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @gemm_unit_M_unit_N { hal.executable.variant public @embedded_elf_x86_64 target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @gemm_unit_M_unit_N ordinal(0) layout(#pipeline_layout) { @@ -1370,7 +1370,7 @@ hal.executable private @gemm_unit_M_unit_N { } } } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @gemm_unit_M_unit_N // CHECK: hal.executable.export public @gemm_unit_M_unit_N // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device) @@ -1394,7 +1394,7 @@ hal.executable private @gemm_unit_M_unit_N { native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> #map = affine_map<(d0, d1, d2, d3, d4, d5, d6, d7) -> (d0, d1, d2, d3, d4, d5, d6, d7)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @generic_unit_dims { hal.executable.variant public @llvm target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @generic_unit_dims layout(#pipeline_layout) { @@ -1434,7 +1434,7 @@ hal.executable private @generic_unit_dims { } } // CHECK-DAG: #[[MAP0:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @generic_unit_dims // CHECK: hal.executable.export public @generic_unit_dims // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, @@ -1467,7 +1467,7 @@ hal.executable private @generic_unit_dims { target_triple = "x86_64-unknown-linux-gnu"}> #map0 = affine_map<(d0) -> (d0)> #map1 = affine_map<(d0) -> ()> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @reduce_to_scalar { hal.executable.variant public @llvm target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @reduce_to_scalar layout(#pipeline_layout) { @@ -1501,7 +1501,7 @@ hal.executable private @reduce_to_scalar { } } } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @reduce_to_scalar // CHECK: hal.executable.export public @reduce_to_scalar // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, @@ -1524,7 +1524,7 @@ hal.executable private @reduce_to_scalar { native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> #map = affine_map<() -> ()> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @scalar { hal.executable.variant public @llvm target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @scalar layout(#pipeline_layout) { @@ -1557,7 +1557,7 @@ hal.executable private @scalar { } } } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable private @scalar // CHECK: hal.executable.export public @scalar // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device) @@ -1579,7 +1579,7 @@ hal.executable private @scalar { native_vector_size = 16 : index, target_triple = "aarch64-none-elf" }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @rank_reduced_slice { hal.executable.variant public @llvm target(#executable_target_embedded_elf_arm_64_) { hal.executable.export public @rank_reduced_slice layout(#pipeline_layout) { @@ -1613,7 +1613,7 @@ hal.executable private @rank_reduced_slice { } // CHECK-DAG: #[[MAP0:.+]] = affine_map<()[s0] -> (s0 * 2)> // CHECK-DAG: #[[MAP:.+]] = affine_map<()[s0] -> (s0 + 10)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable.export public @rank_reduced_slice // CHECK-NEXT: %[[WORKLOAD:[a-zA-Z0-9]+]]: index // CHECK-DAG: %[[C1:.+]] = arith.constant 1 @@ -1645,7 +1645,7 @@ hal.executable private @rank_reduced_slice { data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @matmul_interchange { hal.executable.variant public @llvm target(#executable_target_embedded_elf_x86_64_) { hal.executable.export public @matmul_interchange layout(#pipeline_layout) { @@ -1686,7 +1686,7 @@ hal.executable private @matmul_interchange { } // CHECK-DAG: #[[MAP0:.+]] = affine_map<()[s0] -> (s0 ceildiv 32)> // CHECK-DAG: #[[MAP1:.+]] = affine_map<()[s0] -> (s0 ceildiv 64)> -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: hal.executable.export public @matmul_interchange // CHECK-NEXT: (%[[DEVICE:.+]]: !hal.device, // CHECK-SAME: %[[WORKLOAD_0:[a-zA-Z0-9_]+]]: index @@ -1717,7 +1717,7 @@ hal.executable private @no_compute { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @no_compute() attributes {translation_info = #iree_codegen.translation_info} { + func.func @no_compute() attributes {translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %cl_0 = hal.interface.constant.load layout(#pipeline_layout) ordinal(0) : i32 %cl_1 = hal.interface.constant.load layout(#pipeline_layout) ordinal(1) : i32 @@ -1764,7 +1764,7 @@ hal.executable private @tile_multiuse_producer { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @tile_multiuse_producer() attributes {translation_info = #iree_codegen.translation_info} { + func.func @tile_multiuse_producer() attributes {translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %cst = arith.constant 0.000000e+00 : f32 %cst_0 = arith.constant 1.000000e+00 : f32 @@ -1864,7 +1864,7 @@ hal.executable private @no_tile { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @no_tile() attributes {translation_info = #iree_codegen.translation_info} { + func.func @no_tile() attributes {translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %c64 = arith.constant 64 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) : !flow.dispatch.tensor> @@ -1905,7 +1905,7 @@ hal.executable private @pack_lowering { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @gemm_lhs_pack() attributes {translation_info = #iree_codegen.translation_info} { + func.func @gemm_lhs_pack() attributes {translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %cst = arith.constant 0.000000e+00 : f32 %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) @@ -1946,7 +1946,7 @@ hal.executable private @pack_lowering { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @gemm_rhs_transpose_pack() attributes {translation_info = #iree_codegen.translation_info} { + func.func @gemm_rhs_transpose_pack() attributes {translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %c114688 = arith.constant 114688 : index %cst = arith.constant 0.000000e+00 : f32 @@ -1987,7 +1987,7 @@ hal.executable private @clone_index_computations { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @clone_index_computations() attributes {translation_info = #iree_codegen.translation_info} { + func.func @clone_index_computations() attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f32 %c0 = arith.constant 0 : index %cl_0 = hal.interface.constant.load layout(#pipeline_layout) ordinal(0) : i32 @@ -2053,7 +2053,7 @@ hal.executable private @dynamic_unpack { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @dynamic_unpack() attributes {translation_info = #iree_codegen.translation_info} { + func.func @dynamic_unpack() attributes {translation_info = #iree_codegen.translation_info} { %c131072 = arith.constant 131072 : index %c0 = arith.constant 0 : index %cl_0 = hal.interface.constant.load layout(#pipeline_layout) ordinal(0) : i32 @@ -2100,7 +2100,7 @@ hal.executable private @dynamic_unpack_dynamic_tile { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @dynamic_unpack_dynamic_tile() attributes {translation_info = #iree_codegen.translation_info} { + func.func @dynamic_unpack_dynamic_tile() attributes {translation_info = #iree_codegen.translation_info} { %c131072 = arith.constant 131072 : index %c0 = arith.constant 0 : index %c16 = arith.constant 16 : index @@ -2153,7 +2153,7 @@ hal.executable private @unpack_elem { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @unpack_elem() attributes {translation_info = #iree_codegen.translation_info} { + func.func @unpack_elem() attributes {translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) : !flow.dispatch.tensor> %1 = hal.interface.binding.subspan layout(#pipeline_layout) binding(1) alignment(64) offset(%c0) : !flow.dispatch.tensor> @@ -2195,7 +2195,7 @@ hal.executable private @dynamic_unpack_fusion { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @dynamic_unpack_fusion() attributes {translation_info = #iree_codegen.translation_info} { + func.func @dynamic_unpack_fusion() attributes {translation_info = #iree_codegen.translation_info} { %c200960 = arith.constant 200960 : index %c1003776 = arith.constant 1003776 : index %c1053952 = arith.constant 1053952 : index @@ -2259,7 +2259,7 @@ hal.executable private @elem_pack { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @elem_pack() attributes {translation_info = #iree_codegen.translation_info} { + func.func @elem_pack() attributes {translation_info = #iree_codegen.translation_info} { %c1339392 = arith.constant 1339392 : index %c0 = arith.constant 0 : index %c823296 = arith.constant 823296 : index @@ -2332,7 +2332,7 @@ hal.executable private @scatter { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @scatter() attributes {translation_info = #iree_codegen.translation_info} { + func.func @scatter() attributes {translation_info = #iree_codegen.translation_info} { %c228075520 = arith.constant 228075520 : index %c251668480 = arith.constant 251668480 : index %c0 = arith.constant 0 : index @@ -2412,7 +2412,7 @@ hal.executable private @collapse_workgroups_dispatch_dispatch_0 { native_vector_size = 16 : index, target_triple = "aarch64-none-elf" }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @matmul_tensors { hal.executable.variant public @llvm target(#executable_target_embedded_elf_arm_64_) { hal.executable.export public @matmul_tensor_count_from_dag_root layout(#pipeline_layout) { @@ -2472,7 +2472,7 @@ hal.executable private @matmul_tensors { #hal.pipeline.binding, #hal.pipeline.binding ]> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info module { hal.executable private @matmul_tensors { hal.executable.variant public @llvm target(#executable_target_embedded_elf_arm_64_) { @@ -2528,7 +2528,7 @@ module { ]> hal.executable private @avoid_unit_range_distribute { hal.executable.variant public @rocm_hsaco_fb target(<"rocm", "rocm-hsaco-fb">) { - hal.executable.export public @avoid_unit_range_distribute ordinal(0) layout(#pipeline_layout) attributes {subgroup_size = 32 : index, translation_info = #iree_codegen.translation_info, workgroup_size = [32 : index, 1 : index, 1 : index]} { + hal.executable.export public @avoid_unit_range_distribute ordinal(0) layout(#pipeline_layout) attributes {subgroup_size = 32 : index, translation_info = #iree_codegen.translation_info, workgroup_size = [32 : index, 1 : index, 1 : index]} { ^bb0(%arg0: !hal.device, %arg1: index, %arg2: index): %x, %y, %z = flow.dispatch.workgroup_count_from_slice %arg1, %arg2 hal.return %x, %y, %z : index, index, index @@ -2610,7 +2610,7 @@ hal.executable private @set_size_to_tilesize_when_divisible { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @set_size_to_tilesize_when_divisible() attributes {translation_info = #iree_codegen.translation_info, subgroup_m_count = 1, subgroup_n_count = 4>}>} { + func.func @set_size_to_tilesize_when_divisible() attributes {translation_info = #iree_codegen.translation_info, subgroup_m_count = 1, subgroup_n_count = 4>}>} { %c0 = arith.constant 0 : index %c32_i64 = arith.constant 32 : i64 %cst = arith.constant 0.000000e+00 : f16 @@ -2678,7 +2678,7 @@ hal.executable private @set_size_to_tilesize_when_divisible { #hal.pipeline.binding ]> #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64"> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @reshape_matmul_tensors { hal.executable.variant public @system_elf_x86_64 target(#executable_target_system_elf_x86_64_) { hal.executable.export public @reshape_matmul layout(#pipeline_layout) { diff --git a/compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups_func_scope.mlir b/compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups_func_scope.mlir index 27ff4a77bab7..0478f50b8d63 100644 --- a/compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups_func_scope.mlir +++ b/compiler/src/iree/compiler/Codegen/Common/test/tile_and_distribute_to_workgroups_func_scope.mlir @@ -2,7 +2,7 @@ func.func @multiple_dim_distribute(%s0 : index, %s1 : index, %s2 : index, %s3 : index, %arg0 : tensor<2x3x4x5xf32>) attributes { - translation_info = #iree_codegen.translation_info} { + translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %result = hal.interface.binding.subspan layout( , diff --git a/compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/IREECodegenAttrs.td b/compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/IREECodegenAttrs.td index ab4648b99268..80b4b12d7d5f 100644 --- a/compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/IREECodegenAttrs.td +++ b/compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/IREECodegenAttrs.td @@ -127,9 +127,7 @@ def DispatchLoweringPassPipelineEnum : I32EnumAttr< // Define the AttrDef def DispatchLoweringPassPipelineAttr : - EnumAttr { - let assemblyFormat = "``$value"; -} + EnumAttr; //===---------------------------------------------------------------------===// // IREE Codegen workgroup mapping attributes @@ -228,7 +226,7 @@ def IREECodegen_TranslationInfoAttr : }]; let assemblyFormat = [{ - `<` `` $passPipeline + `<` `pipeline` `=` $passPipeline (`codegen_spec` `=` $codegenSpec^)? (`workgroup_size` `=` `[` $workgroupSize^ `]`)? (`subgroup_size` `=` $subgroupSize^)? diff --git a/compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/lowering_config_attr.mlir b/compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/lowering_config_attr.mlir index a19c9532d64d..b6e36677516f 100644 --- a/compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/lowering_config_attr.mlir +++ b/compiler/src/iree/compiler/Codegen/Dialect/Codegen/IR/test/lowering_config_attr.mlir @@ -2,11 +2,11 @@ module { func.func @test() attributes { - translation_info = #iree_codegen.translation_info} { + translation_info = #iree_codegen.translation_info} { return } } -// CHECK: #translation = #iree_codegen.translation_info +// CHECK: #translation = #iree_codegen.translation_info // ----- @@ -34,12 +34,12 @@ module { func.func @test() attributes { compilation_info = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = >} { + translation_info = #iree_codegen.translation_info>} { return } } // CHECK: #config = #iree_codegen.lowering_config -// CHECK: #translation = #iree_codegen.translation_info +// CHECK: #translation = #iree_codegen.translation_info // CHECK: #compilation = #iree_codegen.compilation_info @@ -49,12 +49,12 @@ module { func.func @test() attributes { compilation_info = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = >} { + translation_info = #iree_codegen.translation_info>} { return } } // CHECK: #config = #iree_codegen.lowering_config -// CHECK: #translation = #iree_codegen.translation_info +// CHECK: #translation = #iree_codegen.translation_info // CHECK: #compilation = #iree_codegen.compilation_info // ----- @@ -96,7 +96,7 @@ module { /// translation info cannot have more than 3 entries for workgroup size func.func @workgroup_size_more_than_3_err() attributes { // expected-error @+1 {{workgroup size cannot have more than 3 entries}} - translation_info = #iree_codegen.translation_info { + translation_info = #iree_codegen.translation_info { return } } @@ -108,7 +108,7 @@ module { /// translation info workgroup_size values needs to have non-negative values. func.func @workgroup_size_neg_err() attributes { // expected-error @+1 {{workgroup size value has to be greater than zero}} - translation_info = #iree_codegen.translation_info { + translation_info = #iree_codegen.translation_info { return } } @@ -120,7 +120,7 @@ module { /// translation info workgroup_size values needs to have non-negative values. func.func @subgroup_size_neg_err() attributes { // expected-error @+1 {{subgroup size value cannot be negative}} - translation_info = #iree_codegen.translation_info { + translation_info = #iree_codegen.translation_info { return } } diff --git a/compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/distribute_mma_to_lanes.mlir b/compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/distribute_mma_to_lanes.mlir index 4a949b671442..27215dd77090 100644 --- a/compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/distribute_mma_to_lanes.mlir +++ b/compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/distribute_mma_to_lanes.mlir @@ -378,7 +378,7 @@ module { affine_map<(i, j, k) -> (i, j)> ] func.func @data_tiled_1x1x1_tensor_multi_mma(%lhs: tensor<1x1x4x16xf32>, %rhs: tensor<1x1x4x16xf32>, %acc: tensor<1x1x4x16x4xf32>) -> tensor<1x1x4x16x4xf32> - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %0 = iree_gpu.multi_mma %lhs, %rhs, %acc { indexing_maps = #contraction_accesses, iterator_types = [#iree_gpu.iterator_type, #iree_gpu.iterator_type, #iree_gpu.iterator_type], @@ -415,7 +415,7 @@ func.func @data_tiled_1x1x1_tensor_multi_mma(%lhs: tensor<1x1x4x16xf32>, %rhs: t affine_map<(i, j, k) -> (i, j)> ] func.func @data_tiled_2x2x4_tensor_multi_mma_unrolled(%lhs: tensor<1x1x2x4x16x4xf32>, %rhs: tensor<1x1x2x4x16x4xf32>, %acc: tensor<1x1x2x2x4x16x4xf32>) -> tensor<1x1x2x2x4x16x4xf32> - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %0 = iree_gpu.multi_mma %lhs, %rhs, %acc { indexing_maps = #contraction_accesses, iterator_types = [#iree_gpu.iterator_type, #iree_gpu.iterator_type, #iree_gpu.iterator_type], @@ -454,7 +454,7 @@ func.func @data_tiled_2x2x4_tensor_multi_mma_unrolled(%lhs: tensor<1x1x2x4x16x4x affine_map<(i, j, k) -> (i, j)> ] func.func @data_tiled_2x2x4_tensor_multi_mma_unrolled_to_subgroups(%lhs: tensor<1x1x2x4x16x4xf32>, %rhs: tensor<1x1x2x4x16x4xf32>, %acc: tensor<1x1x2x2x4x16x4xf32>) -> tensor<1x1x2x2x4x16x4xf32> - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %0 = iree_gpu.multi_mma %lhs, %rhs, %acc { indexing_maps = #contraction_accesses, iterator_types = [#iree_gpu.iterator_type, #iree_gpu.iterator_type, #iree_gpu.iterator_type], diff --git a/compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/fuse_and_hoist_forall.mlir b/compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/fuse_and_hoist_forall.mlir index 0b97a1880ea7..7256a4a8dfee 100644 --- a/compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/fuse_and_hoist_forall.mlir +++ b/compiler/src/iree/compiler/Codegen/Dialect/GPU/Transforms/test/fuse_and_hoist_forall.mlir @@ -1,6 +1,6 @@ // RUN: iree-opt %s --pass-pipeline='builtin.module(func.func(iree-gpu-fuse-and-hoist-parallel-loops))' --split-input-file | FileCheck %s -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #map = affine_map<(d0) -> (d0 * 2)> #map1 = affine_map<(d0) -> (d0 * 4)> @@ -65,7 +65,7 @@ func.func @forall_fuse_then_hoist(%3: tensor<128x128xf16>, %4: tensor<128x128xf1 // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #map = affine_map<(d0) -> (d0 * 2)> #map1 = affine_map<(d0) -> (d0 * 4)> @@ -119,7 +119,7 @@ func.func @forall_fuse_then_hoist_mixed_mappings(%3: tensor<128x128xf16>, %5: te // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #map = affine_map<(d0) -> (d0 * 2)> #map1 = affine_map<(d0) -> (d0 * 4)> @@ -383,7 +383,7 @@ func.func @no_fuse_forall_without_workgroup_size(%arg0: tensor<128x128xf32>) -> // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #map = affine_map<(d0) -> (d0 * 2)> #map1 = affine_map<(d0) -> (d0 * 16)> func.func @no_fuse_forall_workgroup_size_mismatch(%arg0: tensor<128x128xf32>) -> tensor<128x128xf32> @@ -417,7 +417,7 @@ func.func @no_fuse_forall_workgroup_size_mismatch(%arg0: tensor<128x128xf32>) -> // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #map1 = affine_map<(d0) -> (d0 * 16)> func.func @fuse_direct_forall_use(%arg0: tensor<128x128xf32>, %arg1: tensor<16x16xf32>) -> tensor<128x128xf32> attributes {translation_info = #translation_info} { @@ -452,7 +452,7 @@ func.func @fuse_direct_forall_use(%arg0: tensor<128x128xf32>, %arg1: tensor<16x1 // ----- -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @forall_hoist_unit_loop_with_fill(%3: tensor<1x128xf16>, %4: tensor<128x1xf16>) -> tensor<1x1xf32> attributes {translation_info = #translation_info} { diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/aarch64_vector_lowering.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/aarch64_vector_lowering.mlir index 38dd75770634..ce7ef3495922 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/aarch64_vector_lowering.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/aarch64_vector_lowering.mlir @@ -193,7 +193,7 @@ module { // CHECK-KERNEL-OFF-NOT: llvm.inline_asm asm_dialect #executable_target = #hal.executable.target<"llvm-cpu", "embedded-elf-arm_64", {cpu = "generic", cpu_features = "+neon,+i8mm,+reserve-x18", data_layout = "e-m:e-i8:8:32-i16:16:32-i64:64-i128:128-n32:64-S128", native_vector_size = 16 : i64, target_triple = "aarch64-unknown-unknown-eabi-elf", ukernels = "none"}> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @simpul_mul_mixed_mini_no_custom_kernel(%5 : vector<1x1x8x1xi8>, %6 : vector<1x1x8x1xi8> , %arg3 : vector<1x1x8x8xi32> ) -> vector<1x1x8x8xi32> attributes { hal.executable.target = #executable_target, translation_info = #translation_info} { @@ -210,7 +210,7 @@ module { // CHECK-KERNEL-ON-DAG: llvm.inline_asm asm_dialect #executable_target = #hal.executable.target<"llvm-cpu", "embedded-elf-arm_64", {cpu = "generic", cpu_features = "+neon,+i8mm,+reserve-x18", data_layout = "e-m:e-i8:8:32-i16:16:32-i64:64-i128:128-n32:64-S128", native_vector_size = 16 : i64, target_triple = "aarch64-unknown-unknown-eabi-elf", ukernels = "none"}> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info module { func.func @simpul_mul_mixed_mini_custom_kernel(%5 : vector<1x1x8x1xi8>, %6 : vector<1x1x8x1xi8> , %arg3 : vector<1x1x8x8xi32> ) -> vector<1x1x8x8xi32> attributes { hal.executable.target = #executable_target, translation_info = #translation_info} { diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/apply_scale_lowering.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/apply_scale_lowering.mlir index 4b3902c0a163..a32f8ae6cb09 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/apply_scale_lowering.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/apply_scale_lowering.mlir @@ -11,7 +11,7 @@ target_triple = "riscv64-none-elf" }> #map = affine_map<()[s0] -> (s0 ceildiv 2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @apply_scale_no_vector_feature { hal.executable.variant public @embedded_elf_riscv_64 target(#executable_target_embedded_elf_riscv_64_) { hal.executable.export public @apply_scale_no_vector_feature ordinal(0) layout(#pipeline_layout) attributes {translation_info = #translation} { @@ -57,7 +57,7 @@ hal.executable private @apply_scale_no_vector_feature { target_triple = "riscv64-none-elf" }> #map = affine_map<()[s0] -> (s0 ceildiv 2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @apply_scale_v { hal.executable.variant public @embedded_elf_riscv_64 target(#executable_target_embedded_elf_riscv_64_) { hal.executable.export public @apply_scale_v ordinal(0) layout(#pipeline_layout) attributes {translation_info = #translation} { @@ -101,7 +101,7 @@ hal.executable private @apply_scale_v { target_triple = "riscv64-none-elf" }> #map = affine_map<()[s0] -> (s0 ceildiv 2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @apply_scale_zve64x { hal.executable.variant public @embedded_elf_riscv_64 target(#executable_target_embedded_elf_riscv_64_) { hal.executable.export public @apply_scale_zve64x ordinal(0) layout(#pipeline_layout) attributes {translation_info = #translation} { @@ -145,7 +145,7 @@ hal.executable private @apply_scale_zve64x { target_triple = "riscv64-none-elf" }> #map = affine_map<()[s0] -> (s0 ceildiv 2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @apply_scale_zve32x { hal.executable.variant public @embedded_elf_riscv_64 target(#executable_target_embedded_elf_riscv_64_) { hal.executable.export public @apply_scale_zve32x ordinal(0) layout(#pipeline_layout) attributes {translation_info = #translation} { @@ -196,7 +196,7 @@ hal.executable private @apply_scale_zve32x { target_triple = "riscv64-none-elf" }> #map = affine_map<()[s0] -> (s0 ceildiv 2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info hal.executable private @apply_scale_zve32f { hal.executable.variant public @embedded_elf_riscv_64 target(#executable_target_embedded_elf_riscv_64_) { hal.executable.export public @apply_scale_zve32f ordinal(0) layout(#pipeline_layout) attributes {translation_info = #translation} { diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/illegal_configuration.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/illegal_configuration.mlir index db939594a5f7..3b1fbdfcfdf9 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/illegal_configuration.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/illegal_configuration.mlir @@ -7,7 +7,7 @@ ]> #config = #iree_codegen.lowering_config #executable_target_embedded_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-x86_64"> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<4x8xf32> @@ -26,7 +26,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_embe #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_embedded_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-x86_64"> func.func @illegal() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #translation} { %c0 = arith.constant 0 : index @@ -46,7 +46,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_embe #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_embedded_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-x86_64"> module { func.func @illegal() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #translation} { @@ -68,7 +68,7 @@ module { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_embedded_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-x86_64"> func.func @illegal() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #translation} { %c0 = arith.constant 0 : index @@ -88,7 +88,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_embe #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_embedded_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-x86_64"> func.func @illegal() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #translation} { %c0 = arith.constant 0 : index @@ -108,7 +108,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_embe #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_embedded_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-x86_64"> func.func @illegal() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #translation} { %c0 = arith.constant 0 : index @@ -128,7 +128,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_embe #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_embedded_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-x86_64"> module { func.func @illegal() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #translation} { diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_arm_sme_streaming_mode_tests.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_arm_sme_streaming_mode_tests.mlir index 7769fc6f42f2..a1ee6c81baa1 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_arm_sme_streaming_mode_tests.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_arm_sme_streaming_mode_tests.mlir @@ -9,7 +9,7 @@ module { module { func.func @fixed_size_dispatch() attributes {hal.executable.target = #hal.executable.target<"llvm-cpu", "embedded-elf-arm_64", {cpu_features = "+sve,+sme", data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "aarch64-none-elf"}>, - translation_info = #iree_codegen.translation_info} { + translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %c1 = arith.constant 1 : index %cst = arith.constant 0.000000e+00 : f32 @@ -45,7 +45,7 @@ module { module { module { func.func @scalable_dispatch() attributes {hal.executable.target = #hal.executable.target<"llvm-cpu", "embedded-elf-arm_64", {cpu_features = "+sve,+sme", data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "aarch64-none-elf"}>, - translation_info = #iree_codegen.translation_info} { + translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %c1 = arith.constant 1 : index %cst = arith.constant 0.000000e+00 : f32 @@ -82,7 +82,7 @@ module { module { module { func.func @scalable_dispatch_using_za() attributes {hal.executable.target = #hal.executable.target<"llvm-cpu", "embedded-elf-arm_64", {cpu_features = "+sve,+sme", data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "aarch64-none-elf"}>, - translation_info = #iree_codegen.translation_info} { + translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %c1 = arith.constant 1 : index %cst = arith.constant 0.000000e+00 : f32 diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_peel_and_vectorize_tests.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_peel_and_vectorize_tests.mlir index d919cb541ca9..491d659bcf14 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_peel_and_vectorize_tests.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_peel_and_vectorize_tests.mlir @@ -6,7 +6,7 @@ #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64", {native_vector_size = 64}> func.func @no_peel_static_matmul() attributes {hal.executable.target = #executable_target_system_elf_x86_64_, translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f32 @@ -38,7 +38,7 @@ func.func @no_peel_static_matmul() attributes {hal.executable.target = #executab #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64", {native_vector_size = 64}> func.func @peel_static_matmul() attributes {hal.executable.target = #executable_target_system_elf_x86_64_, translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f32 @@ -82,7 +82,7 @@ func.func @peel_static_matmul() attributes {hal.executable.target = #executable_ #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64", {native_vector_size = 64}> func.func @peel_dynamic_matmul() attributes {hal.executable.target = #executable_target_system_elf_x86_64_, translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f32 @@ -139,7 +139,7 @@ func.func @peel_dynamic_matmul() attributes {hal.executable.target = #executable #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_embedded_elf_arm_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-arm_64", {cpu_features = "+sve", data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "aarch64-none-elf"}> module { func.func @peel_scalable_matmul() attributes {hal.executable.target = #executable_target_embedded_elf_arm_64_, translation_info = #translation} { diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_tests.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_tests.mlir index fde534292a3d..03e073b3516e 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_tests.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/pipeline_tests.mlir @@ -156,7 +156,7 @@ func.func @check_buffer_ops_vectorization() attributes {hal.executable.target = } return } -// CHECK-LABEL: #{{.+}} = #iree_codegen.translation_info #config1 = #iree_codegen.lowering_config #executable_target_embedded_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "embedded-elf-x86_64", {cpu = "generic", cpu_features = "+fma,+avx512f", data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-i128:128-f80:128-n8:16:32:64-S128", native_vector_size = 64 : index, target_triple = "x86_64-unknown-unknown-eabi-elf", ukernels = "all"}> -func.func @unsupported_ukernel_fallback_to_vectorization() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #iree_codegen.translation_info} { +func.func @unsupported_ukernel_fallback_to_vectorization() attributes {hal.executable.target = #executable_target_embedded_elf_x86_64_, translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %c1024 = arith.constant 1024 : index %c132096 = arith.constant 132096 : index diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_lowering_strategy.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_lowering_strategy.mlir index 5f2108f4cf79..cba1af4fec2c 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_lowering_strategy.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_lowering_strategy.mlir @@ -25,7 +25,7 @@ func.func @matmul_tensors_default() attributes {hal.executable.target = #executa return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_tensors_default() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -59,7 +59,7 @@ func.func @i4_i4_i32_matmul() attributes {hal.executable.target = #executable_ta } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_i4_i32_matmul() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -91,7 +91,7 @@ func.func @batch_matmul_tensors() attributes {hal.executable.target = #executabl return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_tensors() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.batch_matmul @@ -119,7 +119,7 @@ func.func @matmul_static() attributes {hal.executable.target = #executable_targe return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -149,7 +149,7 @@ func.func @conv_static() attributes {hal.executable.target = #executable_target_ return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -176,7 +176,7 @@ func.func @restrict_num_workgroups() attributes {hal.executable.target = #execut return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @restrict_num_workgroups() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc @@ -205,7 +205,7 @@ func.func @matmul_aarch_i8_i8_i32_static() attributes {hal.executable.target = # return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_aarch_i8_i8_i32_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -235,7 +235,7 @@ func.func @matmul_aarch_i8_i8_i32_dynamic() attributes {hal.executable.target = return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_aarch_i8_i8_i32_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -260,7 +260,7 @@ func.func @pack() attributes {hal.executable.target = #executable_target_system_ return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @pack() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.pack @@ -293,7 +293,7 @@ func.func @unpack_outer_dynamic() attributes {hal.executable.target = #executabl return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @unpack_outer_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.unpack @@ -327,7 +327,7 @@ func.func @unpack_fully_dynamic() attributes {hal.executable.target = #executabl return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @unpack_fully_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.unpack diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sme_lowering_strategy.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sme_lowering_strategy.mlir index 1524eb32d786..8fe0fd7d69bc 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sme_lowering_strategy.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sme_lowering_strategy.mlir @@ -20,7 +20,7 @@ func.func @transpose_f32() attributes {hal.executable.target = #executable_targe } // CHECK: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @transpose_f32() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -48,7 +48,7 @@ func.func @transpose_output_indexing_map_f32() attributes {hal.executable.target } // CHECK: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @transpose_output_indexing_map_f32() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -76,7 +76,7 @@ func.func @transpose_f64() attributes {hal.executable.target = #executable_targe } // CHECK: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @transpose_f64() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -104,7 +104,7 @@ func.func @transpose_unsupported_not_rank_2() attributes {hal.executable.target } // CHECK: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @transpose_unsupported_not_rank_2 // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -132,7 +132,7 @@ func.func @transpose_unsupported_not_simple_transpose() attributes {hal.executab } // CHECK: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @transpose_unsupported_not_simple_transpose() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy.mlir index 1308442f23bf..6757834579c3 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy.mlir @@ -29,7 +29,7 @@ func.func @matmul_tensors() attributes {hal.executable.target = #executable_targ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_tensors() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -57,7 +57,7 @@ func.func @static_tensors_non_pow_two_sizes() attributes {hal.executable.target } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_tensors_non_pow_two_sizes() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -85,7 +85,7 @@ func.func @static_tensors_1x1() attributes {hal.executable.target = #executable_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_tensors_1x1() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -119,14 +119,14 @@ func.func @matmul_tensors() attributes {hal.executable.target = #executable_targ } // DISABLE-ARM-SME-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// DISABLE-ARM-SME-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// DISABLE-ARM-SME-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // DISABLE-ARM-SME: func.func @matmul_tensors() // DISABLE-ARM-SME-SAME: translation_info = #[[TRANSLATION]] // DISABLE-ARM-SME: linalg.matmul // DISABLE-ARM-SME-SAME: lowering_config = #[[CONFIG]] // WITH-SME-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// WITH-SME-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// WITH-SME-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // WITH-SME: func.func @matmul_tensors() // WITH-SME-SAME: translation_info = #[[TRANSLATION]] // WITH-SME: linalg.matmul @@ -181,7 +181,7 @@ func.func @matmul_with_fill() attributes {hal.executable.target = #executable_ta // CHECK-DAG: #[[CONFIG1:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_with_fill() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -212,7 +212,7 @@ func.func @depthwise_conv() attributes {hal.executable.target = #executable_targ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @depthwise_conv // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc @@ -243,7 +243,7 @@ func.func @pooling_nchw_max(%arg0: !flow.dispatch.tensor -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @pooling_nchw_max // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.pooling_nchw_max diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy_peeling.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy_peeling.mlir index ec9241b3c363..33129049a6c5 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy_peeling.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_aarch64_sve_lowering_strategy_peeling.mlir @@ -28,7 +28,7 @@ func.func @matmul_tensors() attributes {hal.executable.target = #executable_targ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_tensors() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -56,7 +56,7 @@ func.func @static_tensors_non_pow_two_sizes() attributes {hal.executable.target } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_tensors_non_pow_two_sizes() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -85,7 +85,7 @@ func.func @static_tensors_1x1() attributes {hal.executable.target = #executable_ // TODO: FIXME - scalable "16" ([16]) for just 1 element // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_tensors_1x1() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -115,7 +115,7 @@ func.func @depthwise_conv() attributes {hal.executable.target = #executable_targ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @depthwise_conv() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_lowering_strategy_without_distribution.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_lowering_strategy_without_distribution.mlir index 3042c00ee55c..d7738a4c4f7d 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_lowering_strategy_without_distribution.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_lowering_strategy_without_distribution.mlir @@ -22,7 +22,7 @@ func.func @matmul_static() attributes {hal.executable.target = #executable_targe // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_riscv_lowering_strategy.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_riscv_lowering_strategy.mlir index 02095fcec42d..45bf8a3b83f4 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_riscv_lowering_strategy.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_riscv_lowering_strategy.mlir @@ -22,7 +22,7 @@ func.func @matmul_riscv() attributes {hal.executable.target = #executable_target // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_riscv() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -51,7 +51,7 @@ func.func @thin_depthwise_conv_static() attributes {hal.executable.target = #exe } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @thin_depthwise_conv_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc diff --git a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_x86_64_lowering_strategy.mlir b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_x86_64_lowering_strategy.mlir index 52993812e0cd..6b1788d91202 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_x86_64_lowering_strategy.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMCPU/test/select_x86_64_lowering_strategy.mlir @@ -22,7 +22,7 @@ func.func @matvec_static() attributes {hal.executable.target = #executable_targe } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matvec_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matvec @@ -60,7 +60,7 @@ func.func @matvec_dynamic() attributes {hal.executable.target = #executable_targ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matvec_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matvec @@ -90,7 +90,7 @@ func.func @dot_static() attributes {hal.executable.target = #executable_target_e } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dot_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.dot @@ -124,7 +124,7 @@ func.func @dot_dynamic() attributes {hal.executable.target = #executable_target_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dot_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.dot @@ -159,7 +159,7 @@ func.func @dynamic_add() attributes {hal.executable.target = #executable_target_ return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dynamic_add() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -195,7 +195,7 @@ func.func @add4D() attributes {hal.executable.target = #executable_target_embedd } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @add4D() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -225,7 +225,7 @@ func.func @add_static() attributes {hal.executable.target = #executable_target_e } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @add_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -239,7 +239,7 @@ func.func @add_static() attributes {hal.executable.target = #executable_target_e #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #executable_target_system_elf_x86_64_ = #hal.executable.target<"llvm-cpu", "system-elf-x86_64", {data_layout = "e-m:e-p270:32:32-p271:32:32-p272:64:64-i64:64-f80:128-n8:16:32:64-S128", native_vector_size = 16 : index, target_triple = "x86_64-unknown-linux-gnu"}> func.func @preset_config_matmul_tensors() attributes { hal.executable.target = #executable_target_system_elf_x86_64_, @@ -259,7 +259,7 @@ func.func @preset_config_matmul_tensors() attributes { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @preset_config_matmul_tensors() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -288,7 +288,7 @@ func.func @matmul_partially_peel() attributes {hal.executable.target = #executab } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_partially_peel() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -320,7 +320,7 @@ func.func @copy_op_dynamic() attributes {hal.executable.target = #executable_tar } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @copy_op_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -349,7 +349,7 @@ func.func @static_1d_fft_stage2() attributes {hal.executable.target = #executabl } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_1d_fft_stage2() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.fft @@ -375,7 +375,7 @@ func.func @static_3d_fft_stage3() attributes {hal.executable.target = #executabl } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_3d_fft_stage3() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.fft @@ -420,7 +420,7 @@ func.func @outs_fusion_fn() attributes {hal.executable.target = #executable_targ // CHECK-DAG: #[[CONFIG1:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @outs_fusion_fn() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -458,7 +458,7 @@ func.func @conv_dynamic() attributes {hal.executable.target = #executable_target } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -488,7 +488,7 @@ func.func @conv_static() attributes {hal.executable.target = #executable_target_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -517,7 +517,7 @@ func.func @conv_nchw_static() attributes {hal.executable.target = #executable_ta } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_nchw_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nchw_fchw @@ -545,7 +545,7 @@ func.func @depthwise_conv_static() attributes {hal.executable.target = #executab } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @depthwise_conv_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc @@ -574,7 +574,7 @@ func.func @thin_depthwise_conv_static() attributes {hal.executable.target = #exe } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @thin_depthwise_conv_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc @@ -603,7 +603,7 @@ func.func @pooling_nchw_max() attributes {hal.executable.target = #executable_ta } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @pooling_nchw_max() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.pooling_nchw_max @@ -631,7 +631,7 @@ func.func @generic_static() attributes {hal.executable.target = #executable_targ return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @generic_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -660,7 +660,7 @@ func.func @matmul_static() attributes {hal.executable.target = #executable_targe } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -695,7 +695,7 @@ module { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @predict_dispatch_86( // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic {indexing_maps = [#{{.+}}, #{{.+}}], iterator_types = ["parallel", "reduction", "reduction"]} @@ -725,7 +725,7 @@ func.func @matmul_i8_i8_i32_static() attributes {hal.executable.target = #execut } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_i8_i8_i32_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -755,7 +755,7 @@ func.func @gemm_unit_N() attributes {hal.executable.target = #executable_target_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @gemm_unit_N() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -784,7 +784,7 @@ func.func @gemm_unit_M_unit_N() attributes {hal.executable.target = #executable_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @gemm_unit_M_unit_N() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -817,7 +817,7 @@ func.func @matmul_odd() attributes {hal.executable.target = #executable_target_e } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_odd() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -850,7 +850,7 @@ func.func @generic_unit_dims_dynamic() attributes {hal.executable.target = #exec return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @generic_unit_dims_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -883,7 +883,7 @@ func.func @reduce_to_scalar_static() attributes {hal.executable.target = #execut } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @reduce_to_scalar_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -914,7 +914,7 @@ func.func @reduce_to_scalar_dynamic() attributes {hal.executable.target = #execu return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @reduce_to_scalar_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -942,7 +942,7 @@ func.func @scalar() attributes {hal.executable.target = #executable_target_embed flow.dispatch.tensor.store %4, %1, offsets = [], sizes = [], strides = [] : tensor -> !flow.dispatch.tensor> return } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @scalar() // CHECK-SAME: translation_info = #[[TRANSLATION]] @@ -971,7 +971,7 @@ func.func @transpose_8x8() attributes {hal.executable.target = #executable_targe } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // ----- @@ -998,7 +998,7 @@ func.func @transpose_16x16() attributes {hal.executable.target = #executable_tar } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // ----- @@ -1040,7 +1040,7 @@ func.func @multi_root() attributes {hal.executable.target = #executable_target_e // CHECK-DAG: #[[CONFIG1:.+]] = #iree_codegen.lowering_config +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @multi_root() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -1070,7 +1070,7 @@ func.func @pack() attributes {hal.executable.target = #executable_target_embedde } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @pack() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.pack @@ -1096,7 +1096,7 @@ func.func @pack_f16() attributes {hal.executable.target = #executable_target_emb } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @pack_f16() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.pack @@ -1121,7 +1121,7 @@ func.func @pack_many_elements() attributes {hal.executable.target = #executable_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @pack_many_elements() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.pack @@ -1163,7 +1163,7 @@ func.func @unpack_generic_pack(%arg0: !stream.binding {stream.alignment = 64 : i // CHECK-DAG: #[[CONFIG1:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @unpack_generic_pack( // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.unpack @@ -1200,7 +1200,7 @@ func.func @elem_pack() attributes {hal.executable.target = #executable_target_em // CHECK-DAG: #[[CONFIG1:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @elem_pack() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -1237,7 +1237,7 @@ func.func @transpose_pack() attributes {hal.executable.target = #executable_targ // CHECK-DAG: #[[CONFIG1:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @transpose_pack() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -1304,7 +1304,7 @@ func.func @reduction_broadcast_pack() attributes {hal.executable.target = #execu // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG3:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG4:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @reduction_broadcast_pack() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -1353,7 +1353,7 @@ func.func @reduction_pack() attributes {hal.executable.target = #executable_targ // CHECK-DAG: #[[CONFIG1:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG3:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @reduction_pack() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -1383,7 +1383,7 @@ func.func @unpack_static() attributes {hal.executable.target = #executable_targe } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @unpack_static() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.unpack @@ -1420,7 +1420,7 @@ func.func @unpack_elem() attributes {hal.executable.target = #executable_target_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @unpack_elem() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -1466,7 +1466,7 @@ func.func @quant_model() attributes {hal.executable.target = #executable_target_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @quant_model() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -1494,7 +1494,7 @@ func.func @test() attributes {hal.executable.target = #executable_target_embedde return } -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @test() // CHECK-SAME: translation_info = #[[TRANSLATION]] @@ -1633,7 +1633,7 @@ func.func @pad_only() attributes {hal.executable.target = #executable_target_emb } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @pad_only() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.pad {{.+}} { @@ -1661,7 +1661,7 @@ func.func @winograd_output_transform() attributes {hal.executable.target = #exec return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @winograd_output_transform() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.winograd.output_transform @@ -1688,7 +1688,7 @@ func.func @winograd_input_transform() attributes {hal.executable.target = #execu return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @winograd_input_transform() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.winograd.input_transform @@ -1715,7 +1715,7 @@ func.func @winograd_filter_transform() attributes {hal.executable.target = #exec return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @winograd_filter_transform() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.winograd.filter_transform @@ -1758,7 +1758,7 @@ func.func @attention() attributes {hal.executable.target = #executable_target_em return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @attention() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.attention @@ -1797,7 +1797,7 @@ func.func @elementwise_output_transposed() attributes {hal.executable.target = # return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @elementwise_output_transposed() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -1830,7 +1830,7 @@ module { } } -// CHECK: #translation = #iree_codegen.translation_info +// CHECK: #translation = #iree_codegen.translation_info // CHECK-LABEL: @test_mod_vectorizing_strategy_peeling // CHECK-SAME: attributes {hal.executable.target = #executable_target_system_elf_x86_64_, translation_info = #translation} @@ -1882,7 +1882,7 @@ func.func @custom_op(%arg0 : tensor<384x512xf32>, %arg1 : tensor<512x128xf32>, // CHECK-DAG: #[[CONFIG0:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG1:.+]] = #iree_codegen.lowering_config // CHECK-DAG: #[[CONFIG2:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info // CHECK: func @custom_op( // CHECK-SAME: translation_info = #translation // CHECK: iree_linalg_ext.custom_op @@ -1905,7 +1905,7 @@ func.func @custom_op(%arg0 : tensor<384x512xf32>, %arg1 : tensor<512x128xf32>, module { func.func @custom_op_preset_config(%arg0: tensor<384x512xf32>, %arg1: tensor<512x128xf32>, %arg2: tensor<128xf32>) -> tensor<384x128xf32> - attributes {hal.executable.target = #executable_target, translation_info = #iree_codegen.translation_info} { + attributes {hal.executable.target = #executable_target, translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f32 %0 = tensor.empty() : tensor<384x128xf32> %1 = iree_linalg_ext.custom_op{ @@ -1937,7 +1937,7 @@ module { } } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info // CHECK: func @custom_op_preset_config( // CHECK-SAME: translation_info = #[[TRANSLATION_INFO]] // CHECK: iree_linalg_ext.custom_op diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_igemm_tile_and_fuse.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_igemm_tile_and_fuse.mlir index 0f463a937a9a..4a45d88ce980 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_igemm_tile_and_fuse.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_igemm_tile_and_fuse.mlir @@ -17,7 +17,7 @@ func.func @nhwc_conv_mfma() { } // CHECK-LABEL: func.func @nhwc_conv_mfma -// CHECK-SAME: #iree_codegen.translation_info, %rhs: tensor } // CHECK-LABEL: func.func @expanded_matmul_transpose_b -// CHECK-SAME: #iree_codegen.translation_info // Verify that the fill does not have the lowering config propagated to it. @@ -64,7 +64,7 @@ func.func @multi_dim_mma_schedule(%lhs: tensor<10x32x128x16xf16>, %rhs: tensor<4 } // CHECK-LABEL: func.func @multi_dim_mma_schedule -// CHECK-SAME: #iree_codegen.translation_info // CHECK: linalg.generic {{.*}}lowering_config = #iree_gpu.lowering_config @@ -99,7 +99,7 @@ func.func @dynamic_multi_dim_mma_schedule(%lhs: tensor, %rhs: t } // CHECK-LABEL: func.func @dynamic_multi_dim_mma_schedule -// CHECK-SAME: #iree_codegen.translation_info // CHECK: linalg.generic {{.*}}lowering_config = #iree_gpu.lowering_config @@ -121,7 +121,7 @@ func.func @mfma_matmul_1024x1024x1024(%lhs: tensor<1024x1024xf16>, %rhs: tensor< } // CHECK-LABEL: func.func @mfma_matmul_1024x1024x1024 -// CHECK-SAME: #iree_codegen.translation_info // Verify that the fill does not have the lowering config propagated to it. @@ -148,7 +148,7 @@ module { } // CHECK-LABEL: func.func @conv_nhwc -// CHECK-SAME: #iree_codegen.translation_info +// CHECK-SAME: #iree_codegen.translation_info // CHECK: linalg.conv_2d_nhwc_hwcf {{.*}} lowering_config = #iree_gpu.lowering_config // CHECK-SAME: reduction = [0, 0, 0, 0, 1, 3, 4] // CHECK-SAME: thread = [1, 1, 1, 1, 0, 0, 0] @@ -169,7 +169,7 @@ module { } // CHECK-LABEL: func.func @matmul_dynamic_dim -// CHECK-SAME: #iree_codegen.translation_info +// CHECK-SAME: #iree_codegen.translation_info // CHECK: linalg.matmul {{.*}}lowering_config = #iree_gpu.lowering_config // CHECK-SAME: promote_operands = [0, 1] // CHECK-SAME: reduction = [0, 0, 4] @@ -190,7 +190,7 @@ module { } // CHECK-LABEL: func.func @elementwise_dynamic_dim -// CHECK-SAME: #iree_codegen.translation_info +// CHECK-SAME: #iree_codegen.translation_info // CHECK: linalg.add {{.*}}lowering_config = #iree_gpu.lowering_config // CHECK-SAME: thread = [1, 1] // CHECK-SAME: workgroup = [1, 64] @@ -207,7 +207,7 @@ module @elementwise_unaligned { } // CHECK-LABEL: func.func @elementwise_unaligned -// CHECK-SAME: #iree_codegen.translation_info +// CHECK-SAME: #iree_codegen.translation_info // ----- @@ -223,7 +223,7 @@ module @elementwise_large_rank { // Verify that a lowering config is set on large rank tensors with unaligned // shapes. // CHECK-LABEL: func.func @elementwise_large_rank -// CHECK-SAME: #iree_codegen.translation_info +// CHECK-SAME: #iree_codegen.translation_info // ----- @@ -251,7 +251,7 @@ module { } // CHECK-LABEL: func.func @multi_mma_data_tiled_unrolled_MFMA_F32_16x16x4_F32 -// CHECK-SAME: #iree_codegen.translation_info} // CHECK: iree_gpu.multi_mma {{.*}}lowering_config = #iree_gpu.lowering_config // CHECK-SAME: reduction = [0, 0, 1] diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_user_vector_distribute.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_user_vector_distribute.mlir index 28201626af15..ce04036a045d 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_user_vector_distribute.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_user_vector_distribute.mlir @@ -9,10 +9,10 @@ // Check that applying the `no_reduce_shared_memory_bank_conflicts` pipeline option attribute disables shared memory padding. -// OPT-OUT: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info -// OPT-IN: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info #config = #iree_gpu.lowering_config<{workgroup = [128, 128, 0], reduction = [0, 0, 32], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, @@ -47,7 +47,7 @@ hal.executable public @main_0_dispatch_0 { // OPT-IN: scf.for func.func @main_0_dispatch_0_matmul_transpose_b_2048x10240x1280_f16xf16xf32() - attributes {translation_info = #iree_codegen.translation_info // Disable the 'reduceSharedMemoryBankConflicts' pass. }>} { %cst = arith.constant 0.000000e+00 : f16 @@ -84,10 +84,10 @@ hal.executable public @main_0_dispatch_0 { // Check that applying the `reorder_workgroups_strategy = ` pipeline option attribute enables workgroup reordering. -// OPT-OUT: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info> -// OPT-IN: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info> #config = #iree_gpu.lowering_config<{workgroup = [128, 128, 0], reduction = [0, 0, 32], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, @@ -123,7 +123,7 @@ hal.executable public @main_0_dispatch_0 { // OPT-IN-DAG: arith.addi %{{.+}}, %[[WG_X]] : index // OPT-IN: scf.for func.func @main_0_dispatch_0_matmul_transpose_b_2048x10240x1280_f16xf16xf32() - attributes {translation_info = #iree_codegen.translation_info> // enable the 'reorderWorkgroups' pass. }>} { %cst = arith.constant 0.000000e+00 : f16 @@ -159,7 +159,7 @@ hal.executable public @main_0_dispatch_0 { // ----- // Check that applying the `reorder_workgroups_strategy = ` pipeline option disables workgroup reordering. -// OPT-OUT: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info> #config = #iree_gpu.lowering_config<{workgroup = [128, 128, 0], reduction = [0, 0, 32], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, @@ -184,7 +184,7 @@ hal.executable public @main_0_dispatch_0 { // OPT-OUT-DAG: hal.interface.workgroup.id[0] : index // OPT-OUT-NEXT: scf.for func.func @main_0_dispatch_0_matmul_transpose_b_2048x10240x1280_f16xf16xf32() - attributes {translation_info = #iree_codegen.translation_info> // Disable the 'reorderWorkgroups' pass. }>} { %cst = arith.constant 0.000000e+00 : f16 diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_vector_distribute_gfx1100.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_vector_distribute_gfx1100.mlir index 6028b4790552..3198f1592bdd 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_vector_distribute_gfx1100.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/config_vector_distribute_gfx1100.mlir @@ -5,7 +5,7 @@ // to be migrated to the rocdl heuristics, but for now is just physically // located here. -// WMMA: #iree_codegen.translation_info, @@ -46,7 +46,7 @@ func.func @expanded_matmul_transpose_b() { // ----- -// CHECK: #iree_codegen.translation_info, @@ -108,11 +108,11 @@ func.func @matmul_256x256x256() attributes {hal.executable.target = #executable_ // Check that we do not use the distribute pipeline if there are no supported // intrinsics. -// CHECK-NOT: iree_codegen.translation_info, @@ -144,7 +144,7 @@ func.func @mfma_matmul_1024x1024x1024() { // ----- -// CHECK: #iree_codegen.translation_info, @@ -195,7 +195,7 @@ func.func @conv_nchwc() { // ----- -// CHECK: #iree_codegen.translation_info, @@ -227,7 +227,7 @@ func.func @unaligned_mk_batch_matmul() { // ----- -// CHECK: #iree_codegen.translation_info, @@ -279,7 +279,7 @@ func.func @narrow_n_batch_matmul_64x968x4x320_f16() { return } // Check that we don't support LLVMGPUPadAndVectorDistribute for narrow N/M atm. -// CHECK-NOT: #iree_codegen.translation_info +// CHECK-SAME: translation_info = #iree_codegen.translation_info // CHECK: %[[SPAN0:.+]] = hal.interface.binding.subspan layout({{.+}}) binding(0) // CHECK: %[[SPAN1:.+]] = hal.interface.binding.subspan layout({{.+}}) binding(1) // CHECK: memref.load %[[SPAN0]][] : memref> diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_igemm_tile_and_fuse.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_igemm_tile_and_fuse.mlir index 8af9578b25c3..bec9a29c9544 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_igemm_tile_and_fuse.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_igemm_tile_and_fuse.mlir @@ -6,7 +6,7 @@ #hal.pipeline.binding, #hal.pipeline.binding ]> -#translation = #iree_codegen.translation_info< +#translation = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> @@ -88,7 +88,7 @@ hal.executable public @main { } builtin.module { func.func @matmul_transpose_b_mfma() - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> @@ -155,7 +155,7 @@ hal.executable public @main { } builtin.module { func.func @matmul_transpose_b_wmma() - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> @@ -226,7 +226,7 @@ hal.executable public @main { } builtin.module { func.func @matmul_transpose_b_mfma_16x16x4() - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> @@ -282,7 +282,7 @@ hal.executable public @main { } builtin.module { func.func @matmul_transpose_b_mfma_16x16x32_f8() - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> @@ -338,7 +338,7 @@ hal.executable public @main { } builtin.module { func.func @matmul_transpose_b_mfma_32x32x16_i8() - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> @@ -394,7 +394,7 @@ hal.executable public @main { } builtin.module { func.func @matmul_transpose_b_wmma_f16_16x16x16_f16() - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> @@ -431,7 +431,7 @@ hal.executable public @main { workgroup = [1, 1, 4, 8, 0, 0, 0] }> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, @@ -495,7 +495,7 @@ hal.executable public @main { promote_operands = [0, 1] }> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, @@ -572,7 +572,7 @@ hal.executable public @main { #hal.pipeline.binding ]> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #lowering_config = #iree_gpu.lowering_config<{ mma_kind = #iree_gpu.mma_layout, @@ -639,7 +639,7 @@ hal.executable public @main { thread = [1, 1], workgroup = [1, 1] }> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, @@ -689,7 +689,7 @@ hal.executable public @main { #hal.pipeline.binding], flags = Indirect > -#translation_info = #iree_codegen.translation_info< +#translation_info = #iree_codegen.translation_info -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info hal.executable public @main { hal.executable.variant public @cuda_nvptx_fb target(<"cuda", "cuda-nvptx-fb">) { @@ -883,7 +883,7 @@ hal.executable public @main { } builtin.module { func.func @small_matvec() - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> %1 = hal.interface.binding.subspan layout(#pipeline_layout) binding(1) alignment(64) offset(%c0) flags(ReadOnly) : !flow.dispatch.tensor> @@ -932,7 +932,7 @@ hal.executable public @main { } builtin.module { func.func @elemwise_reduction_elemwise() attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { %cst_3 = arith.constant 3.0 : f32 %cst_4 = arith.constant 4.0 : f32 diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx1100.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx1100.mlir index 128a259f980c..410c23c78f41 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx1100.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx1100.mlir @@ -4,7 +4,7 @@ // RUN: %s | FileCheck %s #config = #iree_gpu.lowering_config<{workgroup = [64, 64, 0], reduction = [0, 0, 128], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -51,7 +51,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // ----- #config = #iree_gpu.lowering_config<{workgroup = [64, 64, 0], reduction = [0, 0, 128], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx940.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx940.mlir index c4de8342c9f1..0eeeafe775ae 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx940.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ROCDL/pipeline_vector_distribute_gfx940.mlir @@ -9,7 +9,7 @@ // RUN: %s | FileCheck %s --check-prefix=MEMORY #config = #iree_gpu.lowering_config<{workgroup = [64, 64, 0], reduction = [0, 0, 128], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -55,7 +55,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // ----- #config = #iree_gpu.lowering_config<{workgroup = [64, 64, 0], reduction = [0, 0, 128], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -99,7 +99,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // ----- #config = #iree_gpu.lowering_config<{workgroup = [1, 1, 64, 64, 0], reduction = [0, 0, 0, 0, 128], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 1, subgroup_n_count = 4}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -180,7 +180,7 @@ hal.executable @matmul_multiple_k { hal.return %x, %y, %z : index, index, index } builtin.module { - func.func @matmul_multiple_k() attributes {translation_info = #iree_codegen.translation_info} { + func.func @matmul_multiple_k() attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(, #hal.pipeline.binding, #hal.pipeline.binding], flags = Indirect>) binding(0) alignment(64) offset(%c0) flags("ReadOnly|Indirect") : !flow.dispatch.tensor> @@ -218,7 +218,7 @@ hal.executable @matmul_multiple_k { // Basic f8, f8 -> f32 matmul. #config = #iree_gpu.lowering_config<{workgroup = [64, 64, 0], reduction = [0, 0, 256], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -264,7 +264,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // Basic i8, i8 -> i32 matmul. #config = #iree_gpu.lowering_config<{workgroup = [64, 64, 0], reduction = [0, 0, 256], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -310,7 +310,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // Basic i8, i8 -> i32 matmul_transpose_b. #config = #iree_gpu.lowering_config<{workgroup = [64, 64, 0], reduction = [0, 0, 256], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -354,7 +354,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // ----- #config = #iree_gpu.lowering_config<{workgroup = [1, 1, 64, 128, 0, 0, 0], reduction = [0, 0, 0, 0, 1, 1, 32], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -397,7 +397,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // ----- #config = #iree_gpu.lowering_config<{workgroup = [1, 64, 1, 64, 0], reduction = [0, 0, 0, 0, 128], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -463,7 +463,7 @@ hal.executable public @main_dispatch_expanded_matmul { // ----- #config = #iree_gpu.lowering_config<{workgroup = [1, 16, 16, 0], reduction = [0, 0, 0, 16], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 1, subgroup_n_count = 1}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -534,7 +534,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // ----- #config = #iree_gpu.lowering_config<{workgroup = [1, 16, 32, 0], reduction = [0, 0, 0, 8], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 1, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, @@ -605,7 +605,7 @@ hal.executable public @pad_batch_matmul { // but rather is an example of a matmul shape from a model that broke our compilation heuristic. #config = #iree_gpu.lowering_config<{workgroup = [1, 16, 128, 0], reduction = [0, 0, 0, 128], promote_operands = [0, 1], mma_kind = #iree_gpu.mma_layout, subgroup_m_count = 1, subgroup_n_count = 4}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -658,7 +658,7 @@ hal.executable public @contract_schedule_considering_read_layout { // This test ensures that we can generate and decompose the right instructions from V(Virtual) MFMAs. #config = #iree_gpu.lowering_config<{workgroup = [64, 64, 0], reduction = [0, 0, 128], promote_operands = [0, 1], mma_kind = #iree_gpu.virtual_mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -721,7 +721,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // This test ensures we can generate correct instructions from V(Virtual) MFMAs that has only different read layouts. #config = #iree_gpu.lowering_config<{workgroup = [32, 32, 0], reduction = [0, 0, 128], promote_operands = [0, 1], mma_kind = #iree_gpu.virtual_mma_layout, subgroup_m_count = 2, subgroup_n_count = 2}> -#translation = #iree_codegen.translation_info}> +#translation = #iree_codegen.translation_info}> #pipeline_layout = #hal.pipeline.layout, @@ -789,7 +789,7 @@ hal.executable.variant @rocm target(<"rocm", "rocm-hsaco-fb">) { // ----- #config = #iree_gpu.lowering_config<{workgroup = [1, 64, 0, 0, 64], reduction = [0, 0, 0, 64, 0], promote_operands = [0, 1, 2]}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, @@ -862,7 +862,7 @@ hal.executable private @attention_20x4096x64x4096x64 { // ----- #config = #iree_gpu.lowering_config<{workgroup = [1, 1, 64, 0, 0, 64], reduction = [0, 0, 0, 0, 64, 0], promote_operands = [0, 1, 2]}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, @@ -930,7 +930,7 @@ hal.executable private @attention_multiple_m_transpose { // ----- #config = #iree_gpu.lowering_config<{workgroup = [1, 1, 128, 0, 0, 64], reduction = [0, 0, 0, 0, 32, 0], promote_operands = [0, 1, 2]}> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, @@ -1004,7 +1004,7 @@ hal.executable private @attention_mfma_32x32x8 { !ROWRED_SK= tensor<1x4x16xf32> #config = #iree_gpu.lowering_config<{ workgroup = [1, 1, 16, 0, 0, 0], reduction = [0, 0, 0, 0, 0, 32],promote_operands = [0, 1, 2] }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/cast_type_to_fit_mma.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/cast_type_to_fit_mma.mlir index 7da3e141d9a9..9dedcfa9626f 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/cast_type_to_fit_mma.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/cast_type_to_fit_mma.mlir @@ -141,7 +141,7 @@ func.func @to_layout_config_matmul_96x64x16_mm(%lhs: vector<96x16xf16>, %rhs: ve // it will not have mma_schedule on function attributes, but instead it will have // "iree.amdgpu.mma" attribute directly on vector.contract. -func.func @transform_dialect_mfma_matmul_96x64x16(%lhs: vector<96x16xf16>, %rhs: vector<16x64xf16>, %init: vector<96x64xf16>) -> vector<96x64xf16> attributes {translation_info = #iree_codegen.translation_info} { +func.func @transform_dialect_mfma_matmul_96x64x16(%lhs: vector<96x16xf16>, %rhs: vector<16x64xf16>, %init: vector<96x64xf16>) -> vector<96x64xf16> attributes {translation_info = #iree_codegen.translation_info} { %0 = vector.contract { indexing_maps = [affine_map<(d0, d1, d2) -> (d0, d2)>, affine_map<(d0, d1, d2) -> (d2, d1)>, affine_map<(d0, d1, d2) -> (d0, d1)>], iterator_types = ["parallel", "parallel", "reduction"], kind = #vector.kind} diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_custom_op.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_custom_op.mlir index 2dd57f30da4a..77cbbde36805 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_custom_op.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_custom_op.mlir @@ -33,7 +33,7 @@ func.func @custom_op(%arg0 : tensor<384x512xf32>, %arg1 : tensor<512x128xf32>, return %1 : tensor<384x128xf32> } // CHECK: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info, %arg1 : tensor<512x128xf32>, // ----- func.func @custom_op_preset_config(%arg0: tensor<384x512xf32>, %arg1: tensor<512x128xf32>, %arg2: tensor<128xf32>) -> tensor<384x128xf32> - attributes {translation_info = #iree_codegen.translation_info} { + attributes {translation_info = #iree_codegen.translation_info} { %cst = arith.constant 0.000000e+00 : f32 %0 = tensor.empty() : tensor<384x128xf32> %1 = iree_linalg_ext.custom_op{ @@ -77,7 +77,7 @@ func.func @custom_op_preset_config(%arg0: tensor<384x512xf32>, %arg1: tensor<512 return %1 : tensor<384x128xf32> } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info // CHECK: func @custom_op_preset_config( // CHECK-SAME: translation_info = #[[TRANSLATION_INFO]] // CHECK: iree_linalg_ext.custom_op diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_matvec.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_matvec.mlir index 1a60072f8ed5..b6858196d139 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_matvec.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_matvec.mlir @@ -34,7 +34,7 @@ func.func @dynamic_batch_matvec() { } // CDNA3-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CDNA3-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CDNA3-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CDNA3-LABEL: func.func @dynamic_batch_matvec() // CDNA3-SAME: translation_info = #[[$TRANSLATION]] // CDNA3: linalg.batch_matmul @@ -74,7 +74,7 @@ func.func @vmt1() attributes {hal.executable.target = #executable_target_rocm_hs } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK-LABEL: func.func @vmt1() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -114,7 +114,7 @@ func.func @vmt2() attributes {hal.executable.target = #executable_target_rocm_hs } // CDNA3-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CDNA3-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CDNA3-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CDNA3-LABEL: func.func @vmt2() // CDNA3-SAME: translation_info = #[[$TRANSLATION]] // CDNA3: linalg.generic @@ -169,7 +169,7 @@ func.func @i4_dequant_matvec() { // TODO: We should process multiple rows per subgroup. // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant_matvec() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -200,7 +200,7 @@ func.func @skinny_mmt() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @skinny_mmt() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul_transpose_b @@ -231,7 +231,7 @@ func.func @skinny_mmt() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @skinny_mmt() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul_transpose_b @@ -268,7 +268,7 @@ func.func @not_vmt() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @not_vmt() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_winograd.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_winograd.mlir index e5d6b2ae5aa1..f7408f5fc1b2 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_winograd.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/config_winograd.mlir @@ -16,7 +16,7 @@ func.func @winograd_filter_transform() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @winograd_filter_transform() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: iree_linalg_ext.winograd.filter_transform @@ -40,7 +40,7 @@ func.func @winograd_input_transform() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @winograd_input_transform() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: iree_linalg_ext.winograd.input_transform @@ -64,7 +64,7 @@ func.func @winograd_output_transform() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @winograd_output_transform() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: iree_linalg_ext.winograd.output_transform diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/configure_tensor_layout.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/configure_tensor_layout.mlir index 937174d13fb4..5f855437908f 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/configure_tensor_layout.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/configure_tensor_layout.mlir @@ -1,6 +1,6 @@ // RUN: iree-opt --split-input-file --pass-pipeline='builtin.module(func.func(iree-llvmgpu-configure-tensor-layouts, canonicalize, cse))' %s | FileCheck %s -#translation = #iree_codegen.translation_info @@ -50,7 +50,7 @@ func.func @matmul_96x64x16_mfma(%lhs: tensor<96x16xf16>, // ----- -#translation = #iree_codegen.translation_info @@ -100,7 +100,7 @@ func.func @matmul_96x64x16_wmma(%lhs: tensor<96x16xf16>, // ----- -#translation = #iree_codegen.translation_info, @@ -153,7 +153,7 @@ func.func @matmul_128x64x16_multi_subgroup(%lhs: tensor<128x16xf16>, // ----- -#translation = #iree_codegen.translation_info @@ -204,7 +204,7 @@ func.func @packed_matmul_128x128x128(%lhs: tensor<8x16x16xf16>, // ----- -#translation = #iree_codegen.translation_info @@ -226,7 +226,7 @@ func.func @linalg_copy(%in : tensor<16x16x16xf16>) -> tensor<16x16x16xf16> // ----- -#translation = #iree_codegen.translation_info diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/distribute_to_thread.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/distribute_to_thread.mlir index 14259a95b603..cd69906aec13 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/distribute_to_thread.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/distribute_to_thread.mlir @@ -9,7 +9,7 @@ #map = affine_map<()[s0] -> (s0 * 2)> #map1 = affine_map<()[s0] -> (s0 * 256)> #map2 = affine_map<(d0, d1)[s0] -> (d0 * 1024 + s0 + d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @dot_dispatch_0() attributes {translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f32 %c0 = arith.constant 0 : index @@ -79,7 +79,7 @@ func.func @dot_dispatch_0() attributes {translation_info = #translation} { #map2 = affine_map<(d0, d1, d2)[s0] -> (d0 * 32768 + s0 + d1 * 1024 + d2)> #map3 = affine_map<(d0, d1, d2)[s0] -> (d0 * 65536 + s0 + d1 * 64 + d2)> #map4 = affine_map<(d0, d1, d2)[s0] -> (d0 * 2048 + s0 + d1 * 64 + d2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @batch_matmul_func() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %cst = arith.constant 0.000000e+00 : f32 @@ -148,7 +148,7 @@ func.func @batch_matmul_func() attributes {translation_info = #translation} { #map = affine_map<()[s0] -> (s0 * 2)> #map1 = affine_map<()[s0] -> (s0 * 32)> #map2 = affine_map<(d0, d1)[s0] -> (d0 * 1024 + s0 + d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @dot_dispatch_0() attributes {translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f32 %c0 = arith.constant 0 : index @@ -216,7 +216,7 @@ func.func @dot_dispatch_0() attributes {translation_info = #translation} { #config = #iree_codegen.lowering_config #map = affine_map<(d0) -> (d0)> #map1 = affine_map<(d0) -> ()> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @predict_dispatch_153() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %cst = arith.constant 0x7FC00000 : f32 @@ -255,7 +255,7 @@ func.func @predict_dispatch_153() attributes {translation_info = #translation} { #map1 = affine_map<(d0) -> (256, -d0 + 56)> #map2 = affine_map<(d0, d1, d2, d3)[s0] -> (d0 * 200704 + s0 + d1 * 3136 + d2 * 56 + d3)> #map3 = affine_map<(d0, d1, d2, d3)[s0] -> (d0 * 64 + s0 + d1 + d2 + d3)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info module { func.func @conv_dispatch() attributes {translation_info = #translation} { %c56 = arith.constant 56 : index @@ -312,7 +312,7 @@ module { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #map = affine_map<()[s0] -> (s0 * 2)> #map1 = affine_map<()[s0] -> (s0 * 256)> #map2 = affine_map<(d0)[s0] -> (-d0 + s0, 2)> diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/elementwise_pipeline.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/elementwise_pipeline.mlir index 4fd68e701eec..07ae4c50e998 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/elementwise_pipeline.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/elementwise_pipeline.mlir @@ -22,6 +22,6 @@ func.func @forward_dispatch_0_generic_320x320x3x3() { flow.dispatch.tensor.store %4, %1, offsets = [0, 0, 0, 0], sizes = [320, 320, 3, 3], strides = [1, 1, 1, 1] : tensor<320x320x3x3xf32> -> !flow.dispatch.tensor> return } -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @forward_dispatch_0_generic_320x320x3x3() // CHECK-SAME: translation_info = #[[TRANSLATION]] diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/gpu_set_num_workgroups.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/gpu_set_num_workgroups.mlir index c56b0e7ae545..623e840d8108 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/gpu_set_num_workgroups.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/gpu_set_num_workgroups.mlir @@ -28,7 +28,7 @@ func.func @add_dispatch_0() { return } -// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @add_dispatch_0 // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -55,7 +55,7 @@ func.func @dot_dispatch_1() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dot_dispatch_1 // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -84,7 +84,7 @@ func.func @unaligned_k() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @unaligned_k // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -119,7 +119,7 @@ func.func @predict_dispatch_153() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @predict_dispatch_153() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -152,7 +152,7 @@ func.func @reduction_aligned2() { return } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @reduction_aligned2() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -183,7 +183,7 @@ func.func @copy_as_generic() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @copy_as_generic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -211,7 +211,7 @@ func.func @static_1d_fft_stage2() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_1d_fft_stage2() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.fft @@ -240,7 +240,7 @@ func.func @static_3d_fft_stage3() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_3d_fft_stage3() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.fft @@ -254,7 +254,7 @@ func.func @static_3d_fft_stage3() { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @_lowering_config_test_dispatch_1() { %cst = arith.constant 0.000000e+00 : f32 @@ -274,7 +274,7 @@ func.func @_lowering_config_test_dispatch_1() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @_lowering_config_test_dispatch_1() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -311,7 +311,7 @@ func.func @sort_op() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @sort_op() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.sort @@ -341,7 +341,7 @@ func.func @matmul_config_sm35() { return } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_config_sm35() // CHECK-SAME: translation_info = #[[TRANSLATION]] @@ -369,7 +369,7 @@ func.func @matmul_config_sm80() { return } -// SM80-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info -// SM80-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// SM80-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // SM80: func.func @dynamic_pack_2x2() // SM80-SAME: translation_info = #[[TRANSLATION]] // SM80: tensor.pack @@ -497,7 +497,7 @@ func.func @large_matmul_f16() { return } // SM80-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config +// SM80-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // SM80: func.func @large_matmul_f16() // SM80-SAME: translation_info = #[[TRANSLATION]] // SM80: linalg.fill @@ -530,7 +530,7 @@ func.func @large_matmul_f32() { } // SM80-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config +// SM80-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // SM80: func.func @large_matmul_f32() // SM80-SAME: translation_info = #[[TRANSLATION]] // SM80: linalg.fill @@ -563,7 +563,7 @@ func.func @inner_unit_dim() { return } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @inner_unit_dim() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -613,7 +613,7 @@ func.func @forward_dispatch_1_conv_2d_nhwc_hwcf_256x112x112x64x7x7x3_f32() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @forward_dispatch_1_conv_2d_nhwc_hwcf_256x112x112x64x7x7x3_f32 // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -661,7 +661,7 @@ func.func @_main_dispatch_15_generic_512x4x42x42x64_f32() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @_main_dispatch_15_generic_512x4x42x42x64_f32() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.fill @@ -744,7 +744,7 @@ func.func @i4_dequant_matvec() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK-LABEL: func.func @i4_dequant_matvec() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/illegal_configuration.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/illegal_configuration.mlir index 436ef52e6694..2c3df44b325b 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/illegal_configuration.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/illegal_configuration.mlir @@ -6,7 +6,7 @@ #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<4x8xf32> @@ -25,7 +25,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<4x8xf32> @@ -44,7 +44,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<32x16xf32> @@ -63,7 +63,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<32x16xf32> @@ -82,7 +82,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<32x16xf32> @@ -101,7 +101,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<32x16xf32> @@ -120,7 +120,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<1024x512xf32> @@ -139,7 +139,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<48x16xf32> @@ -158,7 +158,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<32x16xf32> @@ -182,7 +182,7 @@ func.func @illegal() attributes {translation_info = #translation} { #map2 = affine_map<(d0, d1, d2)[s0] -> (d0 * 32768 + s0 + d1 * 1024 + d2)> #map3 = affine_map<(d0, d1, d2)[s0] -> (d0 * 65536 + s0 + d1 * 64 + d2)> #map4 = affine_map<(d0, d1, d2)[s0] -> (d0 * 2048 + s0 + d1 * 64 + d2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %cst = arith.constant 0.000000e+00 : f32 @@ -228,7 +228,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<1024x512xf32> @@ -247,7 +247,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<1024x512xf32> @@ -266,7 +266,7 @@ func.func @illegal() attributes {translation_info = #translation} { #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @illegal() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %0 = hal.interface.binding.subspan layout(#pipeline_layout) binding(0) : memref<1024x512xi8> diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/linalg_transform.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/linalg_transform.mlir index daeaa225a265..88d70a10a362 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/linalg_transform.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/linalg_transform.mlir @@ -31,7 +31,7 @@ func.func @matmul_static_dispatch_0() attributes {hal.executable.target = #execu // CHECK-NEXT: return // workgroup_size is explicitly set to [10, 11]. - // FOREACH-TO-GPU: #[[TRANSLATION:.+]] = #iree_codegen.translation_info + // FOREACH-TO-GPU: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // FOREACH-TO-GPU: func.func @matmul_static_dispatch_0() // FOREACH-TO-GPU-SAME: translation_info = #translation // FOREACH-TO-GPU-DAG: %[[C0:.*]] = arith.constant 0 : index diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_cuda.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_cuda.mlir index 63d07a3d6cb7..cee19143577d 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_cuda.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_cuda.mlir @@ -37,7 +37,7 @@ hal.executable.variant @cuda target(<"cuda", "cuda-nvptx-fb">) { } } -// CHECK: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info // CHECK: func.func @warp_reduction_dispatch() // CHECK-SAME: translation_info = #[[TRANSLATION_INFO]] // CHECK-DAG: %[[CST:.+]] = arith.constant dense<0.000000e+00> : vector<4xf32> @@ -110,7 +110,7 @@ hal.executable.variant @cuda target(<"cuda", "cuda-nvptx-fb">) { } } -// CHECK: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info // CHECK: func.func @warp_reduction_broadcast_dispatch() // CHECK-SAME: translation_info = #[[TRANSLATION_INFO]] // CHECK: scf.for {{.*}} -> (vector<4xf32>) { @@ -160,7 +160,7 @@ hal.executable.variant @cuda target(<"cuda", "cuda-nvptx-fb">) { } } -// CHECK: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info +// CHECK: #[[TRANSLATION_INFO:.+]] = #iree_codegen.translation_info // CHECK: func.func @softmax() // CHECK-SAME: translation_info = #[[TRANSLATION_INFO]] // CHECK: scf.for {{.*}} -> (vector<4xf32>) { diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_rocm.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_rocm.mlir index fea7846af70b..82257f14d42e 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_rocm.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_rocm.mlir @@ -37,7 +37,7 @@ hal.executable.variant public @rocm_hsaco_fb target(<"rocm", "rocm-hsaco-fb">) { } } -// CDNA3: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CDNA3: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CDNA3: func.func @group_reduction_1d() // CDNA3-SAME: translation_info = #[[$TRANSLATION]] // CDNA3-COUNT-5: gpu.shuffle xor{{.*}}{{[[:space:]].*}}{{.*}} arith.addf @@ -78,7 +78,7 @@ hal.executable.variant public @rocm_hsaco_fb target(<"rocm", "rocm-hsaco-fb">) { // On CDNA, we prefer wave64 with subgroup size of 64. -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @group_reduction_1d // CHECK-COUNT-5: gpu.shuffle xor{{.*}}{{[[:space:]].*}}{{.*}} arith.addf @@ -135,7 +135,7 @@ hal.executable private @i4_dequant_matvec { } } -// CDNA3: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CDNA3: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CDNA3: func.func @i4_dequant_matvec() // CDNA3-SAME: translation_info = #[[$TRANSLATION]] // CDNA3: %[[CST:.+]] = arith.constant dense<0.000000e+00> : vector<1x8xf16> @@ -210,7 +210,7 @@ hal.executable private @i4_dequant_matvec { } } -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant_matvec() // CHECK-SAME: translation_info = #[[$TRANSLATION]] @@ -257,7 +257,7 @@ hal.executable private @matvec_fp16 { // write 8 results at the end. // TODO(kuhar): We should reduce the number of `gpu.shuffles` performed. -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matvec_fp16() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK-DAG: %[[C0:.+]] = arith.constant 0 : index @@ -316,7 +316,7 @@ hal.executable private @matvec_fp16 { // Multi-row matvec with wave32. // TODO(kuhar): We should reduce the number of `gpu.shuffles` performed. -// CDNA3: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CDNA3: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CDNA3: func.func @matvec_fp16() // CDNA3-SAME: translation_info = #[[$TRANSLATION]] // CDNA3-DAG: %[[C0:.+]] = arith.constant 0 : index diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_softmax_rocm.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_softmax_rocm.mlir index c46f738d3fa9..fafd96e9ec75 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_softmax_rocm.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/reduction_pipeline_softmax_rocm.mlir @@ -19,7 +19,7 @@ func.func @softmax() { return } -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK-LABEL: func.func @softmax // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK-COUNT-20: gpu.shuffle xor{{.*}}{{[[:space:]].*}}{{.*}} @@ -46,7 +46,7 @@ func.func @softmax() { // On CDNA, we prefer wave64 with subgroup size 64. -// CDNA3: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CDNA3: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CDNA3: func.func @softmax // CDNA3-SAME: translation_info = #[[$TRANSLATION]] // CDNA3-COUNT-20: gpu.shuffle xor{{.*}}{{[[:space:]].*}}{{.*}} diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_codegen_bufferize_spec.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_codegen_bufferize_spec.mlir index c77fe84da0dd..89853b6352a4 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_codegen_bufferize_spec.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_codegen_bufferize_spec.mlir @@ -6,7 +6,7 @@ module attributes { transform.with_named_sequence } { %memref_func = transform.iree.bufferize %tensor_func : (!transform.any_op) -> !transform.any_op // Annotate the exported function as already translated. - %none = transform.param.constant #iree_codegen.translation_info -> !transform.any_param + %none = transform.param.constant #iree_codegen.translation_info -> !transform.any_param transform.annotate %memref_func "translation_info" = %none : !transform.any_op, !transform.any_param transform.yield } diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_vector_distribution.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_vector_distribution.mlir index 3e47fe81c5c3..1cad1aa50614 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_vector_distribution.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_dialect_vector_distribution.mlir @@ -9,7 +9,7 @@ #pipeline_layout = #hal.pipeline.layout ]> -#translation_info = #iree_codegen.translation_info +#translation_info = #iree_codegen.translation_info func.func @reduce_dispatch_0() attributes {translation_info = #translation_info} { %c0 = arith.constant 0 : index %c1 = arith.constant 1 : index diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_distribute_forall.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_distribute_forall.mlir index 4056c4291339..51842bb53d4f 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_distribute_forall.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/transform_distribute_forall.mlir @@ -4,7 +4,7 @@ #hal.pipeline.binding ]> #executable_target_cuda_nvptx_fb = #hal.executable.target<"cuda", "cuda-nvptx-fb"> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info module { func.func @distribute() attributes {hal.executable.target = #executable_target_cuda_nvptx_fb, translation_info = #translation} { %cst = arith.constant dense<0.000000e+00> : vector<1xf16> @@ -44,7 +44,7 @@ module { } // CHECK-DAG: #[[DIV32:.*]] = affine_map<()[s0] -> (s0 floordiv 32)> -// CHECK-DAG: #[[TRANSLATION_INFO:.*]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION_INFO:.*]] = #iree_codegen.translation_info // CHECK: func.func @distribute() // CHECK-SAME: translation_info = #[[TRANSLATION_INFO]] // CHECK: %[[TX:.+]] = gpu.thread_id x diff --git a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ukernel_pipeline_transform.mlir b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ukernel_pipeline_transform.mlir index 857f4bd5f709..7c9cfbc5dab9 100644 --- a/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ukernel_pipeline_transform.mlir +++ b/compiler/src/iree/compiler/Codegen/LLVMGPU/test/ukernel_pipeline_transform.mlir @@ -40,7 +40,7 @@ func.func @argmax_1d_f16i64() attributes {hal.executable.target = #executable_ta return } -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @argmax_1d_f16i64() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: iree_codegen.ukernel.generic "__iree_uk_rocm_argmax_F16I64" @@ -87,7 +87,7 @@ func.func @argmax_2d_f32i64() attributes {hal.executable.target = #executable_ta return } -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @argmax_2d_f32i64 // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: %[[SUBVIEW:.*]] = memref.subview{{.*}} memref<16x?xf32 @@ -136,7 +136,7 @@ func.func @no_ukernel_argmax_1d_f16i64() attributes {hal.executable.target = #ex return } -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @no_ukernel_argmax_1d_f16i64() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK-NOT: iree_codegen.ukernel.generic @@ -183,7 +183,7 @@ func.func @not_neg_inf_init_argmax_1d() attributes {hal.executable.target = #exe return } -// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @not_neg_inf_init_argmax_1d() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK-NOT: iree_codegen.ukernel.generic diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_conv.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_conv.mlir index 221790a95ac0..c72c3ca3fe32 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_conv.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_conv.mlir @@ -25,7 +25,7 @@ func.func @conv_112x112x512() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_112x112x512() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -58,7 +58,7 @@ func.func @conv_112x112x32() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_112x112x32() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -89,7 +89,7 @@ func.func @conv_16x16x16() { return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_16x16x16() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -122,7 +122,7 @@ func.func @dwconv_28x28x144() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dwconv_28x28x144() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc @@ -155,7 +155,7 @@ func.func @dwconv_4x4x8() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dwconv_4x4x8() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_matmul.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_matmul.mlir index 08d7676350ce..c13206c5d12a 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_matmul.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_adreno_matmul.mlir @@ -25,7 +25,7 @@ func.func @matmul_1024x2048x512() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_1024x2048x512() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -58,7 +58,7 @@ func.func @matmul_3136x24x96() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_3136x24x96() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -91,7 +91,7 @@ func.func @matmul_196x64x192() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_196x64x192() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -120,7 +120,7 @@ func.func @matmul_12544x96x16() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_12544x96x16() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -153,7 +153,7 @@ func.func @matmul_49x160x576() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_49x160x576() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -186,7 +186,7 @@ func.func @batch_matmul_4x384x384() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_4x384x384() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.batch_matmul @@ -219,7 +219,7 @@ func.func @batch_matmul_4x8x8() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_4x8x8() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.batch_matmul diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_conv.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_conv.mlir index e499af856d02..0398d7e4a4a9 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_conv.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_conv.mlir @@ -30,7 +30,7 @@ func.func @nhwc_conv_pointwise_2x64x64x320() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @nhwc_conv_pointwise_2x64x64x320() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul.mlir index 37bd8637293c..2318569ea9cb 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul.mlir @@ -19,7 +19,7 @@ func.func @batch_matmul_f32_16x4096x40x4096() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_f32_16x4096x40x4096() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.batch_matmul @@ -49,7 +49,7 @@ func.func @matmul_f16_64x640x320() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_f16_64x640x320() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -77,7 +77,7 @@ func.func @batch_matmul_f32_16x4096x40x4096() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_f32_16x4096x40x4096() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.batch_matmul @@ -113,7 +113,7 @@ func.func @batch_matmul_f16_1x4096x4096x512() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_f16_1x4096x4096x512() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.batch_matmul @@ -175,7 +175,7 @@ func.func @matmul_multi_reduce_i4xf32xf32() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_multi_reduce_i4xf32xf32() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul_cooperative_ops.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul_cooperative_ops.mlir index c3755fb9e11d..b0caef2882d8 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul_cooperative_ops.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matmul_cooperative_ops.mlir @@ -37,7 +37,7 @@ func.func @matmul_256x1024x128_div_add() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_256x1024x128_div_add() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul @@ -75,7 +75,7 @@ func.func @batch_matmul_16x128x256x512_div() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_16x128x256x512_div() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.batch_matmul @@ -117,7 +117,7 @@ func.func @generic_batch_matmul_32x8x512x64() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @generic_batch_matmul_32x8x512x64() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -148,7 +148,7 @@ func.func @batch_matmul_16x1024x1024x80() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_16x1024x1024x80() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.batch_matmul @@ -180,6 +180,6 @@ func.func @matmul_256x1024x8() { return } -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK-LABEL: func.func @matmul_256x1024x8 // CHECK-SAME: translation_info = #[[$TRANSLATION]] diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matvec.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matvec.mlir index f00e7b511bad..47b7d0371e31 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matvec.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_amd_matvec.mlir @@ -44,7 +44,7 @@ func.func @i4_dequant_matvec_f32() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant_matvec_f32() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -97,7 +97,7 @@ func.func @i4_dequant_matvec_f32() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant_matvec_f32() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -178,7 +178,7 @@ func.func @i4_dequant_matvec_f32() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant_matvec_f32() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -232,7 +232,7 @@ func.func @i4_dequant_matvec_f16() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant_matvec_f16() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -314,7 +314,7 @@ func.func @i4_dequant_matvec() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant_matvec() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -388,7 +388,7 @@ func.func @i4_dequant_matvec() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant_matvec() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -429,7 +429,7 @@ func.func @dynamic_batch_matvec() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dynamic_batch_matvec() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.batch_matmul diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_conv.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_conv.mlir index aa9ae5ea0a4a..3f6a4b36798f 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_conv.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_conv.mlir @@ -35,7 +35,7 @@ func.func @nhwc_conv_pointwise_112x112x32() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @nhwc_conv_pointwise_112x112x32() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -62,7 +62,7 @@ func.func @nchw_conv_2x1280x8x8() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @nchw_conv_2x1280x8x8() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nchw_fchw diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ext_ops.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ext_ops.mlir index 7f0702c1a160..657b94155e40 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ext_ops.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ext_ops.mlir @@ -19,7 +19,7 @@ func.func @static_1d_sort() { // Check that the workgroup count and size are (1, 1, 1) for serializing the computation. // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_1d_sort() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.sort @@ -51,7 +51,7 @@ func.func @static_3d_sort() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_3d_sort() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.sort @@ -79,7 +79,7 @@ func.func @static_1d_fft_stage2() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_1d_fft_stage2() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.fft @@ -108,7 +108,7 @@ func.func @static_3d_fft_stage3() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_3d_fft_stage3() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.fft @@ -132,7 +132,7 @@ func.func @winograd_input_transform() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @winograd_input_transform() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.winograd.input_transform @@ -156,7 +156,7 @@ func.func @winograd_output_transform() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @winograd_output_transform() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.winograd.output_transform diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ops.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ops.mlir index dcec345c46cc..854397877893 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ops.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_linalg_ops.mlir @@ -25,7 +25,7 @@ func.func @copy_as_generic() attributes {hal.executable.target = #executable_tar return } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @copy_as_generic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -59,7 +59,7 @@ func.func @copy() attributes {hal.executable.target = #executable_target_vulkan_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @copy() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -97,7 +97,7 @@ func.func @avg_pool() attributes {hal.executable.target = #executable_target_vul } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @avg_pool() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.pooling_nhwc_sum @@ -138,7 +138,7 @@ func.func @avg_pool() attributes {hal.executable.target = #executable_target_vul } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @avg_pool() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.pooling_nhwc_sum @@ -177,7 +177,7 @@ func.func @max_pool() attributes {hal.executable.target = #executable_target_vul } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @max_pool() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.pooling_nhwc_max @@ -220,7 +220,7 @@ func.func @elementwise() attributes {hal.executable.target = #executable_target_ return } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @elementwise() // CHECK-SAME: translation_info = #[[TRANSLATION]] @@ -267,7 +267,7 @@ func.func @dwconv_elementwise() attributes {hal.executable.target = #executable_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dwconv_elementwise() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwcm @@ -306,7 +306,7 @@ func.func @outermost_reduction() attributes {hal.executable.target = #executable } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @outermost_reduction() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -354,7 +354,7 @@ func.func @innermost_reduction() attributes {hal.executable.target = #executable } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @innermost_reduction() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -390,7 +390,7 @@ func.func @four_dim_elementwise() attributes {hal.executable.target = #executabl } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @four_dim_elementwise() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -436,7 +436,7 @@ func.func @odd_reduction_dimension_size_501() attributes {hal.executable.target } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @odd_reduction_dimension_size_501() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -482,7 +482,7 @@ func.func @odd_reduction_dimension_size_2809() attributes {hal.executable.target } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @odd_reduction_dimension_size_2809() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -522,7 +522,7 @@ func.func @broadcast() attributes {hal.executable.target = #executable_target_vu } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @broadcast() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_matmul.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_matmul.mlir index 79df8d2e2ad9..abd1a50a3aa7 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_matmul.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_matmul.mlir @@ -33,7 +33,7 @@ func.func @batch_matmul_1x3x32() attributes {hal.executable.target = #executable } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_1x3x32() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.batch_matmul @@ -73,7 +73,7 @@ func.func @matmul_64x16xi8() attributes {hal.executable.target = #executable_tar } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_64x16xi8() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul @@ -113,7 +113,7 @@ func.func @matmul_64x16xi64() attributes {hal.executable.target = #executable_ta } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_64x16xi64() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul @@ -164,7 +164,7 @@ func.func @matmul_400x273() attributes {hal.executable.target = #executable_targ } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_400x273() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul @@ -215,7 +215,7 @@ func.func @matmul_25x546() attributes {hal.executable.target = #executable_targe } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_25x546() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul @@ -269,7 +269,7 @@ func.func @matmul_pointwise_256x1024() attributes {hal.executable.target = #exec } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_pointwise_256x1024() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_misc.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_misc.mlir index 965c7dc6149a..42b4cc1d15cf 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_misc.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_misc.mlir @@ -42,7 +42,7 @@ func.func @complex_view_as_real() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @complex_view_as_real() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_reduction.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_reduction.mlir index 5fadf1733c03..65af01efea0f 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_reduction.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_reduction.mlir @@ -31,7 +31,7 @@ func.func @subgroup_reduce_f32() attributes {hal.executable.target = #executable } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @subgroup_reduce_f32() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -76,7 +76,7 @@ func.func @subgroup_reduce_f16() attributes {hal.executable.target = #executable } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @subgroup_reduce_f16() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -127,7 +127,7 @@ func.func @subgroup_reduce_dynamic() attributes {hal.executable.target = #execut } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @subgroup_reduce_dynamic() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_sub_byte_types.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_sub_byte_types.mlir index f2bdec2eb876..cd89f56c2372 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_sub_byte_types.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_default_sub_byte_types.mlir @@ -31,7 +31,7 @@ func.func @i4_dequant() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @i4_dequant() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_conv.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_conv.mlir index 78a057ee67c3..962c7aba232e 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_conv.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_conv.mlir @@ -25,7 +25,7 @@ func.func @conv_112x112x512() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_112x112x512() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -58,7 +58,7 @@ func.func @conv_112x112x32() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_112x112x32() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -90,7 +90,7 @@ func.func @conv_16x16x16() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @conv_16x16x16() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.conv_2d_nhwc_hwcf @@ -123,7 +123,7 @@ func.func @dwconv_28x28x144() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dwconv_28x28x144() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc @@ -157,7 +157,7 @@ func.func @dwconv_1x2x8() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @dwconv_1x2x8() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.depthwise_conv_2d_nhwc_hwc diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_matmul.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_matmul.mlir index 7facf6762c49..5126ed677f65 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_matmul.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_mali_matmul.mlir @@ -25,7 +25,7 @@ func.func @matmul_1024x2048x512() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_1024x2048x512() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -58,7 +58,7 @@ func.func @matmul_3136x24x96() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_3136x24x96() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -91,7 +91,7 @@ func.func @matmul_196x64x192() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_196x64x192() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -120,7 +120,7 @@ func.func @matmul_12544x96x16() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_12544x96x16() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -153,7 +153,7 @@ func.func @matmul_49x160x576() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_49x160x576() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -192,7 +192,7 @@ func.func @matmul_2x1024x576() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_2x1024x576() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -249,7 +249,7 @@ func.func @batch_matmul_4x384x384() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_4x384x384() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.batch_matmul @@ -283,7 +283,7 @@ func.func @batch_matmul_4x2x8() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_4x2x8() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.batch_matmul @@ -325,7 +325,7 @@ func.func @generic_batch_matmul_32x2x512() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @generic_batch_matmul_32x2x512() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -378,7 +378,7 @@ func.func @generic_batch_matmul_8x2500x512x4608() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @generic_batch_matmul_8x2500x512x4608() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul.mlir index 8d4f3f0a92cb..caa64b04ff70 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul.mlir @@ -24,7 +24,7 @@ func.func @matmul_4x4096x9216() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_4x4096x9216() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -58,7 +58,7 @@ func.func @matmul_1x4096x9216() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_1x4096x9216() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -97,7 +97,7 @@ func.func @multi_reduction_transposed_b_matmul() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @multi_reduction_transposed_b_matmul() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul_cooperative_ops.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul_cooperative_ops.mlir index b818edddc916..18ae0fd352a4 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul_cooperative_ops.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_nvidia_matmul_cooperative_ops.mlir @@ -39,7 +39,7 @@ func.func @matmul_256x1024x128_div_add() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_256x1024x128_div_add() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.matmul @@ -77,7 +77,7 @@ func.func @batch_matmul_16x128x256x512_div() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_16x128x256x512_div() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.batch_matmul @@ -119,7 +119,7 @@ func.func @generic_batch_matmul_32x8x512x64() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @generic_batch_matmul_32x8x512x64() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.generic @@ -150,7 +150,7 @@ func.func @batch_matmul_16x1024x1024x80() { } // CHECK-DAG: #[[$CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @batch_matmul_16x1024x1024x80() // CHECK-SAME: translation_info = #[[$TRANSLATION]] // CHECK: linalg.batch_matmul @@ -182,6 +182,6 @@ func.func @matmul_256x1024x8() { return } -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_256x1024x8 // CHECK-SAME: translation_info = #[[$TRANSLATION]] diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_user.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_user.mlir index ed93869f2e42..6728ddef2ba6 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/config_user.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/config_user.mlir @@ -6,7 +6,7 @@ #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @matmul_128x1024x256() { %cst = arith.constant 0.000000e+00 : f32 @@ -26,7 +26,7 @@ func.func @matmul_128x1024x256() { } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_128x1024x256() // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/illegal_configuration.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/illegal_configuration.mlir index 6127e8448ef7..fabbe49e30ae 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/illegal_configuration.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/illegal_configuration.mlir @@ -15,7 +15,7 @@ max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -42,7 +42,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info // expected-error @+1 {{expected workgroup size to have three dimensions for SPIR-V pipelines}} func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { @@ -69,7 +69,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -96,7 +96,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -123,7 +123,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -150,7 +150,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -177,7 +177,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -204,7 +204,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -232,7 +232,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 1024, max_workgroup_memory_bytes = 65536, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @matmul_tensor() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -266,7 +266,7 @@ func.func @matmul_tensor() attributes {hal.executable.target = #executable_targe max_thread_count_per_workgroup = 1024, max_workgroup_memory_bytes = 65536, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @matmul_tensor() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -300,7 +300,7 @@ func.func @matmul_tensor() attributes {hal.executable.target = #executable_targe max_thread_count_per_workgroup = 1024, max_workgroup_memory_bytes = 65536, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @matmul_tensor() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -334,7 +334,7 @@ func.func @matmul_tensor() attributes {hal.executable.target = #executable_targe max_thread_count_per_workgroup = 1024, max_workgroup_memory_bytes = 65536, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @matmul_tensor() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -368,7 +368,7 @@ func.func @matmul_tensor() attributes {hal.executable.target = #executable_targe max_thread_count_per_workgroup = 1024, max_workgroup_memory_bytes = 65536, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @matmul_tensor() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -404,7 +404,7 @@ func.func @matmul_tensor() attributes {hal.executable.target = #executable_targe #map = affine_map<()[s0] -> (s0 * 4)> #map1 = affine_map<()[s0] -> (s0 * 16)> #map2 = affine_map<(d0) -> (d0 * 2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c112 = arith.constant 112 : index @@ -462,7 +462,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk #map = affine_map<()[s0] -> (s0 * 4)> #map1 = affine_map<()[s0] -> (s0 * 16)> #map2 = affine_map<(d0) -> (d0 * 2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c112 = arith.constant 112 : index @@ -520,7 +520,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk #map = affine_map<()[s0] -> (s0 * 4)> #map1 = affine_map<()[s0] -> (s0 * 16)> #map2 = affine_map<(d0) -> (d0 * 2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c112 = arith.constant 112 : index @@ -575,7 +575,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index @@ -602,7 +602,7 @@ func.func @illegal() attributes {hal.executable.target = #executable_target_vulk max_thread_count_per_workgroup = 128, max_workgroup_memory_bytes = 16384, max_workgroup_counts = [65535, 65535, 65535]>> }> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @illegal() attributes {hal.executable.target = #executable_target_vulkan_spirv_fb} { %c0 = arith.constant 0 : index diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_fusion.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_fusion.mlir index ca050b5fb829..e4518a40be8a 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_fusion.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_fusion.mlir @@ -15,7 +15,7 @@ #map4 = affine_map<(d0, d1, d2, d3) -> (d0, d2, d3)> #map5 = affine_map<(d0, d1, d2, d3) -> (d2, d3, d1)> #map6 = affine_map<(d0, d1, d2, d3) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info func.func @matmul_i4_quant_weight() { %c32 = arith.constant 32 : index diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_promotion.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_promotion.mlir index d3ebf521e8c0..df9d3797ff74 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_promotion.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_matmul_promotion.mlir @@ -14,7 +14,7 @@ ]> #compilation = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> #map = affine_map<(d0, d1) -> (d0, d1)> hal.executable @matmul_f32_128x256x64 { hal.executable.variant public @vulkan_spirv_fb target(<"vulkan-spirv", "vulkan-spirv-fb">) { @@ -52,7 +52,7 @@ hal.executable @matmul_f32_128x256x64 { } // CHECK-DAG: #[[$MAP:.+]] = affine_map<(d0) -> ((d0 floordiv 16) mod 2)> -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> #map = affine_map<(d0, d1) -> (d0, d1)> hal.executable @matmul_f32_128x256x64 { hal.executable.variant public @vulkan_spirv_fb target(<"vulkan-spirv", "vulkan-spirv-fb">) { @@ -138,7 +138,7 @@ hal.executable @matmul_f32_128x256x64 { } // CHECK-DAG: #[[$MAP:.+]] = affine_map<(d0) -> ((d0 floordiv 16) mod 3)> -// CHECK-DAG: #[[$TRANSLATION:.+]] = #iree_codegen.translation_info #compilation = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> hal.executable @matmul_f16_4096x512x512 { hal.executable.variant public @vulkan_spirv_fb target(<"vulkan-spirv", "vulkan-spirv-fb">) { hal.executable.export public @matmul_f16_4096x512x512 ordinal(0) layout(#pipeline_layout) { diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_scalar_dispatch.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_scalar_dispatch.mlir index 8aee76176afe..ee39c7d8baab 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_scalar_dispatch.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/lowering_scalar_dispatch.mlir @@ -31,7 +31,7 @@ hal.executable @scalar_dispatch { } // CHECK: func.func @scalar_dispatch() -// CHECK-SAME: translation_info = #iree_codegen.translation_info +// CHECK-SAME: translation_info = #iree_codegen.translation_info // CHECK: %[[SPAN0:.+]] = hal.interface.binding.subspan layout({{.+}}) binding(0) // CHECK: %[[SPAN1:.+]] = hal.interface.binding.subspan layout({{.+}}) binding(1) // CHECK: memref.load %[[SPAN0]][] : memref> diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_matmul_promotion.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_matmul_promotion.mlir index 9e28eb0bbf99..bb396f21bdb4 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_matmul_promotion.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/pipeline_matmul_promotion.mlir @@ -157,7 +157,7 @@ hal.executable @matmul_f16_128x256x64 { #user_config = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> hal.executable @matmul_f16_32x1280x1280 { hal.executable.variant public @vulkan_spirv_fb target(<"vulkan-spirv", "vulkan-spirv-fb">) { diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute.mlir index 9bc566790cc0..5f6e087b4777 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute.mlir @@ -9,7 +9,7 @@ #map6 = affine_map<(d0, d1, d2) -> (d0, d1)> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -77,7 +77,7 @@ hal.executable private @matmul { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -152,7 +152,7 @@ hal.executable private @conv_1d { #map7 = affine_map<(d0)[s0] -> (32, -d0 + s0)> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -265,7 +265,7 @@ hal.executable private @conv_2d { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -333,7 +333,7 @@ hal.executable private @conv_3d { #map7 = affine_map<(d0, d1, d2, d3)[s0] -> (d0 * 1092 + s0 + d1 * 78 + d2 * 6 + d3)> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -398,7 +398,7 @@ module { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_scatter.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_scatter.mlir index 63c4d2e3bf06..df2305587e31 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_scatter.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_scatter.mlir @@ -1,7 +1,7 @@ // RUN: iree-opt --split-input-file --pass-pipeline='builtin.module(hal.executable(hal.executable.variant(builtin.module(func.func(iree-spirv-tile-and-distribute)))))' %s | FileCheck %s #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_sort.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_sort.mlir index 051cd3daefdf..1a7609b06a54 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_sort.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_distribute_sort.mlir @@ -1,7 +1,7 @@ // RUN: iree-opt --split-input-file --pass-pipeline='builtin.module(hal.executable(hal.executable.variant(builtin.module(func.func(iree-spirv-tile-and-distribute, cse)))))' %s | FileCheck %s #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout ]> diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_cooperative_matrix.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_cooperative_matrix.mlir index afc60d50b74a..cdec7efa7351 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_cooperative_matrix.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_cooperative_matrix.mlir @@ -17,7 +17,7 @@ #config = #iree_codegen.lowering_config #map = affine_map<()[s0] -> (s0 * 32)> #map1 = affine_map<(d0, d1) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @matmul_f16_32x32x32() attributes {translation_info = #translation} { %c32 = arith.constant 32 : index %c0 = arith.constant 0 : index @@ -78,7 +78,7 @@ func.func @matmul_f16_32x32x32() attributes {translation_info = #translation} { #map2 = affine_map<(d0, d1, d2, d3) -> (d0, d3, d2)> #map3 = affine_map<(d0, d1, d2, d3) -> (d0, d1, d2)> #map4 = affine_map<(d0, d1, d2) -> (d0, d1, d2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @generic_batch_matmul_f16_32x128x512x64() attributes {translation_info = #translation} { %c32 = arith.constant 32 : index %c128 = arith.constant 128 : index @@ -190,7 +190,7 @@ func.func @generic_batch_matmul_f16_32x128x512x64() attributes {translation_info #map2 = affine_map<(d0, d1, d2, d3) -> (d0, d3, d2)> #map3 = affine_map<(d0, d1, d2, d3) -> (d0, d1, d2)> #map4 = affine_map<(d0, d1, d2) -> (d0, d1, d2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @generic_batch_matmul_f16_32x128x512x64() attributes {translation_info = #translation} { %c32 = arith.constant 32 : index %c128 = arith.constant 128 : index @@ -271,7 +271,7 @@ func.func @generic_batch_matmul_f16_32x128x512x64() attributes {translation_info #map1 = affine_map<(d0, d1, d2, d3) -> (d1, d0, d3)> #map2 = affine_map<(d0, d1, d2, d3) -> (d0, d3, d2)> #map3 = affine_map<(d0, d1, d2, d3) -> (d0, d1, d2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @generic_batch_matmul_f16_32x128x512x64() attributes {translation_info = #translation} { %c32 = arith.constant 32 : index %c128 = arith.constant 128 : index @@ -353,7 +353,7 @@ func.func @generic_batch_matmul_f16_32x128x512x64() attributes {translation_info #map = affine_map<()[s0] -> (s0 * 64)> #map1 = affine_map<()[s0] -> (s0 * 128)> #map2 = affine_map<(d0, d1, d2) -> (d0, d1, d2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @batch_matmul_f16_1x64x128x512() attributes {translation_info = #translation} { %c4096 = arith.constant 4096 : index %c0 = arith.constant 0 : index @@ -430,7 +430,7 @@ func.func @batch_matmul_f16_1x64x128x512() attributes {translation_info = #trans #map1 = affine_map<()[s0] -> (s0 * 128)> #map2 = affine_map<(d0, d1) -> (d1)> #map3 = affine_map<(d0, d1) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @matmul_f16_f512x4096x64() attributes {translation_info = #translation} { %c512 = arith.constant 512 : index %c4096 = arith.constant 4096 : index @@ -519,7 +519,7 @@ func.func @matmul_f16_f512x4096x64() attributes {translation_info = #translation #map1 = affine_map<()[s0] -> (s0 * 128)> #map2 = affine_map<(d0, d1) -> (d0)> #map3 = affine_map<(d0, d1) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @matmul_f16_f512x4096x64() attributes {translation_info = #translation} { %c512 = arith.constant 512 : index %c4096 = arith.constant 4096 : index @@ -607,7 +607,7 @@ func.func @matmul_f16_f512x4096x64() attributes {translation_info = #translation #map1 = affine_map<()[s0] -> (s0 * 128)> #map2 = affine_map<(d0, d1) -> (d0)> #map3 = affine_map<(d0, d1) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @matmul_f16_128x262144x2304() attributes {translation_info = #translation} { %c128 = arith.constant 128 : index %c262144 = arith.constant 262144 : index diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_matmul.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_matmul.mlir index cc235c487c47..e29230c08167 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_matmul.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_promote_matmul.mlir @@ -11,7 +11,7 @@ #map1 = affine_map<(d0, d1)[s0] -> (d0 * 1024 + s0 + d1)> #map2 = affine_map<(d0, d1)[s0] -> (d0 * 128 + s0 + d1)> #map3 = affine_map<(d0, d1) -> (d0, d1)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @matmul_f32_256x1024x128() attributes {translation_info = #translation} { %c1024 = arith.constant 1024 : index %c256 = arith.constant 256 : index @@ -119,7 +119,7 @@ func.func @matmul_f32_256x1024x128() attributes {translation_info = #translation #map = affine_map<()[s0] -> (s0 * 64)> #map1 = affine_map<()[s0] -> (s0 * 256)> #map2 = affine_map<(d0, d1, d2) -> (d0, d1, d2)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @batch_matmul_16x1024x1024x80() attributes {translation_info = #translation} { %c0 = arith.constant 0 : index %c16 = arith.constant 16 : index @@ -183,7 +183,7 @@ func.func @batch_matmul_16x1024x1024x80() attributes {translation_info = #transl #config = #iree_codegen.lowering_config #map = affine_map<()[s0] -> (s0 * 512)> #map1 = affine_map<()[s0] -> (s0 * 8)> -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @batch_matmul_f32_16x4096x40x4096() attributes {translation_info = #translation} { %c16 = arith.constant 16 : index %c4096 = arith.constant 4096 : index diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_batch_matmul.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_batch_matmul.mlir index aa1e45f8f054..156e199d2924 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_batch_matmul.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_batch_matmul.mlir @@ -3,7 +3,7 @@ // RUN: %s | FileCheck %s #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_conv.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_conv.mlir index ec4976c2e972..a0d8b81b3ea9 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_conv.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_conv.mlir @@ -3,7 +3,7 @@ // RUN: %s | FileCheck %s #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -75,7 +75,7 @@ hal.executable private @nhwc_conv_static_shape_f32 { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -143,7 +143,7 @@ hal.executable private @nhwc_nhwc_depthwise_conv_static_shape_f32 { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -259,7 +259,7 @@ hal.executable private @low_padded_conv { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -378,7 +378,7 @@ hal.executable private @low_high_padded_nhwc_depthwise_conv { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, @@ -450,7 +450,7 @@ hal.executable private @nchw_conv_static_shape_f32 { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_matmul.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_matmul.mlir index 5487820f7324..fe7039fd068a 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_matmul.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_matmul.mlir @@ -2,7 +2,7 @@ // RUN: --pass-pipeline='builtin.module(hal.executable(hal.executable.variant(builtin.module(func.func(iree-codegen-gpu-tile,canonicalize,cse,iree-codegen-generic-vectorization,iree-spirv-initial-vector-lowering,iree-codegen-optimize-tensor-insert-extract-slices,iree-spirv-final-vector-lowering,canonicalize,cse)))))' %s | FileCheck %s #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, @@ -62,7 +62,7 @@ hal.executable private @matmul_static_shape_f16 { // ----- #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding, diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_pooling.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_pooling.mlir index fb3e57cab908..5ba5eab3a142 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_pooling.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_pooling.mlir @@ -3,7 +3,7 @@ // RUN: %s | FileCheck %s #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info #pipeline_layout = #hal.pipeline.layout, #hal.pipeline.binding diff --git a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_to_cooperative_ops.mlir b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_to_cooperative_ops.mlir index d57d1631bd77..e230d0a80996 100644 --- a/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_to_cooperative_ops.mlir +++ b/compiler/src/iree/compiler/Codegen/SPIRV/test/tile_and_vectorize_to_cooperative_ops.mlir @@ -10,7 +10,7 @@ #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @matmul_256x1024x128_div_add() attributes {translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index @@ -139,7 +139,7 @@ func.func @matmul_256x1024x128_div_add() attributes {translation_info = #transla #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @matmul_256x1024x128_div_add() attributes {translation_info = #translation} { %cst = arith.constant 0.000000e+00 : f16 %c0 = arith.constant 0 : index @@ -274,7 +274,7 @@ func.func @matmul_256x1024x128_div_add() attributes {translation_info = #transla #hal.pipeline.binding ]> #config = #iree_codegen.lowering_config -#translation = #iree_codegen.translation_info +#translation = #iree_codegen.translation_info func.func @matmul_256x1024x128_mixed_signedness_int8() { %cst = arith.constant 0 : i32 %cst_i8 = arith.constant 0 : i8 diff --git a/compiler/src/iree/compiler/Codegen/VMVX/test/select_lowering_strategy.mlir b/compiler/src/iree/compiler/Codegen/VMVX/test/select_lowering_strategy.mlir index b76a29e9fa24..ecc662357740 100644 --- a/compiler/src/iree/compiler/Codegen/VMVX/test/select_lowering_strategy.mlir +++ b/compiler/src/iree/compiler/Codegen/VMVX/test/select_lowering_strategy.mlir @@ -21,7 +21,7 @@ func.func @matmul_static() attributes {hal.executable.target = #executable_targe } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @matmul_static // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -53,7 +53,7 @@ func.func @copy_op_dynamic() attributes {hal.executable.target = #executable_tar } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @copy_op_dynamic // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -82,7 +82,7 @@ func.func @static_1d_fft_stage2() attributes {hal.executable.target = #executabl } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @static_1d_fft_stage2 // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: iree_linalg_ext.fft @@ -141,7 +141,7 @@ func.func @fusion_quant_matmul_generic() attributes {hal.executable.target = #ex } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @fusion_quant_matmul_generic // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.matmul @@ -175,7 +175,7 @@ func.func @unpack_outer_dynamic() attributes {hal.executable.target = #executabl } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @unpack_outer_dynamic // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: tensor.unpack @@ -219,7 +219,7 @@ func.func @elem_pack_ukernels() attributes {hal.executable.target = #executable_ } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @elem_pack_ukernels // CHECK-SAME: translation_info = #[[TRANSLATION]] // CHECK: linalg.generic @@ -246,6 +246,6 @@ func.func @copy_cst() attributes {hal.executable.target = #executable_target_vmv return } -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: func.func @copy_cst // CHECK-SAME: translation_info = #[[TRANSLATION]] diff --git a/compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/cmd_ops.mlir b/compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/cmd_ops.mlir index e2e904770881..7751792642a4 100644 --- a/compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/cmd_ops.mlir +++ b/compiler/src/iree/compiler/Dialect/HAL/Conversion/StreamToHAL/test/cmd_ops.mlir @@ -257,7 +257,7 @@ hal.executable private @ex { hal.return %selected : i1 } hal.executable.export public @dispatch ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index, %arg2: index): // no predecessors %c1 = arith.constant 1 : index @@ -270,7 +270,7 @@ hal.executable private @ex { } hal.executable.variant public @x86_64 target(#executable_target_x86_64) { hal.executable.export public @dispatch ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index, %arg2: index): // no predecessors %c1 = arith.constant 1 : index diff --git a/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/capture_executable_sources.mlir b/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/capture_executable_sources.mlir index c5e799ade1b6..37a4a81abbb5 100644 --- a/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/capture_executable_sources.mlir +++ b/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/capture_executable_sources.mlir @@ -18,7 +18,7 @@ hal.executable private @ex0 { // CHECK: hal.executable.export public @dispatch0 // CHECK-SAME: source_locs = {configured = #[[EX0_VARIANT0_LOC]]} hal.executable.export public @dispatch0 ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index, %arg2: index): // no predecessors %c1 = arith.constant 1 : index @@ -40,7 +40,7 @@ hal.executable private @ex1 { // CHECK: hal.executable.export public @dispatch1 // CHECK-SAME: source_locs = {configured = #[[EX1_VARIANT1_LOC]]} hal.executable.export public @dispatch1 ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index, %arg2: index): // no predecessors %c1 = arith.constant 1 : index diff --git a/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_benchmarks.mlir b/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_benchmarks.mlir index d91f19efd4bc..7774ac3a1213 100644 --- a/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_benchmarks.mlir +++ b/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_benchmarks.mlir @@ -25,7 +25,7 @@ util.global private @device = #hal.device.target<"local", [ hal.executable private @ex0 { hal.executable.variant public @embedded_elf_x86_64 target(#executable_target_embedded_elf_x86_64) { hal.executable.export public @dispatch0 ordinal(0) layout(#pipeline_layout_0) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index): %x, %y, %z = flow.dispatch.workgroup_count_from_dag_root %arg0 @@ -38,7 +38,7 @@ hal.executable private @ex0 { } hal.executable.export public @dispatch1 ordinal(1) layout(#pipeline_layout_1) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index): %c1 = arith.constant 1 : index @@ -185,7 +185,7 @@ util.global private @device_b = #hal.device.target<"local", [ hal.executable private @ex_0 { hal.executable.variant public @variant_a target(#executable_target_embedded_elf_aarch64) { hal.executable.export public @dispatch0 ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index): %x, %y, %z = flow.dispatch.workgroup_count_from_dag_root %arg0 @@ -197,7 +197,7 @@ hal.executable private @ex_0 { } } hal.executable.export public @dispatch1 ordinal(1) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index): %x, %y, %z = flow.dispatch.workgroup_count_from_dag_root %arg0 @@ -211,7 +211,7 @@ hal.executable private @ex_0 { } hal.executable.variant public @variant_b target(#executable_target_embedded_elf_x86_64) { hal.executable.export public @dispatch0 ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index): %x, %y, %z = flow.dispatch.workgroup_count_from_dag_root %arg0 @@ -223,7 +223,7 @@ hal.executable private @ex_0 { } } hal.executable.export public @dispatch1 ordinal(1) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index): %x, %y, %z = flow.dispatch.workgroup_count_from_dag_root %arg0 @@ -239,7 +239,7 @@ hal.executable private @ex_0 { hal.executable private @ex_1 { hal.executable.variant public @variant_b target(#executable_target_embedded_elf_x86_64) { hal.executable.export public @dispatch0 ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index): %x, %y, %z = flow.dispatch.workgroup_count_from_dag_root %arg0 diff --git a/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_sources.mlir b/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_sources.mlir index d22f7a187ecf..68d9d7dd815c 100644 --- a/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_sources.mlir +++ b/compiler/src/iree/compiler/Dialect/HAL/Transforms/test/dump_executable_sources.mlir @@ -16,7 +16,7 @@ hal.executable private @ex0 { // CHECK-NEXT: hal.executable.variant {{.+}} target(<"llvm-cpu" hal.executable.variant public @embedded_elf_x86_64 target(#executable_target_embedded_elf_x86_64) { hal.executable.export public @dispatch0 ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index, %arg2: index): // no predecessors %c1 = arith.constant 1 : index @@ -35,7 +35,7 @@ hal.executable private @ex0 { hal.executable private @ex1 { hal.executable.variant public @embedded_elf_x86_64 target(#executable_target_embedded_elf_x86_64) { hal.executable.export public @dispatch1 ordinal(0) layout(#pipeline_layout) attributes { - translation_info = #iree_codegen.translation_info + translation_info = #iree_codegen.translation_info } { ^bb0(%device: !hal.device, %arg0: index, %arg1: index, %arg2: index): // no predecessors %c1 = arith.constant 1 : index diff --git a/compiler/src/iree/compiler/DispatchCreation/test/set_encoding.mlir b/compiler/src/iree/compiler/DispatchCreation/test/set_encoding.mlir index 3b0035efa52b..617aec0b670c 100644 --- a/compiler/src/iree/compiler/DispatchCreation/test/set_encoding.mlir +++ b/compiler/src/iree/compiler/DispatchCreation/test/set_encoding.mlir @@ -535,11 +535,11 @@ util.func public @fold_fill_with_tensor_pad(%arg0 : index, %arg1 : index, %arg2 #compilation0 = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> #compilation1 = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> util.func public @preset_compilation_info( diff --git a/compiler/src/iree/compiler/DispatchCreation/test/split_reduction.mlir b/compiler/src/iree/compiler/DispatchCreation/test/split_reduction.mlir index 2ce033ab8f61..aeb786dc1eff 100644 --- a/compiler/src/iree/compiler/DispatchCreation/test/split_reduction.mlir +++ b/compiler/src/iree/compiler/DispatchCreation/test/split_reduction.mlir @@ -2,7 +2,7 @@ #compilation = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> util.func public @matmul(%arg0: tensor<100x200xf32>, %arg1: tensor<200x300xf32>, %arg2: tensor<100x300xf32>) -> tensor<100x300xf32> { %0 = linalg.matmul {compilation_info = #compilation} ins(%arg0, %arg1 : tensor<100x200xf32>, tensor<200x300xf32>) @@ -10,7 +10,7 @@ util.func public @matmul(%arg0: tensor<100x200xf32>, %arg1: tensor<200x300xf32>, util.return %0 : tensor<100x300xf32> } // CHECK-DAG: #[[CONFIG:.+]] = #iree_codegen.lowering_config -// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info +// CHECK-DAG: #[[TRANSLATION:.+]] = #iree_codegen.translation_info // CHECK: #[[INFO:.+]] = #iree_codegen.compilation_info // CHECK: util.func public @matmul // CHECK: linalg.generic diff --git a/samples/transform_dialect/example_module.mlir b/samples/transform_dialect/example_module.mlir index 40f2fee9cb0e..bfec158d393f 100644 --- a/samples/transform_dialect/example_module.mlir +++ b/samples/transform_dialect/example_module.mlir @@ -136,9 +136,9 @@ module attributes { // RUN: FileCheck %s --check-prefixes=CODEGEN-PRINTER // CODEGEN-PRINTER: IR printer: Setting matmul strategy to custom_transform_strategy -// CODEGEN-PRINTER: translation_info = #iree_codegen.translation_info +// CODEGEN-PRINTER: translation_info = #iree_codegen.translation_info // CODEGEN-PRINTER: IR printer: Setting reduce strategy to base vectorize top-level -// CODEGEN-PRINTER: translation_info = #iree_codegen.translation_info +// CODEGEN-PRINTER: translation_info = #iree_codegen.translation_info /// Then test with threading to make sure it runs // RUN: iree-compile %s --iree-hal-target-backends=vulkan \ diff --git a/samples/transform_dialect/transform_library.mlir b/samples/transform_dialect/transform_library.mlir index 9f5f0378a802..678708e8a1cb 100644 --- a/samples/transform_dialect/transform_library.mlir +++ b/samples/transform_dialect/transform_library.mlir @@ -57,7 +57,7 @@ module attributes { transform.with_named_sequence } { transform.named_sequence @custom_matmul(%matmul: !transform.any_op {transform.readonly}) { %variant_op = transform.get_parent_op %matmul {op_name = "hal.executable.variant"} : (!transform.any_op) -> !transform.any_op %funcs = transform.structured.match ops{["func.func"]} in %variant_op : (!transform.any_op) -> !transform.any_op - %subgroup_reduce = transform.param.constant #iree_codegen.translation_info -> !transform.any_param transform.annotate %funcs "translation_info" = %subgroup_reduce : !transform.any_op, !transform.any_param transform.print {name = "Setting matmul strategy to custom_transform_strategy"} @@ -70,7 +70,7 @@ module attributes { transform.with_named_sequence } { %lowering_config = transform.param.constant #iree_codegen.lowering_config -> !transform.any_param transform.annotate %reduce "lowering_config" = %lowering_config : !transform.any_op, !transform.any_param %funcs = transform.structured.match ops{["func.func"]} in %variant_op : (!transform.any_op) -> !transform.any_op - %subgroup_reduce = transform.param.constant #iree_codegen.translation_info -> !transform.any_param + %subgroup_reduce = transform.param.constant #iree_codegen.translation_info -> !transform.any_param transform.annotate %funcs "translation_info" = %subgroup_reduce : !transform.any_op, !transform.any_param transform.print {name = "Setting reduce strategy to base vectorize"} transform.yield diff --git a/tests/e2e/matmul/generate_e2e_matmul_tests.py b/tests/e2e/matmul/generate_e2e_matmul_tests.py index 9ced22c5b1dc..7bc226921211 100644 --- a/tests/e2e/matmul/generate_e2e_matmul_tests.py +++ b/tests/e2e/matmul/generate_e2e_matmul_tests.py @@ -147,7 +147,7 @@ def get_compilation_info_attr(self) -> str: f" subgroup_n_count = {self.mma_schedule.n_count}, " f" workgroup = {self.workgroup_tile}, " f" reduction = {self.reduction_tile} }}>,\n" - f" translation_info = <{compiler_pipeline} {self.workgroup_size_str()}\n" + f" translation_info = #iree_codegen.translation_info>\n" ) @@ -177,7 +177,7 @@ def get_compilation_info_attr(self) -> str: return ( "#iree_codegen.compilation_info<\n" f" lowering_config = #iree_codegen.lowering_config,\n" - f" translation_info = <{compiler_pipeline} {self.workgroup_size_str()}\n" + f" translation_info = #iree_codegen.translation_info>" ) diff --git a/tests/e2e/regression/lowering_config.mlir b/tests/e2e/regression/lowering_config.mlir index bbf63013aa27..b89cef39ef86 100644 --- a/tests/e2e/regression/lowering_config.mlir +++ b/tests/e2e/regression/lowering_config.mlir @@ -1,12 +1,12 @@ #compilation0 = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> #compilation1 = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> #compilation2 = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> func.func @lowering_config_test() { %a = util.unfoldable_constant dense<1.0> : tensor<128x256xf32> @@ -25,11 +25,11 @@ func.func @lowering_config_test() { // Remove H #conv_compilation0 = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> // Remove W #conv_compilation1 = #iree_codegen.compilation_info< lowering_config = #iree_codegen.lowering_config, - translation_info = > + translation_info = #iree_codegen.translation_info> func.func @conv() { %input = util.unfoldable_constant dense<1.0> : tensor<36x7x7x512xf32> %filter = util.unfoldable_constant dense<1.0> : tensor<3x3x512x512xf32> diff --git a/tests/transform_dialect/cpu/transform_library.mlir b/tests/transform_dialect/cpu/transform_library.mlir index 69d946d30bb0..92c8953918a8 100644 --- a/tests/transform_dialect/cpu/transform_library.mlir +++ b/tests/transform_dialect/cpu/transform_library.mlir @@ -28,7 +28,7 @@ module attributes { transform.with_named_sequence } { // CSE is needed on the workgroup_count region to pass this particular test. transform.apply_cse to %memref_func : !transform.any_op - %none_attr = transform.param.constant #iree_codegen.translation_info -> !transform.any_param + %none_attr = transform.param.constant #iree_codegen.translation_info -> !transform.any_param transform.annotate %memref_func "translation_info" = %none_attr : !transform.any_op, !transform.any_param transform.yield }