diff --git a/mlir/include/mlir/Dialect/XeGPU/Transforms/Passes.td b/mlir/include/mlir/Dialect/XeGPU/Transforms/Passes.td index 3e81f2d0ed786..bdea88cfd7022 100644 --- a/mlir/include/mlir/Dialect/XeGPU/Transforms/Passes.td +++ b/mlir/include/mlir/Dialect/XeGPU/Transforms/Passes.td @@ -6,7 +6,6 @@ // //===----------------------------------------------------------------------===// - #ifndef MLIR_DIALECT_XEGPU_TRANSFORMS_PASSES_TD #define MLIR_DIALECT_XEGPU_TRANSFORMS_PASSES_TD @@ -18,9 +17,7 @@ def XeGPUFoldAliasOps : Pass<"xegpu-fold-alias-ops"> { The pass folds aliasing ops into XeGPU ops that they operate on the original source references. }]; - let dependentDialects = [ - "memref::MemRefDialect", "xegpu::XeGPUDialect" - ]; + let dependentDialects = ["memref::MemRefDialect", "xegpu::XeGPUDialect"]; } def XeGPUSubgroupDistribute : Pass<"xegpu-subgroup-distribute"> { @@ -28,14 +25,24 @@ def XeGPUSubgroupDistribute : Pass<"xegpu-subgroup-distribute"> { let description = [{ The pass distributes subgroup level (SIMD) XeGPU ops to work items. }]; - let dependentDialects = [ - "memref::MemRefDialect", "xegpu::XeGPUDialect", "vector::VectorDialect" - ]; - let options = [ - Option<"printOnly", "print-analysis-only", "bool", - /*default=*/"false", - "Print the result of the subgroup map propagation analysis and exit."> - ]; + let dependentDialects = ["memref::MemRefDialect", "xegpu::XeGPUDialect", + "vector::VectorDialect"]; + let options = [Option< + "printOnly", "print-analysis-only", "bool", + /*default=*/"false", + "Print the result of the subgroup map propagation analysis and exit.">]; +} + +def XeGPUWgToSg : Pass<"xegpu-wg-to-sg", "::mlir::gpu::GPUModuleOp"> { + let summary = "Transform WorkGroup level XeGPU code to SubGroup level"; + let description = [{ + This transform pass distributes the workgroup level computation to + multiple subgroups based on the sg_layout and sg_data attributes. + }]; + + let dependentDialects = ["memref::MemRefDialect", "xegpu::XeGPUDialect", + "vector::VectorDialect", "arith::ArithDialect", + "gpu::GPUDialect", "index::IndexDialect"]; } #endif // MLIR_DIALECT_XEGPU_TRANSFORMS_PASSES_TD diff --git a/mlir/include/mlir/Dialect/XeGPU/Transforms/Transforms.h b/mlir/include/mlir/Dialect/XeGPU/Transforms/Transforms.h index 559cc3ece62fb..1029c66f97461 100644 --- a/mlir/include/mlir/Dialect/XeGPU/Transforms/Transforms.h +++ b/mlir/include/mlir/Dialect/XeGPU/Transforms/Transforms.h @@ -62,6 +62,7 @@ void populateXeGPUFoldAliasOpsPatterns(RewritePatternSet &patterns); /// Appends patterns for XeGPU SIMT distribution into `patterns`. void populateXeGPUSubgroupDistributePatterns(RewritePatternSet &patterns); +void populateXeGPUWgToSgPatterns(RewritePatternSet &patterns); /// Collect a set of patterns to unroll xegpu operations to a smaller shapes. /// Users can control whether an operation to be unrolled or not, as well as diff --git a/mlir/lib/Dialect/XeGPU/Transforms/CMakeLists.txt b/mlir/lib/Dialect/XeGPU/Transforms/CMakeLists.txt index 892eb791c46e7..81938ba1d5ba3 100644 --- a/mlir/lib/Dialect/XeGPU/Transforms/CMakeLists.txt +++ b/mlir/lib/Dialect/XeGPU/Transforms/CMakeLists.txt @@ -2,6 +2,7 @@ add_mlir_dialect_library(MLIRXeGPUTransforms XeGPUFoldAliasOps.cpp XeGPUSubgroupDistribute.cpp XeGPUUnroll.cpp + XeGPUWgToSg.cpp ADDITIONAL_HEADER_DIRS ${MLIR_MAIN_INCLUDE_DIR}/mlir/Dialect/XeGPU diff --git a/mlir/lib/Dialect/XeGPU/Transforms/XeGPUWgToSg.cpp b/mlir/lib/Dialect/XeGPU/Transforms/XeGPUWgToSg.cpp new file mode 100644 index 0000000000000..f8478289d3b91 --- /dev/null +++ b/mlir/lib/Dialect/XeGPU/Transforms/XeGPUWgToSg.cpp @@ -0,0 +1,384 @@ +//===- XeGPUWgToSg.cpp - XeGPU Workgroup to Subgroup Pass -----------------===// +// +// Part of the LLVM Project, under the Apache License v2.0 with LLVM Exceptions. +// See https://llvm.org/LICENSE.txt for license information. +// SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception +// +//===----------------------------------------------------------------------===// +#include "mlir/Dialect/XeGPU/Transforms/Passes.h" + +#include "mlir/Dialect/Index/IR/IndexDialect.h" +#include "mlir/Dialect/MemRef/IR/MemRef.h" +#include "mlir/Dialect/Utils/IndexingUtils.h" +#include "mlir/Dialect/XeGPU/IR/XeGPU.h" +#include "mlir/Dialect/XeGPU/Transforms/Transforms.h" +#include "mlir/Transforms/DialectConversion.h" +#include "llvm/Support/Debug.h" +#include +#include +#include + +namespace mlir { +namespace xegpu { +#define GEN_PASS_DEF_XEGPUWGTOSG +#include "mlir/Dialect/XeGPU/Transforms/Passes.h.inc" +} // namespace xegpu +} // namespace mlir + +using namespace mlir; + +namespace { + +/// This pattern transforms the CreateNdDescOp to create a subgroup descriptor +/// from a workgroup descriptor. It replaces the offsets and sizes with +/// appropriate values for the subgroup. +/// It uses round-robin assignment to distribute the work to the subgroups. +/// Following create_nd_desc operation:, +/// %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x24xf32> +/// -> !xegpu.tensor_desc<24x24xf32, #xegpu.layout> +/// is converted to 9 subgroup level operations based on the sg_layout & +/// sg_data: +/// %tdesc = xegpu.create_nd_tdesc %src[off1, off2] : memref<24x24xf32> -> +/// !xegpu.tensor_desc<2x2xf32, #xegpu.layout> +/// +/// The sg_layout and sg_data attributes are dropped after the pass as they are +/// no longer needed. +/// +/// 24x24 matrix distribution example: +/// sg_layout = [4, 4], sg_data = [2, 2] +/// Each 8x8 matrix within the 24x24 matrix is called a distribution unit. +/// dist_unit_shape = [8, 8] --> sg_layout[i] * sg_data[i] +/// +/// +------------------------+ +/// | 8x8 | 8x8 | 8x8 | <- 3 tiles across +/// |-----+-----+-----| +/// | 8x8 | 8x8 | 8x8 | <- 3 tiles down +/// |-----+-----+-----| +/// | 8x8 | 8x8 | 8x8 | +/// +------------------------+ +/// +/// Each 8x8 tile is further subdivided among subgroups: +/// +------------------------+ +/// | 2x2 2x2 2x2 2x2 | <- 4 subgroups across (each handles 2 columns) +/// | 2x2 2x2 2x2 2x2 | <- 4 subgroups down (each handles 2 rows) +/// | 2x2 2x2 2x2 2x2 | +/// | 2x2 2x2 2x2 2x2 | +/// +------------------------+ +/// +/// Since the 24x24 matrix is divided into 8x8 distribution units, there will be +/// 9 distribution units (3x3) in total. Hence the 9 subgroup level operations. +struct WgToSgCreateNdOp : public OpConversionPattern { + using OpConversionPattern::OpConversionPattern; + + // Helper to extract mixed offsets into a Value array + SmallVector extractOffsets(ConversionPatternRewriter &rewriter, + xegpu::CreateNdDescOp op) const { + llvm::SmallVector offsets; + auto staticOffsets = op.getStaticOffsets(); + auto dynamicOffsets = op.getOffsets(); + + for (size_t i = 0, j = 0; i != staticOffsets.size(); i++) { + if (ShapedType::isDynamic(staticOffsets[i])) + offsets.push_back(dynamicOffsets[j++]); + else + offsets.push_back(rewriter.create( + op.getLoc(), staticOffsets[i])); + } + return offsets; + } + + // Convert linear subgroup ID to 2D coordinates + // TODO: Delinearize for nD + SmallVector delinearizeSubgroupId(ConversionPatternRewriter &rewriter, + Location loc, Value sgID, + Value sgDimX, Value sgDimY) const { + return {rewriter.create(loc, sgID, sgDimY), + rewriter.create(loc, sgID, sgDimY)}; + } + + // Create a constant index value + Value createConstantIndex(ConversionPatternRewriter &rewriter, Location loc, + int64_t value) const { + return rewriter.create(loc, value); + } + + // Calculate offset for each subgroup + SmallVector + calculateGlobalOffsets(ConversionPatternRewriter &rewriter, Location loc, + const SmallVector &originalOffsets, + const SmallVector &localOffset, + const SmallVector &distUnitBaseAddr) const { + + Value constOffsetX = + createConstantIndex(rewriter, loc, distUnitBaseAddr[0]); + Value constOffsetY = + createConstantIndex(rewriter, loc, distUnitBaseAddr[1]); + + Value offsetX = + rewriter.createOrFold(loc, localOffset[0], constOffsetX); + Value offsetY = + rewriter.createOrFold(loc, localOffset[1], constOffsetY); + + size_t lastDimIndex = originalOffsets.size() - 1; + size_t secondLastDimIndex = lastDimIndex - 1; + + Value globalOffsetX = rewriter.createOrFold( + loc, originalOffsets[secondLastDimIndex], offsetX); + Value globalOffsetY = rewriter.createOrFold( + loc, originalOffsets[lastDimIndex], offsetY); + + SmallVector globalOffsets(originalOffsets.begin(), + originalOffsets.end()); + globalOffsets[secondLastDimIndex] = globalOffsetX; + globalOffsets[lastDimIndex] = globalOffsetY; + + return globalOffsets; + } + + LogicalResult + matchAndRewrite(xegpu::CreateNdDescOp op, OneToNOpAdaptor adaptor, + ConversionPatternRewriter &rewriter) const override { + Location loc = op.getLoc(); + MLIRContext *ctx = op.getContext(); + xegpu::TensorDescType tdescTy = op.getType(); + auto layout = dyn_cast(tdescTy.getLayout()); + if (!layout) + return failure(); + Type elemTy = tdescTy.getElementType(); + ArrayRef wgShape = tdescTy.getShape(); + SmallVector sgShape = + llvm::to_vector_of(layout.getSgData().asArrayRef()); + SmallVector sgLayout = + llvm::to_vector_of(layout.getSgLayout().asArrayRef()); + + // TODO : Handle order attribute + // Get the subgroup ID + auto linearSgId = rewriter.create(loc, nullptr); + + // Create constants for layout dimensions + SmallVector sgLayoutDim(sgLayout.size()); + SmallVector sgDataDim(sgShape.size()); + + for (size_t i = 0; i < sgLayout.size(); i++) { + sgLayoutDim[i] = createConstantIndex(rewriter, loc, sgLayout[i]); + sgDataDim[i] = createConstantIndex(rewriter, loc, sgShape[i]); + } + + // Delinearize the 1D subgroup id into 2d + SmallVector sgIds = delinearizeSubgroupId( + rewriter, loc, linearSgId, sgLayoutDim[0], sgLayoutDim[1]); + + // Calculate distribution unit shape and local offsets for subgroup + SmallVector distUnitShape(sgLayout.size()); + SmallVector localOffset(sgLayout.size()); + for (size_t i = 0; i < sgLayout.size(); i++) { + distUnitShape[i] = sgLayout[i] * sgShape[i]; + localOffset[i] = + rewriter.createOrFold(loc, sgIds[i], sgDataDim[i]); + } + + SmallVector originalOffsets = extractOffsets(rewriter, op); + + xegpu::TensorDescType newTdescTy = + xegpu::TensorDescType::get(ctx, sgShape, elemTy, tdescTy.getEncoding(), + layout.dropSgLayoutAndData()); + SmallVector newCreateNdOps; + for (SmallVector distUnitBaseAddr : + StaticTileOffsetRange(wgShape, distUnitShape)) { + SmallVector globalOffsets = calculateGlobalOffsets( + rewriter, loc, originalOffsets, localOffset, distUnitBaseAddr); + + auto newCreateNdOp = rewriter.create( + loc, newTdescTy, op.getSource(), globalOffsets, op.getMixedSizes(), + op.getMixedStrides()); + newCreateNdOps.push_back(newCreateNdOp); + } + + rewriter.replaceOpWithMultiple(op, {newCreateNdOps}); + return success(); + } +}; + +/// This pattern transforms the LoadNdOp to load subgroup data. +struct WgToSgLoadNdOp : public OpConversionPattern { + using OpConversionPattern::OpConversionPattern; + LogicalResult + matchAndRewrite(xegpu::LoadNdOp op, OneToNOpAdaptor adaptor, + ConversionPatternRewriter &rewriter) const override { + SmallVector newLoadOps; + for (auto src : adaptor.getTensorDesc()) { + xegpu::TensorDescType tdescTy = + dyn_cast(src.getType()); + ArrayRef srcShape = tdescTy.getShape(); + VectorType newResTy = VectorType::get(srcShape, tdescTy.getElementType()); + auto newLoadOp = rewriter.create(op.getLoc(), newResTy, + src, op->getAttrs()); + newLoadOps.push_back(newLoadOp); + } + rewriter.replaceOpWithMultiple(op, {newLoadOps}); + return mlir::success(); + } +}; + +/// This pattern transforms the StoreNdOp to store to a subgroup descriptor +/// It creates a StoreNdOp op to store the updated values to the new subgroup +/// src tensor descriptors. +struct WgToSgStoreNdOp : public OpConversionPattern { + using OpConversionPattern::OpConversionPattern; + LogicalResult + matchAndRewrite(xegpu::StoreNdOp op, OneToNOpAdaptor adaptor, + ConversionPatternRewriter &rewriter) const override { + for (auto [v, t] : llvm::zip(adaptor.getValue(), adaptor.getTensorDesc())) + rewriter.create(op.getLoc(), v, t, op.getL1HintAttr(), + op.getL2HintAttr(), op.getL3HintAttr()); + + rewriter.eraseOp(op); + return success(); + } +}; + +/// This pattern transforms the UpdateNdOffsetOp to update the offsets of a +/// subgroup descriptor. It creates an UpdateNdOffsetOp op to update the +/// offsets of the new subgroup src tensor descriptors. +struct WgToSgUpdateNdOffsetOp + : public OpConversionPattern { + using OpConversionPattern::OpConversionPattern; + LogicalResult + matchAndRewrite(xegpu::UpdateNdOffsetOp op, OneToNOpAdaptor adaptor, + ConversionPatternRewriter &rewriter) const override { + llvm::SmallVector newUpdateTileOffsetOps; + for (auto tDesc : adaptor.getTensorDesc()) { + auto newUpdateTileOffsetOp = rewriter.create( + op.getLoc(), tDesc.getType(), tDesc, op.getOffsets(), + op.getConstOffsets()); + newUpdateTileOffsetOps.push_back(newUpdateTileOffsetOp); + } + + rewriter.replaceOpWithMultiple(op, {newUpdateTileOffsetOps}); + return success(); + } +}; + +/// This pattern transforms the DpasOp to work at subgroup level. +struct WgToSgDpasOp : public OpConversionPattern { + using OpConversionPattern::OpConversionPattern; + LogicalResult + matchAndRewrite(xegpu::DpasOp op, OneToNOpAdaptor adaptor, + ConversionPatternRewriter &rewriter) const override { + Location loc = op.getLoc(); + VectorType resultTy = op.getResult().getType(); + if (resultTy.getRank() != 2) + return failure(); + + auto originalLayout = + llvm::dyn_cast_or_null(op->getAttr("layout")); + if (!originalLayout) + return failure(); + + SmallVector newDpasOps; + size_t i = 0; + for (auto aVec : adaptor.getLhs()) { + for (auto bVec : adaptor.getRhs()) { + + llvm::SmallVector operands({aVec, bVec}); + Value tmpC; + if (op.getAcc()) { + tmpC = adaptor.getAcc()[i++]; + operands.push_back(tmpC); + } + + ArrayRef aVecShape = + llvm::cast(aVec.getType()).getShape(); + ArrayRef bVecShape = + llvm::cast(bVec.getType()).getShape(); + VectorType resTy = VectorType::get({aVecShape[0], bVecShape[1]}, + resultTy.getElementType()); + tmpC = rewriter.create( + loc, resTy, operands, + llvm::ArrayRef( + {"layout", originalLayout.dropSgLayoutAndData()})); + newDpasOps.push_back(tmpC); + } + } + rewriter.replaceOpWithMultiple(op, {newDpasOps}); + return success(); + } +}; + +/// This pattern transforms the PrefetchNdOp to prefetch the subgroup data. +struct WgToSgPrefetchNdOp : public OpConversionPattern { + using OpConversionPattern::OpConversionPattern; + LogicalResult + matchAndRewrite(xegpu::PrefetchNdOp op, OneToNOpAdaptor adaptor, + ConversionPatternRewriter &rewriter) const override { + for (auto src : adaptor.getTensorDesc()) + rewriter.create(op.getLoc(), TypeRange(), src, + op->getAttrs()); + rewriter.eraseOp(op); + return success(); + } +}; + +} // namespace + +namespace mlir { +namespace xegpu { +void populateXeGPUWgToSgPatterns(RewritePatternSet &patterns) { + patterns.add( + patterns.getContext()); +} +} // namespace xegpu +} // namespace mlir + +namespace { +struct XeGPUWgToSgPass : public xegpu::impl::XeGPUWgToSgBase { + void runOnOperation() override; +}; +} // namespace + +void XeGPUWgToSgPass::runOnOperation() { + MLIRContext *ctx = &getContext(); + RewritePatternSet patterns(ctx); + ConversionTarget target(*ctx); + + auto getTensorDescType = [](Operation *op) -> xegpu::TensorDescType { + if (auto createOp = dyn_cast(op)) + return createOp.getType(); + if (auto loadOp = dyn_cast(op)) + return loadOp.getTensorDescType(); + if (auto storeOp = dyn_cast(op)) + return storeOp.getTensorDescType(); + if (auto updateOp = dyn_cast(op)) + return updateOp.getType(); + if (auto prefetchOp = dyn_cast(op)) + return prefetchOp.getTensorDescType(); + return xegpu::TensorDescType(); + }; + + auto isLegal = [&](xegpu::LayoutAttr layout) -> bool { + return !layout || layout.getSgLayout() == nullptr; + }; + + target.addDynamicallyLegalOp([=](Operation *op) -> bool { + auto tdescTy = getTensorDescType(op); + auto layout = dyn_cast_or_null(tdescTy.getLayout()); + return isLegal(layout); + }); + + target.addDynamicallyLegalOp([=](xegpu::DpasOp op) -> bool { + auto layout = dyn_cast_or_null(op->getAttr("layout")); + return isLegal(layout); + }); + + target.markUnknownOpDynamicallyLegal([](Operation *) { return true; }); + + xegpu::populateXeGPUWgToSgPatterns(patterns); + if (failed( + applyPartialConversion(getOperation(), target, std::move(patterns)))) + return signalPassFailure(); +} diff --git a/mlir/test/Dialect/XeGPU/xegpu-wg-to-sg-rr.mlir b/mlir/test/Dialect/XeGPU/xegpu-wg-to-sg-rr.mlir new file mode 100644 index 0000000000000..3096759e3ac8c --- /dev/null +++ b/mlir/test/Dialect/XeGPU/xegpu-wg-to-sg-rr.mlir @@ -0,0 +1,74 @@ +// RUN: mlir-opt --xegpu-wg-to-sg -split-input-file %s | FileCheck %s + +gpu.module @test_round_robin_assignment { + // CHECK-LABEL: test_create_nd_tdesc + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_create_nd_tdesc(%src: memref<24x32xf32>) { + // CHECK-COUNT-12: xegpu.create_nd_tdesc %[[ARG_0]][%{{.*}}, %{{.*}}] : memref<24x32xf32> + // CHECK-SAME: -> !xegpu.tensor_desc<2x2xf32, #xegpu.layout> + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + gpu.return + } + + // CHECK-LABEL: test_load_nd_tdesc + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_load_nd_tdesc(%src: memref<24x32xf32>) { + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + // CHECK-COUNT-12: xegpu.load_nd %{{.*}} + // CHECK-SAME-COUNT-12: : !xegpu.tensor_desc<2x2xf32, #xegpu.layout> + // CHECK-SAME-COUNT-12: -> vector<2x2xf32> + %load = xegpu.load_nd %tdesc: !xegpu.tensor_desc<24x32xf32, #xegpu.layout> -> vector<24x32xf32> + gpu.return + } + + // CHECK-LABEL: test_store_nd + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_store_nd(%src: memref<24x32xf32>) { + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + // CHECK-COUNT-12: xegpu.store_nd %{{.*}}, %{{.*}} + // CHECK-SAME-COUNT-12: : vector<2x2xf32>, !xegpu.tensor_desc<2x2xf32, #xegpu.layout> + %load = xegpu.load_nd %tdesc: !xegpu.tensor_desc<24x32xf32, #xegpu.layout> -> vector<24x32xf32> + xegpu.store_nd %load, %tdesc: vector<24x32xf32>, !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + gpu.return + } + + // CHECK-LABEL: test_update_nd + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_update_nd(%src: memref<24x32xf32>){ + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + // CHECK-COUNT-12: xegpu.update_nd_offset %{{.*}}, [0, 16] + // CHECK-SAME-COUNT-12: : !xegpu.tensor_desc<2x2xf32, #xegpu.layout> + %update = xegpu.update_nd_offset %tdesc, [0, 16] : !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + gpu.return + } + + // CHECK-LABEL: test_dpas + // CHECK-SAME: (%[[ARG_0:.*]]: memref<8x8xf32>, %[[ARG_1:.*]]: memref<8x8xf32>, %[[ARG_2:.*]]: memref<8x8xf32>) + gpu.func @test_dpas(%a: memref<8x8xf32>, %b: memref<8x8xf32>, %c: memref<8x8xf32>) { + // CHECK-COUNT-4: xegpu.create_nd_tdesc %[[ARG_0]][%{{.*}}, %{{.*}}] : memref<8x8xf32> + // CHECK-SAME-COUNT-4: -> !xegpu.tensor_desc<2x2xf32, #xegpu.layout> + // CHECK-COUNT-4: xegpu.create_nd_tdesc %[[ARG_1]][%{{.*}}, %{{.*}}] : memref<8x8xf32> + // CHECK-SAME-COUNT-4: -> !xegpu.tensor_desc<2x2xf32, #xegpu.layout> + // CHECK-COUNT-4: xegpu.create_nd_tdesc %{{.*}}[%{{.*}}, %{{.*}}] : memref<8x8xf32> + // CHECK-SAME-COUNT-4: -> !xegpu.tensor_desc<2x2xf32, #xegpu.layout> + // CHECK-COUNT-16: xegpu.dpas %{{.*}}, %{{.*}} + // CHECK-SAME-COUNT-16: {layout = #xegpu.layout} + // CHECK-SAME-COUNT-16: : vector<2x2xf32>, vector<2x2xf32> -> vector<2x2xf32> + %tdesc_a = xegpu.create_nd_tdesc %a[0, 0] : memref<8x8xf32> -> !xegpu.tensor_desc<8x8xf32, #xegpu.layout> + %load_a = xegpu.load_nd %tdesc_a: !xegpu.tensor_desc<8x8xf32, #xegpu.layout> -> vector<8x8xf32> + %tdesc_b = xegpu.create_nd_tdesc %b[0, 0] : memref<8x8xf32> -> !xegpu.tensor_desc<8x8xf32, #xegpu.layout> + %load_b = xegpu.load_nd %tdesc_b: !xegpu.tensor_desc<8x8xf32, #xegpu.layout> -> vector<8x8xf32> + %tdesc_c = xegpu.create_nd_tdesc %c[0, 0] : memref<8x8xf32> -> !xegpu.tensor_desc<8x8xf32, #xegpu.layout> + %dpas = xegpu.dpas %load_a, %load_b {layout = #xegpu.layout} : vector<8x8xf32>, vector<8x8xf32> -> vector<8x8xf32> + gpu.return + } + + // CHECK-LABEL: test_prefetch_nd_tdesc + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_prefetch_nd_tdesc(%src: memref<24x32xf32>) { + // CHECK-COUNT-12: xegpu.prefetch_nd %{{.*}} : !xegpu.tensor_desc<2x2xf32, #xegpu.layout> + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + xegpu.prefetch_nd %tdesc: !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + gpu.return + } +} diff --git a/mlir/test/Dialect/XeGPU/xegpu-wg-to-sg.mlir b/mlir/test/Dialect/XeGPU/xegpu-wg-to-sg.mlir new file mode 100644 index 0000000000000..fdc10289b44f0 --- /dev/null +++ b/mlir/test/Dialect/XeGPU/xegpu-wg-to-sg.mlir @@ -0,0 +1,102 @@ +// RUN: mlir-opt --xegpu-wg-to-sg -split-input-file %s | FileCheck %s + +gpu.module @test_1_1_assignment { + // CHECK-LABEL: test_create_nd_tdesc + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_create_nd_tdesc(%src: memref<24x32xf32>) { + // CHECK: %[[SGID:.*]] = gpu.subgroup_id + // CHECK: %[[C12:.*]] = arith.constant 12 : index + // CHECK: %[[C4:.*]] = arith.constant 4 : index + // CHECK: %[[C8:.*]] = arith.constant 8 : index + // CHECK: %[[DIV:.*]] = index.divu %[[SGID]], %[[C4]] + // CHECK: %[[REM:.*]] = index.remu %[[SGID]], %[[C4]] + // CHECK: %[[MUL1:.*]] = index.mul %[[DIV]], %[[C12]] + // CHECK: %[[MUL2:.*]] = index.mul %[[REM]], %[[C8]] + // CHECK: %[[C0:.*]] = arith.constant 0 : index + // CHECK: %[[ADD1:.*]] = index.add %[[MUL1]], %[[C0]] + // CHECK: %[[ADD2:.*]] = index.add %[[MUL2]], %[[C0]] + // CHECK: %[[TDESC:.*]] = xegpu.create_nd_tdesc %[[ARG_0]][%[[ADD1]], %[[ADD2]]] : memref<24x32xf32> + // CHECK-SAME: -> !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK: gpu.return + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + gpu.return + } + + // CHECK-LABEL: test_load_nd_tdesc + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_load_nd_tdesc(%src: memref<24x32xf32>) { + // CHECK: %[[TDESC:.*]] = xegpu.create_nd_tdesc %[[ARG_0]][{{%.*}}, {{%.*}}] : memref<24x32xf32> + // CHECK-SAME: -> !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK: %[[LOAD:.*]] = xegpu.load_nd %[[TDESC]] + // CHECK-SAME: : !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK-SAME: -> vector<12x8xf32> + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + %load = xegpu.load_nd %tdesc: !xegpu.tensor_desc<24x32xf32, #xegpu.layout> -> vector<24x32xf32> + gpu.return + } + + // CHECK-LABEL: test_store_nd + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_store_nd(%src: memref<24x32xf32>) { + // CHECK: %[[TDESC:.*]] = xegpu.create_nd_tdesc %[[ARG_0]][{{%.*}}, {{%.*}}] : memref<24x32xf32> + // CHECK-SAME: -> !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK: %[[LOAD:.*]] = xegpu.load_nd %[[TDESC]] + // CHECK-SAME: : !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK-SAME: -> vector<12x8xf32> + // CHECK: xegpu.store_nd %[[LOAD]], %[[TDESC]] + // CHECK-SAME: : vector<12x8xf32>, !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + %load = xegpu.load_nd %tdesc: !xegpu.tensor_desc<24x32xf32, #xegpu.layout> -> vector<24x32xf32> + xegpu.store_nd %load, %tdesc: vector<24x32xf32>, !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + gpu.return +} + +// CHECK-LABEL: test_update_nd +// CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> +gpu.func @test_update_nd(%src: memref<24x32xf32>){ + // CHECK: %[[TDESC:.*]] = xegpu.create_nd_tdesc %[[ARG_0]][{{%.*}}, {{%.*}}] : memref<24x32xf32> + // CHECK-SAME: -> !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK: %[[UPDATE:.*]] = xegpu.update_nd_offset %[[TDESC]], [0, 16] + // CHECK-SAME: : !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + %update = xegpu.update_nd_offset %tdesc, [0, 16] : !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + gpu.return +} + +// CHECK-LABEL: test_dpas +// CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> +// CHECK-SAME: %[[ARG_1:.*]]: memref<32x24xf32> +gpu.func @test_dpas(%a: memref<24x32xf32>, %b: memref<32x24xf32>) { + // CHECK: %[[TDESC_A:.*]] = xegpu.create_nd_tdesc %[[ARG_0]][{{%.*}}, {{%.*}}] : memref<24x32xf32> + // CHECk-SAME: -> !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK: %[[LOAD_A:.*]] = xegpu.load_nd %[[TDESC_A]] + // CHECK-SAME: : !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK-SAME: -> vector<12x8xf32> + // CHECK: %[[TDESC_B:.*]] = xegpu.create_nd_tdesc %[[ARG_1]][{{%.*}}, {{%.*}}] : memref<32x24xf32> + // CHECK-SAME: -> !xegpu.tensor_desc<8x12xf32, #xegpu.layout> + // CHECK: %[[LOAD_B:.*]] = xegpu.load_nd %[[TDESC_B]] + // CHECK-SAME: : !xegpu.tensor_desc<8x12xf32, #xegpu.layout> + // CHECK-SAME: -> vector<8x12xf32> + // CHECK: %[[DPAS:.*]] = xegpu.dpas %[[LOAD_A]], %[[LOAD_B]] + // CHECK-SAME: {layout = #xegpu.layout} + // CHECK-SAME: : vector<12x8xf32>, vector<8x12xf32> -> vector<12x12xf32> + %tdesc_a = xegpu.create_nd_tdesc %a[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + %load_a = xegpu.load_nd %tdesc_a: !xegpu.tensor_desc<24x32xf32, #xegpu.layout> -> vector<24x32xf32> + %tdesc_b = xegpu.create_nd_tdesc %b[0, 0] : memref<32x24xf32> -> !xegpu.tensor_desc<32x24xf32, #xegpu.layout> + %load_b = xegpu.load_nd %tdesc_b: !xegpu.tensor_desc<32x24xf32, #xegpu.layout> -> vector<32x24xf32> + %dpas = xegpu.dpas %load_a, %load_b {layout = #xegpu.layout} : vector<24x32xf32>, vector<32x24xf32> -> vector<24x24xf32> + gpu.return + } + + // CHECK-LABEL: test_prefetch_nd_tdesc + // CHECK-SAME: %[[ARG_0:.*]]: memref<24x32xf32> + gpu.func @test_prefetch_nd_tdesc(%src: memref<24x32xf32>) { + // CHECK: %[[TDESC:.*]] = xegpu.create_nd_tdesc %[[ARG_0]][{{%.*}}, {{%.*}}] : memref<24x32xf32> + // CHECK-SAME: -> !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + // CHECK: xegpu.prefetch_nd %[[TDESC]] + // CHECK-SAME: : !xegpu.tensor_desc<12x8xf32, #xegpu.layout> + %tdesc = xegpu.create_nd_tdesc %src[0, 0] : memref<24x32xf32> -> !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + xegpu.prefetch_nd %tdesc: !xegpu.tensor_desc<24x32xf32, #xegpu.layout> + gpu.return + } +}