ROCm 7.1.0 release notes#
2025-10-30
51 min read time
The release notes provide a summary of notable changes since the previous ROCm release.
Note
If you’re using AMD Radeon GPUs or Ryzen APUs in a workstation setting with a display connected, see the Use ROCm on Radeon and Ryzen documentation to verify compatibility and system requirements.
Release highlights#
The following are notable new features and improvements in ROCm 7.1.0. For changes to individual components, see Detailed component changes.
Supported hardware, operating system, and virtualization changes#
ROCm 7.1.0 extends the operating system support for the following AMD hardware:
- AMD Instinct MI325X adds support for RHEL 10.0, SLES15 SP7, Debian 13, Debian 12, Oracle Linux 10, and Oracle Linux 9. 
- AMD Instinct MI100 adds support for SLES 15 SP7. 
For more information about supported:
- AMD hardware, see Supported GPUs (Linux). 
- Operating systems, see Supported operating systems and ROCm installation for Linux. 
Virtualization support#
ROCm 7.1.0 adds Guest OS support for RHEL 10.0 in KVM SR-IOV for AMD Instinct MI355X and MI350X GPUs.
For more information, see Virtualization Support.
User space, driver, and firmware dependent changes#
The software for AMD Datacenter GPU products requires maintaining a hardware and software stack with interdependencies between the GPU and baseboard firmware, AMD GPU drivers, and the ROCm user space software.
| ROCm Version | GPU | PLDM Bundle (Firmware) | AMD GPU Driver (amdgpu) | AMD GPU  | 
|---|---|---|---|---|
| ROCm 7.1.0 | MI355X | 01.25.15.04 (or later) 01.25.13.09 | 30.20.0 30.10.2 30.10.1 30.10 | 8.5.0.K | 
| MI350X | 01.25.15.04 (or later) 01.25.13.09 | 30.20.0 30.10.2 30.10.1 30.10 | ||
| MI325X | 01.25.05.01 01.25.04.02 | 30.20.0 30.10.2 30.10.1 30.10 6.4.z where z (0-3) 6.3.y where y (1-3) | ||
| MI300X | 01.25.05.00 (or later)[1] 01.25.03.12 | 30.20.0 30.10.2 30.10.1 30.10 6.4.z where z (0–3) 6.3.y where y (0–3) 6.2.x where x (1–4) | 8.5.0.K | |
| MI300A | BKC 26 BKC 25 | Not Applicable | ||
| MI250X | IFWI 47 | |||
| MI250 | MU3 w/ IFWI 73 | |||
| MI210 | MU3 w/ IFWI 73 | 8.5.0.K | ||
| MI100 | VBIOS D3430401-037 | Not Applicable | 
[1]: PLDM bundle 01.25.05.00 will be available by November 2025.
AMD SMI improvement: Set power cap#
AMD Instinct MI300X now supports setting a power cap in 1VF. The system is designed to select the lowest power cap value from those provided by the host, VM, and Advanced Platform Management Link (APML). This feature provides enhanced control over power management in virtualized environments, particularly in single-VM configurations. By allowing the VM to set a power cap, you can optimize power usage and efficiency for your specific needs. This feature requires PLDM bundle 01.25.05.00 (or later) firmware.
Virtualization update for AMD Instinct MI350 Series GPUs#
- Enabled SPX/NPS1 support for multi-tenant (1VM, 2VM, 4VM, and 8VM). This feature depends on PLDM bundle 01.25.15.04. 
- Enabled CPX/NPS2 support (1VF/OAM). This feature depends on PLDM bundle 01.25.15.04. (Technical preview) 
- Enabled DPX/NPS2 support (1VF/OAM). This feature depends on PLDM bundle 01.25.15.04. 
- Enabled Guest OS support for RHEL 10 and RHEL 9.6. This feature depends on PLDM bundle 01.25.15.04. 
HIP runtime compatibility improvements#
ROCm 7.1.0 improves the compatibility between the HIP runtime and NVIDIA CUDA.
- New HIP APIs added for: - Memory management: - hipMemsetD2D8,- hipMemsetD2D8Async,- hipMemsetD2D16,- hipMemsetD2D16Async,- hipMemsetD2D32,- hipMemsetD2D32Async,- hipMemcpyBatchAsync,- hipMemcpy3DBatchAsync,- hipMemcpy3DPeer,- hipMemcpy3DPeerAsync,- hipMemPrefetchAsync_v2, and- hipMemAdvise_v2.
- Module Management: - hipModuleGetFunctionCounand- hipModuleLoadFatBinary
- Stream Management: - hipStreamSetAttribute,- hipStreamGetAttribute, and- hipStreamGetId
- Device Management: - hipSetValidDevices
- Driver Entry Point Access: - hipGetDriverEntryPoint
 
