/* Copyright 2025 SGLang Team. All Rights Reserved. Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. ==============================================================================*/ #include #include #include // clang-format off #include "cutlass/cutlass.h" #include "cutlass/gemm/collective/collective_builder.hpp" #include "cutlass/epilogue/collective/collective_builder.hpp" #include "cutlass/gemm/device/gemm_universal_adapter.h" #include "cutlass/gemm/kernel/gemm_universal.hpp" #include "cutlass/util/packed_stride.hpp" // clang-format on /** * Helper function for checking CUTLASS errors */ #define CUTLASS_CHECK(status) \ { \ cutlass::Status error = status; \ TORCH_CHECK(error == cutlass::Status::kSuccess, cutlassGetStatusString(error)); \ } using namespace cute; #if defined(CUTLASS_ARCH_MMA_SM100_SUPPORTED) // Config(half_t/bfloat16_t) for M <= 128 template struct KernelConfigM128 { using OutputType = T; using MmaTileShape = Shape<_128, _256, _256>; using ClusterShape = Shape; using EpilogueTile = Shape<_128, _64>; // Avoid register spilling using EpilogueSchedule = cutlass::epilogue::TmaWarpSpecialized1Sm; using MainloopSchedule = cutlass::gemm::KernelTmaWarpSpecialized1SmNvf4Sm100; const static dim3 preferred_cluster; const static dim3 fallback_cluster; }; template const dim3 KernelConfigM128::preferred_cluster(1, 4, 1); template const dim3 KernelConfigM128::fallback_cluster(1, 2, 1); // Config(half_t/bfloat16_t) for M <= 256 template struct KernelConfigM256 { using OutputType = T; using MmaTileShape = Shape<_256, _256, _256>; using ClusterShape = Shape; using EpilogueTile = Shape<_128, _64>; // Avoid register spilling using EpilogueSchedule = cutlass::epilogue::TmaWarpSpecialized2Sm; using MainloopSchedule = cutlass::gemm::KernelTmaWarpSpecialized2SmNvf4Sm100; const static dim3 preferred_cluster; const static dim3 fallback_cluster; }; template const dim3 KernelConfigM256::preferred_cluster(2, 4, 1); template const dim3 KernelConfigM256::fallback_cluster(2, 1, 1); // Default config(half_t/bfloat16_t) for M > 256 template struct KernelConfigDefault { using OutputType = T; using MmaTileShape = Shape<_256, _256, _256>; using ClusterShape = Shape; using EpilogueTile = Shape<_128, _64>; // Avoid register spilling using EpilogueSchedule = cutlass::epilogue::TmaWarpSpecialized2Sm; using MainloopSchedule = cutlass::gemm::KernelTmaWarpSpecialized2SmNvf4Sm100; const static dim3 preferred_cluster; const static dim3 fallback_cluster; }; template const dim3 KernelConfigDefault::preferred_cluster(4, 4, 1); template const dim3 KernelConfigDefault::fallback_cluster(2, 1, 1); struct KernelConfigFp32 { using OutputType = float; using MmaTileShape = Shape<_128, _128, _256>; using ClusterShape = Shape; using EpilogueTile = cutlass::epilogue::collective::EpilogueTileAuto; using EpilogueSchedule = cutlass::epilogue::TmaWarpSpecialized1Sm; using MainloopSchedule = cutlass::gemm::KernelTmaWarpSpecialized1SmNvf4Sm100; const static dim3 preferred_cluster; const static dim3 fallback_cluster; }; const dim3 KernelConfigFp32::preferred_cluster = dim3(1, 4, 1); const dim3 KernelConfigFp32::fallback_cluster = dim3(1, 2, 1); template struct Fp4GemmSm100 { using Config = KernelConfig; // For generating args using OutputType = typename KernelConfig::OutputType; // A matrix configuration using ElementA = cutlass::nv_float4_t; using LayoutATag = cutlass::layout::RowMajor; static constexpr int AlignmentA = 32; // B matrix configuration using ElementB = cutlass::nv_float4_t; using LayoutBTag = cutlass::layout::ColumnMajor; static constexpr int AlignmentB = 32; // C/D matrix configuration using ElementD = OutputType; using ElementC = OutputType; using LayoutCTag = cutlass::layout::RowMajor; using LayoutDTag = cutlass::layout::RowMajor; static constexpr int AlignmentD = 128 / cutlass::sizeof_bits::value; static constexpr int AlignmentC = 128 / cutlass::sizeof_bits::value; // Kernel functional config using ElementAccumulator = float; using ArchTag = cutlass::arch::Sm100; using OperatorClass = cutlass::arch::OpClassBlockScaledTensorOp; // Kernel Perf config using MmaTileShape = typename KernelConfig::MmaTileShape; using ClusterShape = typename KernelConfig::ClusterShape; using EpilogueTile = typename KernelConfig::EpilogueTile; using EpilogueSchedule = typename KernelConfig::EpilogueSchedule; using MainloopSchedule = typename KernelConfig::MainloopSchedule; using CollectiveEpilogue = typename cutlass::epilogue::collective::CollectiveBuilder< ArchTag, OperatorClass, MmaTileShape, ClusterShape, EpilogueTile, ElementAccumulator, ElementAccumulator, void, LayoutCTag, AlignmentC, ElementD, LayoutDTag, AlignmentD, EpilogueSchedule, cutlass::epilogue::fusion::LinearCombination>::CollectiveOp; using CollectiveMainloop = typename cutlass::gemm::collective::CollectiveBuilder< ArchTag, OperatorClass, ElementA, LayoutATag, AlignmentA, ElementB, LayoutBTag, AlignmentB, ElementAccumulator, MmaTileShape, ClusterShape, cutlass::gemm::collective::StageCountAutoCarveout( sizeof(typename CollectiveEpilogue::SharedStorage))>, MainloopSchedule>::CollectiveOp; using GemmKernel = cutlass::gemm::kernel::GemmUniversal, CollectiveMainloop, CollectiveEpilogue, void>; using Gemm = cutlass::gemm::device::GemmUniversalAdapter; using StrideA = typename Gemm::GemmKernel::StrideA; using LayoutA = decltype(cute::make_layout(make_shape(0, 0, 0), StrideA{})); using LayoutSFA = typename Gemm::GemmKernel::CollectiveMainloop::LayoutSFA; using StrideB = typename Gemm::GemmKernel::StrideB; using LayoutB = decltype(cute::make_layout(make_shape(0, 0, 0), StrideB{})); using LayoutSFB = typename Gemm::GemmKernel::CollectiveMainloop::LayoutSFB; using StrideC = typename Gemm::GemmKernel::StrideC; using LayoutC = decltype(cute::make_layout(make_shape(0, 0, 0), StrideC{})); using StrideD = typename Gemm::GemmKernel::StrideD; using LayoutD = decltype(cute::make_layout(make_shape(0, 0, 0), StrideD{})); }; template typename T::Gemm::Arguments args_from_options( at::Tensor& D, at::Tensor const& A, at::Tensor const& B, at::Tensor const& A_sf, at::Tensor const& B_sf, at::Tensor const& alpha, int64_t M, int64_t N, int64_t K) { using ElementA = typename T::Gemm::ElementA; using ElementB = typename T::Gemm::ElementB; using ElementSFA = cutlass::float_ue4m3_t; using ElementSFB = cutlass::float_ue4m3_t; using ElementD = typename T::Gemm::ElementD; using ElementCompute = float; using StrideA = typename T::StrideA; using StrideB = typename T::StrideB; using StrideD = typename T::StrideD; using Sm1xxBlkScaledConfig = typename T::Gemm::GemmKernel::CollectiveMainloop::Sm1xxBlkScaledConfig; int m = static_cast(M); int n = static_cast(N); int k = static_cast(K); auto stride_A = cutlass::make_cute_packed_stride(StrideA{}, {m, k, 1}); auto stride_B = cutlass::make_cute_packed_stride(StrideB{}, {n, k, 1}); auto stride_D = cutlass::make_cute_packed_stride(StrideD{}, {m, n, 1}); auto layout_SFA = Sm1xxBlkScaledConfig::tile_atom_to_shape_SFA(cute::make_shape(m, n, k, 1)); auto layout_SFB = Sm1xxBlkScaledConfig::tile_atom_to_shape_SFB(cute::make_shape(m, n, k, 1)); typename T::Gemm::Arguments arguments{ cutlass::gemm::GemmUniversalMode::kGemm, {m, n, k, 1}, {// Mainloop arguments static_cast(A.data_ptr()), stride_A, static_cast(B.data_ptr()), stride_B, static_cast(A_sf.data_ptr()), layout_SFA, static_cast(B_sf.data_ptr()), layout_SFB}, { // Epilogue arguments {}, // epilogue.thread nullptr, stride_D, static_cast(D.data_ptr()), stride_D}}; auto& fusion_args = arguments.epilogue.thread; fusion_args.alpha_ptr = static_cast(alpha.data_ptr()); using KernelConfig = typename T::Config; arguments.hw_info.cluster_shape = KernelConfig::preferred_cluster; arguments.hw_info.cluster_shape_fallback = KernelConfig::fallback_cluster; return arguments; } template void runGemm( at::Tensor& D, at::Tensor const& A, at::Tensor const& B, at::Tensor const& A_sf, at::Tensor const& B_sf, at::Tensor const& alpha, int64_t m, int64_t n, int64_t k, cudaStream_t stream) { typename T::Gemm gemm; auto arguments = args_from_options(D, A, B, A_sf, B_sf, alpha, m, n, k); size_t workspace_size = T::Gemm::get_workspace_size(arguments); auto const workspace_options = torch::TensorOptions().dtype(torch::kUInt8).device(A.device()); auto workspace = torch::empty(workspace_size, workspace_options); CUTLASS_CHECK(gemm.can_implement(arguments)); CUTLASS_CHECK(gemm.initialize(arguments, workspace.data_ptr(), stream)); CUTLASS_CHECK(gemm.run(arguments, workspace.data_ptr(), stream)); } // Dispatch function to select appropriate config based on M template void cutlassFp4GemmDispatch( torch::Tensor& D, torch::Tensor const& A, torch::Tensor const& B, torch::Tensor const& A_sf, torch::Tensor const& B_sf, torch::Tensor const& alpha, int64_t m, int64_t n, int64_t k, cudaStream_t stream) { if (m <= 128) { // m in [1, 128] runGemm>>(D, A, B, A_sf, B_sf, alpha, m, n, k, stream); } else if (m <= 256) { // m in (128, 256] runGemm>>(D, A, B, A_sf, B_sf, alpha, m, n, k, stream); } else { // m in (256, inf) runGemm>>(D, A, B, A_sf, B_sf, alpha, m, n, k, stream); } } // Dispatch function to select appropriate config based on M template <> void cutlassFp4GemmDispatch( torch::Tensor& D, torch::Tensor const& A, torch::Tensor const& B, torch::Tensor const& A_sf, torch::Tensor const& B_sf, torch::Tensor const& alpha, int64_t m, int64_t n, int64_t k, cudaStream_t stream) { runGemm>(D, A, B, A_sf, B_sf, alpha, m, n, k, stream); } #else template void cutlassFp4GemmDispatch( at::Tensor& D, at::Tensor const& A, at::Tensor const& B, at::Tensor const& A_sf, at::Tensor const& B_sf, at::Tensor const& alpha, int64_t m, int64_t n, int64_t k, cudaStream_t stream) { TORCH_CHECK( false, "Unsupported CUTLASS version. Set VLLM_CUTLASS_SRC_DIR to " "a CUTLASS 3.8 source directory to enable support."); } #endif // defined(CUTLASS_ARCH_MMA_SM100_SUPPORTED) #define CHECK_TYPE(x, st, m) TORCH_CHECK(x.scalar_type() == st, "Inconsistency of Tensor type:", m) #define CHECK_TH_CUDA(x, m) TORCH_CHECK(x.is_cuda(), m, "must be a CUDA tensor") #define CHECK_CONTIGUOUS(x, m) TORCH_CHECK(x.is_contiguous(), m, "must be contiguous") #define CHECK_INPUT(x, st, m) \ CHECK_TH_CUDA(x, m); \ CHECK_CONTIGUOUS(x, m); \ CHECK_TYPE(x, st, m) constexpr auto FLOAT4_E2M1X2 = at::ScalarType::Byte; constexpr auto SF_DTYPE = at::ScalarType::Float8_e4m3fn; void cutlass_scaled_fp4_mm_sm100a( torch::Tensor& D, torch::Tensor const& A, torch::Tensor const& B, torch::Tensor const& A_sf, torch::Tensor const& B_sf, torch::Tensor const& alpha) { CHECK_INPUT(A, FLOAT4_E2M1X2, "a"); CHECK_INPUT(B, FLOAT4_E2M1X2, "b"); CHECK_INPUT(A_sf, SF_DTYPE, "scale_a"); CHECK_INPUT(B_sf, SF_DTYPE, "scale_b"); CHECK_INPUT(alpha, at::ScalarType::Float, "alpha"); TORCH_CHECK(A.dim() == 2, "a must be a matrix"); TORCH_CHECK(B.dim() == 2, "b must be a matrix"); TORCH_CHECK( A.size(1) == B.size(1), "a and b shapes cannot be multiplied (", A.size(0), "x", A.size(1), " and ", B.size(0), "x", B.size(1), ")"); auto const m = A.size(0); auto const n = B.size(0); auto const k = A.size(1) * 2; constexpr int alignment = 32; TORCH_CHECK( k % alignment == 0, "Expected k to be divisible by ", alignment, ", but got a shape: (", A.size(0), "x", A.size(1), "), k: ", k, "."); TORCH_CHECK( n % alignment == 0, "Expected n to be divisible by ", alignment, ", but got b shape: (", B.size(0), "x", B.size(1), ")."); auto round_up = [](int x, int y) { return (x + y - 1) / y * y; }; int rounded_m = round_up(m, 128); int rounded_n = round_up(n, 128); // Since k is divisible by 32 (alignment), k / 16 is guaranteed to be an // integer. int rounded_k = round_up(k / 16, 4); TORCH_CHECK(A_sf.dim() == 2, "scale_a must be a matrix"); TORCH_CHECK(B_sf.dim() == 2, "scale_b must be a matrix"); TORCH_CHECK( A_sf.size(1) == B_sf.size(1), "scale_a and scale_b shapes cannot be multiplied (", A_sf.size(0), "x", A_sf.size(1), " and ", B_sf.size(0), "x", B_sf.size(1), ")"); TORCH_CHECK( A_sf.size(0) == rounded_m && A_sf.size(1) == rounded_k, "scale_a must be padded and swizzled to a shape (", rounded_m, "x", rounded_k, "), but got a shape (", A_sf.size(0), "x", A_sf.size(1), ")"); TORCH_CHECK( B_sf.size(0) == rounded_n && B_sf.size(1) == rounded_k, "scale_b must be padded and swizzled to a shape (", rounded_n, "x", rounded_k, "), but got a shape (", B_sf.size(0), "x", B_sf.size(1), ")"); auto out_dtype = D.dtype(); at::cuda::CUDAGuard device_guard{(char)A.get_device()}; const cudaStream_t stream = at::cuda::getCurrentCUDAStream(A.get_device()); if (out_dtype == at::ScalarType::Half) { cutlassFp4GemmDispatch(D, A, B, A_sf, B_sf, alpha, m, n, k, stream); } else if (out_dtype == at::ScalarType::BFloat16) { cutlassFp4GemmDispatch(D, A, B, A_sf, B_sf, alpha, m, n, k, stream); } else if (out_dtype == at::ScalarType::Float) { cutlassFp4GemmDispatch(D, A, B, A_sf, B_sf, alpha, m, n, k, stream); } else { TORCH_CHECK(false, "Unsupported output data type of nvfp4 mm"); } }