- HIP runtime now supports nested tile partitioning within cooperative groups, matching CUDA functionality. 
- Improved HIP module loading latency. 
For detailed enhancements and updates refer to the HIP Changelog.
hipBLASLt: Kernel optimizations and model support enhancements#
hipBLASLt introduces several performance and model compatibility improvements for AMD Instinct GPUs:
- TF32 kernel optimization for AMD Instinct MI355X GPUs to enhance training and inference efficiency. 
- FP32 kernel optimization for AMD Instinct MI350X GPUs, improving precision-based workloads. 
- Llama 2 70B model support fix for AMD Instinct MI350X GPUs: Removed incorrect kernel to ensure accurate and stable execution. 
- For AMD Instinct MI350X GPUs, added multiple high-performance kernels optimized for - FP16and- BF16data types, enhancing heuristic-based execution.
- FP8 low-precision data type operations on AMD Instinct MI350X GPUs. This update adds FP8 support for the Instinct MI350X using the hipBLASLt low-precision data type functionality. 
- Mixtral-8x7b model optimization for AMD Instinct MI325X GPUs. 
hipSPARSELt: SpMM performance improvements#
hipSPARSELt introduces significant performance enhancements for structured sparsity matrix multiplication (SpMM) on AMD Instinct MI300X GPUs:
- New feature support – Enabled multiple buffer single kernel execution for SpMM, improving efficiency in Split-K method scenarios. 
- Kernel optimization – Added multiple high-performance kernels optimized for - FP16and- BF16data types, enhancing heuristic-based execution.
- Tuning efficiency – Improved the tuning process for SpMM kernels, resulting in better runtime adaptability and performance. 
rocAL: Enhancements for vision transformer model training#
ROCm 7.1.0 introduces new capabilities in rocAL to support training of Vision Transformer (ViT) models:
- Added support for CropResize augmentation and the CIFAR10 dataloader, commonly used in ViT training workflows. 
- These updates enable seamless integration of rocAL into open-source PyTorch Vision Transformer models. 
This enhancement improves preprocessing efficiency and simplifies the setup of data pipelines for ViT-based deep learning applications.
RCCL: AMD Instinct MI350 Series enhancements#
- Optimized performance for select collective operations. 
- Enhanced single-node performance on AMD Instinct MI350 GPUs. 
- Achieved higher throughput with increased XGMI speed. 
- Verified compatibility with NCCL 2.27.7. 
- Improved efficiency for the All Gather collective. 
ROCm Compute Profiler updates#
ROCm Compute Profiler has the following enhancements:
- Single‑Pass Counter Collection feature has been added and can be used by adding the - setfiltering option to the profile. It allows profiling kernels in a single pass using a predefined metric set, reducing profiling overhead and session time. For more information, see Filtering options.
- Dynamic process attachment feature has been added. It allows starting or stopping profiling on a running application without restarting, enabling flexible analysis for long‑running jobs. For more information, see Dynamic process attachment in ROCm Compute Profiler. 
- Enhanced TUI Experience feature has been added. It allows interactive exploration of metrics with descriptions and views of high‑level compute and memory throughput panels for quick insights. For more information, see Text-based User Interface (TUI) analysis. 
ROCm Systems Profiler updates#
ROCm Systems Profiler has the following enhancements:
- Validated JAX AI and PyTorch AI frameworks. 
- Transitioned to using AMD SMI by default, instead of ROCm SMI to ensure the best support for the latest AMD GPUs. 
- Integrated with ROCm Profiling Data (rocpd), enabling profiling results to be stored in a SQLite3 database. This provides a structured and efficient foundation for in-depth analysis and post-processing. For more information, see ROCm Profiling Data (rocpd) output. 
- Ability to generate an aggregated report for multi-processes has been added. For more information, see Generating performance summary using rocpd. 
- Support for OpenMP (Open Multi-Processing) in Fortran has been added. 
ROCprofiler-SDK updates#
ROCprofiler-SDK and rocprofv3 include the following enhancements:
- Dynamic process attachment feature has been added. This feature in ROCprofiler-SDK and - rocprofv3allows dynamic profiling of a running GPU application by attaching to its process ID (PID), rather than launching the application through the profiler itself. This allows real-time data collection without interrupting execution, making it ideal for profiling long-running, containerized, or multiprocess workloads. For more details, see Dynamic process attachment for- rocprofv3and Implementing Process Attachment Tools for- ROCprofiler-SDK.
- Scratch-memory trace information has been added to the Perfetto output in - rocprofv3, enhancing visibility into memory usage during profiling. Additionally, derived metrics and the required counters have been successfully integrated for gfx12XX Series GPUs, enabling users to collect performance counters through- rocprofv3on these platforms.
- Host-trap (software-based) PC sampling is now available on RDNA4 architecture-based gfx12XX Series GPUs. It uses the kernel threads to interrupt GPU waves and capture PC states. For more details, see Using PC sampling. 
- Real-time clock support has been added to the thread trace in - rocprofv3for thread trace alignment on gfx9xx GPUs, enabling high-resolution clock computation and better synchronization across shader engines.
- MultiKernelDispatchthread trace support is now available across all ASICs, allowing users to profile multiple kernel dispatches within a single thread trace session. This enhances the timeline accuracy and enables deeper analysis of concurrent GPU workloads.
- Stability and robustness of the - rocpdoutput format for- rocprofv3has been improved. For details, see Using rocpd output format.
- Ability to generate an aggregated report for multi-processes has been added. For more information, see Generating performance summary using rocpd. 
ROCm Data Center tool: Enhanced CPU metrics#
The ROCm Data Center tool (RDC) hardware monitoring capabilities have been expanded by integrating the new AMDSMI API. This enhancement enables more comprehensive visibility into CPU performance and topology.
RPP: New hue and saturation augmentations#
RPP adds support for hue and saturation augmentations in the ROCm
Performance Primitives (RPP) library. These enhancements are available for both
HIP and HOST backends and support multiple data types — U8, F16,
F32, and I8 — with layout toggle variants for NCHW and NHWC.
TensileLite: Enhanced SpMM kernel tuning efficiency#
Optimized the tuning workflow for the SpMM kernel, resulting in improved performance and streamlined configuration.
Device-side assertion support and atomic metadata control in Clang#
ROCm 7.1.0 introduces two key compiler enhancements:
- Device-compatible assertions: A - __device__version of- std::__glibcxx_assert_fail()has been added to enable the use of- std::arrayand other libstdc++ features in device code. This resolves previous compilation failures caused by non-constexpr host assertions being invoked from device contexts.
- Clang atomic metadata attribute: The new - [[clang::atomic]]statement attribute allows fine-grained control over how atomic operations are lowered in LLVM IR. Users can specify memory types (for example,- remote_memory,- fine_grained_memory) and floating-point behavior (- ignore_denormal_mode) to optimize performance without compromising correctness. These attributes can override global compiler flags on a per-block basis, improving atomic operation efficiency on architectures like AMDGPU.
Model optimization for AMD Instinct MI300X GPUs#
Kernel optimization for Flash Attention and Paged Attention models on AMD Instinct MI300X GPUs.
Deep learning and AI framework updates#
ROCm provides a comprehensive ecosystem for deep learning development. For more information, see Deep learning frameworks for ROCm and the Compatibility matrix for the complete list of Deep learning and AI framework versions tested for compatibility with ROCm.
PyTorch#
Torch-MIGraphX integrates the AMD graph inference engine with the PyTorch ecosystem. It provides a mgx_module object that may be invoked in the same manner as any other torch module, but utilizes the MIGraphX inference engine internally. Although Torch-MIGraphX has been available in previous releases, installable WHL files are now officially published.
JAX#
- JAX customers can now use Llama-2 with JAX efficiently. 
- The latest public JAX repo is rocm-jax. 
TensorFlow#
ROCm 7.1.0 enables support for TensorFlow 2.20.0.
ONNX Runtime#
The latest ONNX Runtime version (ONNX RT 1.23.1) is supported by the MIGraphX Execution Provider.
ROCm Offline Installer Creator updates#
The ROCm Offline Installer Creator 7.1.0 includes the following features and improvements:
- Added support for creating an offline installer for RHEL 8.10, 9.4, 9.6, and 10.0, where the kernel version of the target OS differs from the host OS creating the installer. 
- Fixes an issue in the Debian 13 Docker that prevented users from creating a driver install package using the default Docker kernel driver. 
See ROCm Offline Installer Creator for more information.
ROCm Runfile Installer updates#
The ROCm Runfile Installer 7.1.0 fixes warnings that occurred with rocm-examples testing.
For more information, see ROCm Runfile Installer.
End of Support for ROCm Execution Provider (ROCm-EP)#
ROCm 7.1.0 marks the End of Support (EOS) for ROCm Execution Provider (ROCm-EP). ROCm 7.0.2 was the last official AMD-supported distribution of ROCm-EP. Refer to this Pull Request for more information. Migrate your applications to use the MIGraphX Execution Provider.
ROCm documentation updates#
ROCm documentation continues to be updated to provide clearer and more comprehensive guidance for a wider variety of user needs and use cases.
- Tutorials for AI developers have been expanded with the following two new tutorials: - Pretraining tutorial: Speculative decoding draft model with SpecForge 
- GPU development and optimization tutorial: Quark MXFP4 quantization for vLLM 
 - For more information about the changes, see Changelog for the AI Developer Hub. 
- ROCm components support a wide range of environment variables that can be used for testing, logging, debugging, experimental features, and more. The rocBLAS and RCCL components have been updated with new environment variable content. 
- The HIP documentation introduces a new tutorial that shows you how to transform your GPU applications from repeated direction to choreographed performance with HIP graphs. HIP graphs model dependencies between operations as nodes and edges on a diagram. Each node in the graph represents an operation, and each edge represents a dependency between two nodes. For more information, see HIP graphs and HIP Graph API Tutorial. 
ROCm components#
The following table lists the versions of ROCm components for ROCm 7.1.0, including any version changes from 7.0.2 to 7.1.0. Click the component’s updated version to go to a list of its changes.
Click to go to the component’s source code on GitHub.
Detailed component changes#
The following sections describe key changes to ROCm components.
Note
For a historical overview of ROCm component updates, see the ROCm consolidated changelog.
AMD SMI (26.1.0)#
Added#
- GPU LINK PORT STATUStable to- amd-smi xgmicommand. The- amd-smi xgmi -sor- amd-smi xgmi --source-statuswill now show the- GPU LINK PORT STATUStable.
- amdsmi_get_gpu_revision()to Python API. This function retrieves the GPU revision ID. Available in- amdsmi_interface.pyas- amdsmi_get_gpu_revision().
- Gpuboard and baseboard temperatures to - amd-smi metriccommand.
Changed#
- Struct - amdsmi_topology_nearest_tmember- processor_list. Member size changed, processor_list[AMDSMI_MAX_DEVICES * AMDSMI_MAX_NUM_XCP].
- amd-smi reset --profilebehavior so that it won’t also reset the performance level.- The performance level can still be reset using - amd-smi reset --perf-determinism.
 
- Setting power cap is now available in Linux Guest. You can now use - amd-smi set --power-capas usual in Linux Guest systems too.
- Changed - amd-smi static --vbiosto- amd-smi static --ifwi.- VBIOS naming is replaced with IFWI (Integrated Firmware Image) for improved clarity and consistency. 
- AMD Instinct MI300 Series GPUs (and later) now use a new version format with enhanced build information. 
- Legacy command - amd-smi static --vbiosremains functional for backward compatibility, but displays updated IFWI heading.
- The Python, C, and Rust API for - amdsmi_get_gpu_vbios_version()will now have a new field called- boot_firmware, which will return the legacy vbios version number that is also known as the Unified BootLoader (UBL) version.
 
Optimized#
- Optimized the way - amd-smi processvalidates, which processes are running on a GPU.
Resolved issues#
- Fixed a CPER record count mismatch issue when using the - amd-smi ras --cper --file-limit. Updated the deletion calculation to use- files_to_delete = len(folder_files) - file_limitfor exact file count management.
- Fixed the event monitoring segfaults causing RDC to crash. Added the mutex locking around access to device event notification file pointer. 
- Fixed an issue where using - amd-smi ras --folder <folder_name>was forcing the created folder’s name to be lowercase. This fix also makes all string input options case-insensitive.
- Fixed certain output in - amd-smi monitorwhen GPUs are partitioned. It fixes the issue with amd-smi monitor such as:- amd-smi monitor -Vqt,- amd-smi monitor -g 0 -Vqt -w 1, and- amd-smi monitor -Vqt --file /tmp/test1. These commands will now be able to display as normal in partitioned GPU scenarios.
Composable Kernel (1.1.0)#
Added#
- Support for hdim as a multiple of 32 for FMHA (fwd/fwd_splitkv/bwd). 
- Support for elementwise kernel. 
Upcoming changes#
- Non-grouped convolutions are deprecated. Their functionality is supported by grouped convolution. 
HIP (7.1.0)#
Added#
- New HIP APIs - hipModuleGetFunctionCountreturns the number of functions within a module
- hipMemsetD2D8sets 2D memory range with specified 8-bit values
- hipMemsetD2D8Asyncasynchronously sets 2D memory range with specified 8-bit values
- hipMemsetD2D16sets 2D memory range with specified 16-bit values
- hipMemsetD2D16Asyncasynchronously sets 2D memory range with specified 16-bit values
- hipMemsetD2D32sets 2D memory range with specified 32-bit values
- hipMemsetD2D32Asyncasynchronously sets 2D memory range with specified 32-bit values
- hipStreamSetAttributesets attributes such as synchronization policy for a given stream
- hipStreamGetAttributereturns attributes such as priority for a given stream
- hipModuleLoadFatBinaryloads fatbin binary to a module
- hipMemcpyBatchAsyncasynchronously performs a batch copy of 1D or 2D memory
- hipMemcpy3DBatchAsyncasynchronously performs a batch copy of 3D memory
- hipMemcpy3DPeercopies memory between devices
- hipMemcpy3DPeerAsyncasynchronously copies memory between devices
- hipMemsetD2D32Asyncasynchronously sets 2D memory range with specified 32-bit values
- hipMemPrefetchAsync_v2prefetches memory to the specified location
- hipMemAdvise_v2advises about the usage of a given memory range
- hipGetDriverEntryPointgets function pointer of a HIP API.
- hipSetValidDevicessets a default list of devices that can be used by HIP
- hipStreamGetIdqueries the id of a stream
 
- Support for nested tile partitioning within cooperative groups, matching CUDA functionality. 
Optimized#
- Improved HIP module loading latency. 
- Optimized kernel metadata retrieval during module post-load. 
- Optimized doorbell ring in HIP runtime for the following performance improvements: - Makes efficient packet batching for HIP graph launch 
- Dynamic packet copying based on a defined maximum threshold or power-of-2 staggered copy pattern 
- If timestamps are not collected for a signal for reuse, it creates a new signal. This can potentially increase the signal footprint if the handler doesn’t run fast enough 
 
Resolved issues#
- A segmentation fault occurred in the application when capturing the same HIP graph from multiple streams with cross-stream dependencies. The HIP runtime has fixed an issue where a forked stream joined to a parent stream that was not originally created with the API - hipStreamBeginCapture.
- Different behavior of en-queuing command on a legacy stream during stream capture on AMD ROCM platform, compared with CUDA. HIP runtime now returns an error in this specific situation to match CUDA behavior. 
- Failure of memory access fault occurred in rocm-examples test suite. When Heterogeneous Memory Management (HMM) is not supported in the driver, - hipMallocManagedwill only allocate system memory in HIP runtime.
Known issues#
- SPIR-V-enabled applications might encounter a segmentation fault. The problem doesn’t exist when SPIR-V is disabled. The issue will be fixed in the next ROCm release. 
hipBLAS (3.1.0)#
Added#
- --clients-onlybuild option to only build clients against a prebuilt library.
- gfx1150, gfx1151, gfx1200, and gfx1201 support enabled. 
- FORTRAN enabled for the Microsoft Windows build and tests. 
- Additional reference library fallback options added. 
Changed#
- Improved the build time for clients by removing - clients_common.cppfrom the hipblas-test build.
hipBLASLt (1.1.0)#
Added#
- Fused Clamp GEMM for - HIPBLASLT_EPILOGUE_CLAMP_EXTand- HIPBLASLT_EPILOGUE_CLAMP_BIAS_EXT. This feature requires the minimum (- HIPBLASLT_MATMUL_DESC_EPILOGUE_ACT_ARG0_EXT) and maximum (- HIPBLASLT_MATMUL_DESC_EPILOGUE_ACT_ARG1_EXT) to be set.
- Support for ReLU/Clamp activation functions with auxiliary output for the - FP16and- BF16data types for gfx942 to capture intermediate results. This feature is enabled for- HIPBLASLT_EPILOGUE_RELU_AUX,- HIPBLASLT_EPILOGUE_RELU_AUX_BIAS,- HIPBLASLT_EPILOGUE_CLAMP_AUX_EXT, and- HIPBLASLT_EPILOGUE_CLAMP_AUX_BIAS_EXT.
- Support for - HIPBLAS_COMPUTE_32F_FAST_16BFfor FP32 data type for gfx950 only.
- CPP extension APIs - setMaxWorkspaceBytesand- getMaxWorkspaceBytes.
- Feature to print logs (using - HIPBLASLT_LOG_MASK=32) for Grouped GEMM.
- Support for swizzleA by using the hipblaslt-ext cpp API. 
- Support for hipBLASLt extop for gfx11XX and gfx12XX. 
Changed#
- hipblasLtMatmul()now returns an error when the workspace size is insufficient, rather than causing a segmentation fault.
Optimized#
- TF32kernel optimization for the AMD Instinct MI355X GPU to enhance training and inference efficiency.
Resolved issues#
- Fixed incorrect results when using ldd and ldc dimension parameters with some solutions. 
hipCUB (4.1.0)#
Added#
- Exposed Thread-level reduction API - hipcub::ThreadReduce.
- ::hipcub::extents, with limited parity to C++23’s- std::extents. Only- static extentsis supported;- dynamic extentsis not. Helper structs have been created to perform computations on- ::hipcub::extentsonly when the backend is rocPRIM. For the CUDA backend, similar functionality exists.
- projects/hipcub/hipcub/include/hipcub/backend/rocprim/util_mdspan.hppto support- ::hipcub::extents.
- ::hipcub::ForEachInExtentsAPI.
- hipcub::DeviceTransform::Transformand- hipcub::DeviceTransform::TransformStableArgumentAddresses.
- hipCUB and its dependency rocPRIM have been moved into the new - rocm-librariesmonorepo repository. This repository contains a number of ROCm libraries that are frequently used together.- The repository migration requires a few changes to the way that hipCUB fetches library dependencies. 
- CMake build option - ROCPRIM_FETCH_METHODmay be set to one of the following:- PACKAGE- (default) searches for a preinstalled packaged version of the dependency. If it is not found, the build will fall back using option- DOWNLOAD, below.
- DOWNLOAD- downloads the dependency from the rocm-libraries repository. If git >= 2.25 is present, this option uses a sparse checkout that avoids downloading more than it needs to. If not, the whole monorepo is downloaded (this may take some time).
- MONOREPO- this option is intended to be used if you are building hipCUB from within a copy of the rocm-libraries repository that you have cloned (and therefore already contains rocPRIM). When selected, the build will try find the dependency in the local repository tree. If it cannot be found, the build will attempt to use git to perform a sparse-checkout of rocPRIM. If that also fails, it will fall back to using the- DOWNLOADoption described above.
 
 
- A new CMake option - -DUSE_SYSTEM_LIBto allow tests to be built from installed- hipCUBprovided by the system.
Changed#
- Changed include headers to avoid relative includes that have slipped in. 
- Changed - CUDA_STANDARDfor tests in- test/hipcub, due to C++17 APIs such as- std::exclusive_scanis used in some tests. Still use- CUDA_STANDARD 14for- test/extra.
- Changed - CCCL_MINIMUM_VERSIONto- 2.8.2to align with CUB.
- Changed - cmake_minimum_requiredfrom- 3.16to- 3.18, in order to support- CUDA_STANDARD 17as a valid value.
- Add support for large num_items - DeviceScan,- DevicePartitionand- Reduce::{ArgMin, ArgMax}.
- Added tests for large num_items. 
- The previous dependency-related build option - DEPENDENCIES_FORCE_DOWNLOADhas been renamed- EXTERNAL_DEPS_FORCE_DOWNLOADto differentiate it from the new rocPRIM dependency option described above. Its behavior remains the same - it forces non-ROCm dependencies (Google Benchmark and Google Test) to be downloaded rather than searching for installed packages. This option defaults to- OFF.
Removed#
- Removed - TexRefInputIterator, which was removed from CUB after CCCL’s 2.6.0 release. This API should have already been removed, but somehow it remained and was not tested.
- Deprecated - hipcub::ConstantInputIterator, use- rocprim::constant_iteratoror- rocthrust::constant_iteratorinstead.
- Deprecated - hipcub::CountingInputIterator, use- rocprim::counting_iteratoror- rocthrust::counting_iteratorinstead.
- Deprecated - hipcub::DiscardOutputIterator, use- rocprim::discard_iteratoror- rocthrust::discard_iteratorinstead.
- Deprecated - hipcub::TransformInputIterator, use- rocprim::transform_iteratoror- rocthrust::transform_iteratorinstead.
- Deprecated - hipcub::AliasTemporaries, which is considered to be an internal API. Moved to the detail namespace.
- Deprecated almost all functions in - projects/hipcub/hipcub/include/hipcub/backend/rocprim/util_ptx.hpp.
- Deprecated hipCUB macros: - HIPCUB_MAX,- HIPCUB_MIN,- HIPCUB_QUOTIENT_FLOOR,- HIPCUB_QUOTIENT_CEILING,- HIPCUB_ROUND_UP_NEARESTand- HIPCUB_ROUND_DOWN_NEAREST.
Known issues#
- The - __halftemplate specializations of Simd operators are currently disabled due to possible build issues with PyTorch.
hipFFT (1.0.21)#
Added#
- Improved test coverage of multi-stream plans, user-specified work areas, and default stride calculation. 
- Experimental introduction of hipFFTW library, interfacing rocFFT on AMD platforms using the same symbols as FFTW3 (with partial support). 
hipfort (0.7.1)#
Added#
- Support for building with CMake 4.0. 
Resolved issues#
- Fixed a potential integer overflow issue in - hipMallocinterfaces.
hipRAND (3.1.0)#
Resolved issues#
- Updated error handling for several hipRAND unit tests to accommodate the new - hipGetLastErrorbehavior that was introduced in ROCm 7.0.0. As of ROCm 7.0.0, the internal error state is cleared on each call to- hipGetLastErrorrather than on every HIP API call.
hipSOLVER (3.1.0)#
Added#
- Extended test suites for - hipsolverDncompatibility functions.
Changed#
- Changed code coverage to use - llvm-covinstead of- gcov.
hipSPARSE (4.1.0)#
Added#
- Brain half float mixed precision for the following routines: - hipsparseAxpbywhere X and Y use bfloat16 and result and the compute type use float.
- hipsparseSpVVwhere X and Y use bfloat16 and result and the compute type use float.
- hipsparseSpMVwhere A and X use bfloat16 and Y and the compute type use float.
- hipsparseSpMMwhere A and B use bfloat16 and C and the compute type use float.
- hipsparseSDDMMwhere A and B use bfloat16 and C and the compute type use float.
- hipsparseSDDMMwhere A and B and C use bfloat16 and the compute type use float.
 
- Half float mixed precision to - hipsparseSDDMMwhere A and B and C use float16 and the compute type use float.
- Brain half float uniform precision to - hipsparseScatterand- hipsparseGatherroutines.
- Documentation for installing and building hipSPARSE on Microsoft Windows. 
hipSPARSELt (0.2.5)#
Changed#
- Changed the behavior of the Relu activation. 
Optimized#
- Provided more kernels for the - FP16and- BF16data types.
MIGraphX (2.14.0)#
Added#
- Python 3.13 support. 
- PyTorch wheels to the Dockerfile. 
- Python API for returning serialized bytes. 
- fixed_padoperator for padding dynamic shapes to the maximum static shape.
- Matcher to upcast base - Softmaxoperations.
- Support for the - convolution_backwardsoperator through rocMLIR.
- LSEoutput to attention fusion.
- Flags to - EnableControlFlowGuarddue to BinSkim errors.
- New environment variable documentation and reorganized structure. 
- stash_typeattribute for- LayerNormand expanded test coverage.
- Operator builders (phase 2). 
- MIGRAPHX_GPU_HIP_FLAGSto allow extra HIP compile flags.
Changed#
- Updated C API to include - current()caller information in error reporting.
- Updated documentation dependencies: - rocm-docs-core bumped from 1.21.1 → 1.25.0 across releases. 
- Doxygen updated to 1.14.0. 
- urllib3 updated from 2.2.2 → 2.5.0. 
 
- Updated - src/CMakeLists.txtto support- msgpack6.x (- msgpack-cxx).
- Updated model zoo test generator to fix test issues and add summary logging. 
- Updated - rocMLIRand- ONNXRuntimemainline references across commits.
- Updated module sorting algorithm for improved reliability. 
- Restricted FP8 quantization to - dotand- convolutionoperators.
- Moved ONNX Runtime launcher script into MIGraphX and updated build scripts. 
- Simplified ONNX - Resizeoperator parser for correctness and maintainability.
- Updated - any_ptrassertion to avoid failure on default HIP stream.
- Print kernel and module information on compile failure. 
Removed#
- Removed Perl dependency from SLES builds. 
- Removed redundant includes and unused internal dependencies. 
Optimized#
- Reduced nested visits in reference operators to improve compile time. 
- Avoided dynamic memory allocation during kernel launches. 
- Removed redundant NOP instructions for GFX11/12 platforms. 
- Improved - Graphvizoutput (node color and layout updates).
- Optimized interdependency checking during compilation. 
- Skip hipBLASLt solutions that require a workspace size larger than 128 MB for efficient memory utilization. 
Resolved issues#
- Error in - MIGRAPHX_GPU_COMPILE_PARALLELdocumentation (#4337).
- rocMLIR - rewrite_reduceissue (#4218).
- Bug with - invert_permutationon GPU (#4194).
- Compile error when - MIOPENis disabled (missing- stdincludes) (#4281).
- ONNX - Resizeparsing when input and output shapes are identical (#4133, #4161).
- Issue with MHA in attention refactor (#4152). 
- Synchronization issue from upstream ONNX Runtime (#4189). 
- Spelling error in “Contiguous” (#4287). 
- Tidy complaint about duplicate header (#4245). 
- reshape,- transpose, and- broadcastrewrites between pointwise and reduce operators (#3978).
- Extraneous include file in HIPRTC-based compilation (#4130). 
- CI Perl dependency issue for SLES builds (#4254). 
- Compiler warnings for ROCm 7.0 of - error: unknown warning option '-Wnrvo'(#4192).
MIOpen (3.5.1)#
Added#
- Added a new trust verify find mode. 
- Ported Op4dTensorLite kernel from OpenCL to HIP. 
- Implemented a generic HIP kernel for backward layer normalization. 
Changed#
- Kernel DBs moved from Git LFS to DVC (Data Version Control). 
Optimized#
- [Conv] Enabled Composable Kernel (CK) implicit gemms on gfx950. 
Resolved issues#
- [BatchNorm] Fixed a bug for the NHWC layout when a variant was not applicable. 
- Fixed a bug that caused a zero-size LDS array to be defined on Navi. 
MIVisionX (3.4.0)#
Added#
- VX_RPP - Update blur 
- HIP - HIP_CHECK for hipLaunchKernelGGL for gated launch 
Changed#
- AMD Custom V1.1.0 - OpenMP updates 
- HALF - Fix half.hpp path updates 
Resolved issues#
- AMD Custom - dependency linking errors resolved 
- VX_RPP - Fix memory leak 
- Packaging - Remove Meta Package dependency for HIP 
Known issues#
- Installation on RedHat/SLES requires the manual installation of the - FFMPEG&- OpenCVdev packages.
Upcoming changes#
- VX_AMD_MEDIA - rocDecode support for hardware decode 
RCCL (2.27.7)#
Added#
- RCCL_P2P_BATCH_THRESHOLDto set the message size limit for batching P2P operations. This mainly affects small message performance for alltoall at a large scale but also applies to alltoallv.
- RCCL_P2P_BATCH_ENABLEto enable batching P2P operations to receive performance gains for smaller messages up to 4MB for alltoall when the workload requires it. This is to avoid performance dips for larger messages.
Changed#
- The MSCCL++ feature is now disabled by default. The - --disable-mscclppbuild flag is replaced with- --enable-mscclppin the- rccl/install.shscript.
- Compatibility with NCCL 2.27.7. 
Optimized#
- Enabled and optimized batched P2P operations to improve small message performance for - AllToAlland- AllGather.
- Optimized channel count selection to improve efficiency for small-to-medium message sizes in - ReduceScatter.
- Changed code inlining to improve latency for small message sizes for - AllReduce,- AllGather, and- ReduceScatter.
Known issues#
- Symmetric memory kernels are currently disabled due to ongoing CUMEM enablement work. 
- When running this version of RCCL using ROCm versions earlier than 6.4.0, the user must set the environment flag - HSA_NO_SCRATCH_RECLAIM=1.
rocAL (2.4.0)#
Added#
- JAX iterator support in rocAL 
- rocJPEG - Fused Crop decoding support 
Changed#
- CropResize - updates and fixes 
- Packaging - Remove Meta Package dependency for HIP 
Resolved issues#
- OpenMP - dependency linking errors resolved. 
- Bugfix - memory leaks in rocAL. 
Known issues#
- Package installation on SLES requires manually installing - TurboJPEG.
- Package installation on RedHat and SLES requires manually installing the - FFMPEG Devpackage.
rocALUTION (4.0.1)#
Added#
- Support for gfx950. 
Changed#
- Updated the default build standard to C++17 when compiling rocALUTION from source (previously C++14). 
Optimized#
- Improved and expanded user documentation. 
Resolved issues#
- Fixed a bug in the GPU hashing algorithm that occurred when not compiling with -O2/-O3. 
- Fixed an issue with the SPAI preconditioner when using complex numbers. 
rocBLAS (5.1.0)#
Added#
- Sample for clients using OpenMP threads calling rocBLAS functions. 
- gfx1150 and gfx1151 enabled. 
Changed#
- By default, the Tensile build is no longer based on - tensile_tag.txtbut uses the same commit from shared/tensile in the rocm-libraries repository. The rmake or install- -toption can build from another local path with a different commit.
Optimized#
- Improved the performance of Level 2 gemv transposed ( - TransA != N) for the problem sizes where- mis small and- nis large on gfx90a and gfx942.
ROCdbgapi (0.77.4)#
Added#
- gfx1150 and gfx1151 enabled. 
rocDecode (1.4.0)#
Added#
- AV1 12-bit decode support on VA-API version 1.23.0 and later. 
- rocdecode-host V1.0.0 library for software decode 
- FFmpeg version support for 5.1 and 6.1 
- Find package - rocdecode-host 
Resolved issues#
- rocdecode-host - failure to build debuginfo packages without FFmpeg resolved. 
- Fix a memory leak for rocDecodeNegativeTests 
Changed#
- HIP meta package changed - Use hip-dev/devel to bring required hip dev deps 
- rocdecode host - linking updates to rocdecode-host library 
rocFFT (1.0.35)#
Optimized#
- Implemented single-kernel plans for some 2D problem sizes, on devices with at least 160KiB of LDS. 
- Improved performance of unit-strided, complex-interleaved, forward/inverse FFTs for lengths: (64,64,128), (64,64,52), (60,60,60) , (32,32,128), (32,32,64), (64,32,128) 
- Improved performance of 3D MPI pencil decompositions by using sub-communicators for global transpose operations. 
rocJPEG (1.2.0)#
Changed#
- HIP meta package has been changed. Use - hip-dev/develto bring required hip dev deps.
Resolved issues#
- Fixed an issue where extra padding was incorrectly included when saving decoded JPEG images to files. 
- Resolved a memory leak in the jpegDecode application. 
ROCm Compute Profiler (3.3.0)#
Added#
- Dynamic process attachment feature that allows coupling with a workload process, without controlling its start or end. - Use ‘–attach-pid’ to specify the target process ID. 
- Use ‘–attach-duration-msec’ to specify time duration. 
 
- rocpdchoice for- --format-rocprof-outputoption in profile mode.
- --retain-rocpd-outputoption in profile mode to save large raw rocpd databases in workload directory.
- Feature to show description of metrics during analysis. - Use - --include-cols Descriptionto show the Description column, which is excluded by default from the ROCm Compute Profiler CLI output.
 
- --setfiltering option in profile mode to enable single-pass counter collection for predefined subsets of metrics.
- --list-setsfiltering option in profile mode to list the sets available for single pass counter collection.
- Missing counters based on register specification which enables missing metrics. - Enabled - SQC_DCACHE_INFLIGHT_LEVELcounter and associated metrics.
- Enabled - TCP_TCP_LATENCYcounter and associated counter for all GPUs except MI300.
 
- Interactive metric descriptions in TUI analyze mode. - You can now left click on any metric cell to view detailed descriptions in the dedicated - METRIC DESCRIPTIONtab.
 
- Support for analysis report output as a sqlite database using - --output-format dbanalysis mode option.
- Compute Throughputpanel to TUI’s- High Level Analysiscategory with the following metrics: VALU FLOPs, VALU IOPs, MFMA FLOPs (F8), MFMA FLOPs (BF16), MFMA FLOPs (F16), MFMA FLOPs (F32), MFMA FLOPs (F64), MFMA FLOPs (F6F4) (in gfx950), MFMA IOPs (Int8), SALU Utilization, VALU Utilization, MFMA Utilization, VMEM Utilization, Branch Utilization, IPC
- Memory Throughputpanel to TUI’s- High Level Analysiscategory with the following metrics: vL1D Cache BW, vL1D Cache Utilization, Theoretical LDS Bandwidth, LDS Utilization, L2 Cache BW, L2 Cache Utilization, L2-Fabric Read BW, L2-Fabric Write BW, sL1D Cache BW, L1I BW, Address Processing Unit Busy, Data-Return Busy, L1I-L2 Bandwidth, sL1D-L2 BW
- Roofline support for Debian 12 and Azure Linux 3.0. 
- Notice for change in default output format to - rocpdin a future release- This is displayed when - --format-rocprof-output rocpdis not used in profile mode
 
Changed#
- In the memory chart, long string of numbers are now displayed as scientific notation. It also solves the issue of overflow of displaying long number 
- When - --format-rocprof-output rocpdis used, only- pmc_perf.csvwill be written to workload directory instead of multiple CSV files.
- CLI analysis mode baseline comparison will now only compare common metrics across workloads and will not show the Metric ID. - Removed metrics from analysis configuration files which are explicitly marked as empty or None. 
 
- Changed the basic (default) view of TUI from aggregated analysis data to individual kernel analysis data. 
- Updated - Unitof the following- Bandwidthrelated metrics to- Gbpsinstead of- Bytes per Normalization Unit:- Theoretical Bandwidth (section 1202) 
- L1I-L2 Bandwidth (section 1303) 
- sL1D-L2 BW (section 1403) 
- Cache BW (section 1603) 
- L1-L2 BW (section 1603) 
- Read BW (section 1702) 
- Write and Atomic BW (section 1702) 
- Bandwidth (section 1703) 
- Atomic/Read/Write Bandwidth (section 1703) 
- Atomic/Read/Write Bandwidth - (HBM/PCIe/Infinity Fabric) (section 1706) 
 
- Updated the metric name for the following - Bandwidthrelated metrics whose- Unitis- Percentby adding- Utilization:- Theoretical Bandwidth Utilization (section 1201) 
- L1I-L2 Bandwidth Utilization (section 1301) 
- Bandwidth Utilization (section 1301) 
- Bandwidth Utilization (section 1401) 
- sL1D-L2 BW Utilization (section 1401) 
- Bandwidth Utilization (section 1601) 
 
- Updated - System Speed-of-Lightpanel to- GPU Speed-of-Lightin TUI for the following metrics:- Theoretical LDS Bandwidth 
- vL1D Cache BW 
- L2 Cache BW 
- L2-Fabric Read BW 
- L2-Fabric Write BW 
- Kernel Time 
- Kernel Time (Cycles) 
- SIMD Utilization 
- Clock Rate 
 
- Analysis output: - Replaced - -o / --outputanalyze mode option with- --output-formatand- --output-name.- Use - --output-formatanalysis mode option to select the output format of the analysis report.
- Use - --output-nameanalysis mode option to override the default file/folder name.
 
- Replaced - --save-dfsanalyze mode option with- --output-format csv.
 
- Command-line options: - --list-metricsand- --config-diroptions moved to general command-line options.
- --list-metricsoption cannot be used without GPU architecture argument.
- --list-metricsoption do not show number of L2 channels.
- --list-available-metricsprofile mode option to display the metrics available for profiling in current GPU.
- --list-available-metricsanalyze mode option to display the metrics available for analysis.
- --blockoption cannot be used with- --list-metricsand- --list-available-metricsoptions.
 
- Default - rocprofinterface changed from- rocprofv3to- rocprofiler-sdk- Use ROCPROF=rocprofv3 to use rocprofv3 interface 
 
- Updated metric names for better alignment between analysis configuration and documentation. 
Removed#
- Usage of - rocm-smiin favor of- amd-smi.
- Hardware IP block-based filtering has been removed in favor of analysis report block-based filtering. 
- Aggregated analysis view from TUI analyze mode. 
Optimized#
- Improved - --time-unitoption in analyze mode to apply time unit conversion across all analysis sections, not just kernel top stats.
- Improved logic to obtain rocprof-supported counters, which prevents unnecessary warnings. 
- Improved post-analysis runtime performance by caching and multi-processing. 
- Improve analysis block based filtering to accept metric ID level filtering. - This can be used to collect individual metrics from various sections of the analysis config. 
 
Resolved issues#
- Fixed an issue of not detecting the memory clock when using - amd-smi.
- Fixed standalone GUI crashing. 
- Fixed L2 read/write/atomic bandwidths on AMD Instinct MI350 Series GPUs. 
- Fixed an issue where accumulation counters could not be collected on AMD Instinct MI100. 
- Fixed an issue of kernel filtering not working in the roofline chart. 
Known issues#
- MI300A/X L2-Fabric 64B read counter may display negative values - The rocprof-compute metric 17.6.1 (Read 64B) can report negative values due to incorrect calculation when TCC_BUBBLE_sum + TCC_EA0_RDREQ_32B_sum exceeds TCC_EA0_RDREQ_sum. - A workaround has been implemented using max(0, calculated_value) to prevent negative display values while the root cause is under investigation. 
 
ROCm Data Center Tool (1.2.0)#
Added#
- CPU monitoring support with 30+ CPU field definitions through AMD SMI integration. 
- CPU partition format support (c0.0, c1.0) for monitoring AMD EPYC processors. 
- Mixed GPU/CPU monitoring in single - rdci dmoncommand.
Optimized#
- Improved profiler metrics path detection for counter definitions. 
Resolved issues#
- Group management issues with listing created/non-created groups. 
- ECC_UNCORRECT field behavior. 
ROCm Debugger (ROCgdb) (16.3)#
Added#
- gfx1150 and gfx1151 support enabled. 
ROCm Systems Profiler (1.2.0)#
Added#
- ROCPROFSYS_ROCM_GROUP_BY_QUEUEconfiguration setting to allow grouping of events by hardware queue, instead of the default grouping.
- Support for - rocpddatabase output with the- ROCPROFSYS_USE_ROCPDconfiguration setting.
- Support for profiling PyTorch workloads using the - rocpdoutput database.
- Support for tracing OpenMP API in Fortran applications. 
- An error warning is triggered if the profiler application fails because SELinux enforcement is enabled. The warning includes steps to disable SELinux enforcement. 
Changed#
- Updated the grouping of “kernel dispatch” and “memory copy” events in Perfetto traces. They are now grouped together by HIP Stream rather than separately and by hardware queue. 
- Updated PAPI module to v7.2.0b2. 
- ROCprofiler-SDK is now used for tracing OMPT API calls. 
rocPRIM (4.1.0)#
Added#
- get_sreg_lanemask_lt,- get_sreg_lanemask_le,- get_sreg_lanemask_gtand- get_sreg_lanemask_ge.
- rocprim::transform_output_iteratorand- rocprim::make_transform_output_iterator.
- Experimental support for SPIR-V, to use the correct tuned config for part of the appliable algorithms. 
- A new cmake option, - BUILD_OFFLOAD_COMPRESS. When rocPRIM is build with this option enabled, the- --offload-compressswitch is passed to the compiler. This causes the compiler to compress the binary that it generates. Compression can be useful in cases where you are compiling for a large number of targets, since this often results in a large binary. Without compression, in some cases, the generated binary may become so large symbols are placed out of range, resulting in linking errors. The new- BUILD_OFFLOAD_COMPRESSoption is set to- ONby default.
- A new CMake option - -DUSE_SYSTEM_LIBto allow tests to be built from- ROCmlibraries provided by the system.
- rocprim::applywhich applies a function to a- rocprim::tuple.
Changed#
- Changed tests to support - ptr-to-constoutput in- /test/rocprim/test_device_batch_memcpy.cpp.
Optimized#
- Improved performance of many algorithms by updating their tuned configs. - 891 specializations have been improved. 
- 399 specializations have been added. 
 
Resolved issues#
- Fixed - device_select,- device_merge, and- device_merge_sortnot allocating the correct amount of virtual shared memory on the host.
- Fixed the - ->operator for the- transform_iterator, the- texture_cache_iterator, and the- arg_index_iterator, by now returning a proxy pointer.- The - arg_index_iteratoralso now only returns the internal iterator for the- ->.
 
Upcoming changes#
- Deprecated the - ->operator for the- zip_iterator.
ROCProfiler (2.0.0)#
Removed#
- rocprofv2doesn’t support gfx12XX Series GPUs. For gfx12XX Series GPUs, use- rocprofv3tool.
ROCprofiler-SDK (1.0.0)#
Added#
- Dynamic process attachment- ROCprofiler-SDK and - rocprofv3now facilitate dynamic profiling of a running GPU application by attaching to its process ID (PID), rather than launching the application through the profiler itself.
- Scratch-memory trace information to the Perfetto output in - rocprofv3.
- New capabilities to the thread trace support in - rocprofv3:- Real-time clock support for thread trace alignment on gfx9XX architecture. This enables high-resolution clock computation and better synchronization across shader engines. 
- MultiKernelDispatchthread trace support is now available across all ASICs.
 
- Documentation for dynamic process attachment. 
- Documentation for - rocpdsummaries.
Optimized#
- Improved the stability and robustness of the - rocpdoutput.
rocPyDecode (0.7.0)#
Added#
- rocPyJpegPerfSample - samples for JPEG decode 
Changed#
- Package - rocjpeg set as required dependency. 
- rocDecode host - rocdecode host linking updates 
Resolved issues#
- rocJPEG Bindings - bug fixes 
- Test package - find dependencies updated 
rocRAND (4.1.0)#
Changed#
- Changed the - USE_DEVICE_DISPATCHflag so it can turn device dispatch off by setting it to zero. Device dispatch should be turned off when building for SPIRV.
Resolved issues#
- Updated error handling for several rocRAND unit tests to accommodate the new - hipGetLastErrorbehavior that was introduced in ROCm 7.0. As of ROCm 7.0, the internal error state is cleared on each call to- hipGetLastErrorrather than on every HIP API call.
rocSOLVER (3.31.0)#
Added#
- Hybrid computation support for existing routines: STEQR 
Optimized#
Improved the performance of:
- BDSQR and downstream functions such as GESVD. 
- STEQR and downstream functions such as SYEV/HEEV. 
- LARFT and downstream functions such as GEQR2 and GEQRF. 
rocSPARSE (4.1.0)#
Added#
- Brain half float mixed precision for the following routines: - rocsparse_axpbywhere X and Y use bfloat16 and result and the compute type use float.
- rocsparse_spvvwhere X and Y use bfloat16 and result and the compute type use float.
- rocsparse_spmvwhere A and X use bfloat16 and Y and the compute type use float.
- rocsparse_spmmwhere A and B use bfloat16 and C and the compute type use float.
- rocsparse_sddmmwhere A and B use bfloat16 and C and the compute type use float.
- rocsparse_sddmmwhere A and B and C use bfloat16 and the compute type use float.
 
- Half float mixed precision to - rocsparse_sddmmwhere A and B and C use float16 and the compute type use float.
- Brain half float uniform precision to - rocsparse_scatterand- rocsparse_gatherroutines.
Optimized#
- Improved the user documentation. 
Upcoming changes#
- Deprecate trace, debug, and bench logging using the environment variable - ROCSPARSE_LAYER.
rocThrust (4.1.0)#
Added#
- A new CMake option - -DSQLITE_USE_SYSTEM_PACKAGEto allow SQLite to be provided by the system.
- Introduced - libhipcxxas a soft dependency. When- libhipcxxcan be included, rocThrust can use structs and methods defined in- libhipcxx. This allows for a more complete behavior parity with CCCL and mirrors CCCL’s thrust own dependency on- libcudacxx.
- Added a new CMake option - -DUSE_SYSTEM_LIBto allow tests to be built from- ROCmlibraries provided by the system.
Changed#
- The previously hidden cmake build option - FORCE_DEPENDENCIES_DOWNLOADhas been unhidden and renamed- EXTERNAL_DEPS_FORCE_DOWNLOADto differentiate it from the new rocPRIM and rocRAND dependency options described above. Its behavior remains the same - it forces non-ROCm dependencies (Google Benchmark, Google Test, and SQLite) to be downloaded instead of searching for existing installed packages. This option defaults to- OFF.
Removed#
- The previous dependency-related build options - DOWNLOAD_ROCPRIMand- DOWNLOAD_ROCRANDhave been removed. Use- ROCPRIM_FETCH_METHOD=DOWNLOADand- ROCRAND_FETCH_METHOD=DOWNLOADinstead.
Known issues#
- eventtest is failing on CI and local runs on MI300, MI250 and MI210.
- rocThrust, as well as its dependencies rocPRIM and rocRAND have been moved into the new - rocm-librariesmonorepo repository (https://github.com/ROCm/rocm-libraries). This repository contains several ROCm libraries that are frequently used together.- The repository migration requires a few changes to the way that rocThrust’s ROCm library dependencies are fetched. 
- There are new cmake options for obtaining rocPRIM and (optionally, if BUILD_BENCHMARKS is enabled) rocRAND. 
- cmake build options - ROCPRIM_FETCH_METHODand- ROCRAND_FETCH_METHODmay be set to one of the following:- PACKAGE- (default) searches for a preinstalled packaged version of the dependency. If it’s not found, the build will fall back using option- DOWNLOAD, described below.
- DOWNLOAD- downloads the dependency from the rocm-libraries repository. If git >= 2.25 is present, this option uses a sparse checkout that avoids downloading more than it needs to. If not, the whole monorepo is downloaded (this may take some time).
- MONOREPO- this option is intended to be used if you are building rocThrust from within a copy of the rocm-libraries repository that you have cloned (and therefore already contains the dependencies rocPRIM and rocRAND). When selected, the build will try to find the dependency in the local repository tree. If it can’t be found, the build will attempt to add it to the local tree using a sparse-checkout. If that also fails, it will fall back to using the- DOWNLOADoption.
 
 
RPP (2.1.0)#
Added#
- Solarize augmentation for HOST and HIP. 
- Hue and Saturation adjustment augmentations for HOST and HIP. 
- Find RPP - cmake module. 
- Posterize augmentation for HOST and HIP. 
Changed#
- HALF - Fix - half.hpppath updates.
- Box filter - padding updates. 
Removed#
- Packaging - Removed Meta Package dependency for HIP. 
- SLES 15 SP6 support. 
Resolved issues#
- Test Suite - Fixes for accuracy. 
- HIP Backend - Check return status warning fixes. 
- Bug fix - HIP vector types init. 
ROCm known issues#
ROCm known issues are noted on GitHub. For known issues related to individual components, review the Detailed component changes.
MIGraphX Python API will fail when running on Python 3.13#
Applications using the MIGraphX Python API will fail when running on Python 3.13 and return the error message AttributeError: module 'migraphx' has no attribute 'parse_onnx'. The issue doesn’t occur when you manually build MIGraphX. For detailed instructions, see Building from source. As a workaround, change the Python version to the one found in the installed location:
ls -l /opt/rocm-7.0.0/lib/libmigraphx_py_*.so
The issue will be resolved in a future ROCm release. See GitHub issue #5500.
ROCm resolved issues#
The following are previously known issues resolved in this release. For resolved issues related to individual components, review the Detailed component changes.
Segmentation fault in ROCprofiler-SDK due to ABI mismatch affecting std::regex#
A segmentation fault in ROCprofiler-SDK that uses std::regex has been resolved. Starting with GCC 5.1, GNU libstdc++ introduced a dual Application Binary Interface (ABI) to adopt C++11, primarily affecting the std::string and its dependencies, including std::regex. The issue occurred if your code was compiled against headers expecting one ABI but linked or run with the other, resulting in problems with std::string and std::regex. See GitHub issue #5343.
Clang compilation failure might occur due to incorrectly installed GNU C++ runtime#
An issue of Clang compilation failing with the error fatal error: 'cmath' file not found if the GNU C++ runtime was not installed correctly has been resolved. The error indicated that the libstdc++-dev package, compatible with the latest installed GNU Compiler Collection (GCC) version, was missing. This issue was a result of Clang being unable to find the newest GNU C++ runtimes it recognizes and the associated header files. See GitHub issue #4612.
ROCm upcoming changes#
The following changes to the ROCm software stack are anticipated for future releases.
ROCm SMI deprecation#
ROCm SMI will be phased out in an upcoming ROCm release and will enter maintenance mode. After this transition, only critical bug fixes will be addressed and no further feature development will take place.
It’s strongly recommended to transition your projects to AMD SMI, the successor to ROCm SMI. AMD SMI includes all the features of the ROCm SMI and will continue to receive regular updates, new functionality, and ongoing support. For more information on AMD SMI, see the AMD SMI documentation.
ROCTracer, ROCProfiler, rocprof, and rocprofv2 deprecation#
Development and support for ROCTracer, ROCProfiler, rocprof, and rocprofv2 are being phased out in favor of ROCprofiler-SDK in upcoming ROCm releases. Starting with ROCm 6.4, only critical defect fixes will be addressed for older versions of the profiling tools and libraries. All users are encouraged to upgrade to the latest version of the ROCprofiler-SDK library and the (rocprofv3) tool to ensure continued support and access to new features. ROCprofiler-SDK is still in beta today and will be production-ready in a future ROCm release.
It’s anticipated that ROCTracer, ROCProfiler, rocprof, and rocprofv2 will reach end-of-life by future releases, aligning with Q1 of 2026.
AMDGPU wavefront size compiler macro deprecation#
Access to the wavefront size as a compile-time constant via the __AMDGCN_WAVEFRONT_SIZE
and __AMDGCN_WAVEFRONT_SIZE__ macros are deprecated and will be disabled in a future release. In ROCm 7.0.0 warpSize is only available as a non-constexpr variable. You’re encouraged to update your code if needed to ensure future compatibility.
- The - __AMDGCN_WAVEFRONT_SIZE__macro and- __AMDGCN_WAVEFRONT_SIZEalias will be removed in an upcoming release. It is recommended to remove any use of this macro. For more information, see AMDGPU support.
- warpSizeis only available as a non-- constexprvariable. Where required, the wavefront size should be queried via the- warpSizevariable in device code, or via- hipGetDevicePropertiesin host code. Neither of these will result in a compile-time constant. For more information, see warpSize.
- For cases where compile-time evaluation of the wavefront size cannot be avoided, uses of - __AMDGCN_WAVEFRONT_SIZE,- __AMDGCN_WAVEFRONT_SIZE__, or- warpSizecan be replaced with a user-defined macro or- constexprvariable with the wavefront size(s) for the target hardware. For example:
   #if defined(__GFX9__)
   #define MY_MACRO_FOR_WAVEFRONT_SIZE 64
   #else
   #define MY_MACRO_FOR_WAVEFRONT_SIZE 32
   #endif
Changes to ROCm Object Tooling#
ROCm Object Tooling tools roc-obj-ls, roc-obj-extract, and roc-obj were
deprecated in ROCm 6.4, and will be removed in a future release. Functionality
has been added to the llvm-objdump --offloading tool option to extract all
clang-offload-bundles into individual code objects found within the objects
or executables passed as input.  The llvm-objdump --offloading tool option also
supports the --arch-name option, and only extracts code objects found with
the specified target architecture. See llvm-objdump
for more information.