CUDA

Last updated
CUDA
Developer(s) Nvidia
Initial releaseFebruary 16, 2007;18 years ago (2007-02-16) [1]
Stable release
12.8 / January 2025;2 months ago (2025-01)
Operating system Windows, Linux
Platform Supported GPUs
Type GPGPU
License Proprietary
Website developer.nvidia.com/cuda-zone

In computing, CUDA (Compute Unified Device Architecture) is a proprietary [2] parallel computing platform and application programming interface (API) that allows software to use certain types of graphics processing units (GPUs) for accelerated general-purpose processing, an approach called general-purpose computing on GPUs. CUDA was created by Nvidia in 2006. [3] When it was first introduced, the name was an acronym for Compute Unified Device Architecture, [4] but Nvidia later dropped the common use of the acronym and now rarely expands it. [5]

Contents

CUDA is a software layer that gives direct access to the GPU's virtual instruction set and parallel computational elements for the execution of compute kernels. [6] In addition to drivers and runtime kernels, the CUDA platform includes compilers, libraries and developer tools to help programmers accelerate their applications.

CUDA is designed to work with programming languages such as C, C++, Fortran, Python and Julia. This accessibility makes it easier for specialists in parallel programming to use GPU resources, in contrast to prior APIs like Direct3D and OpenGL, which require advanced skills in graphics programming. [7] CUDA-powered GPUs also support programming frameworks such as OpenMP, OpenACC and OpenCL. [8] [6]

Background

The graphics processing unit (GPU), as a specialized computer processor, addresses the demands of real-time high-resolution 3D graphics compute-intensive tasks. By 2012, GPUs had evolved into highly parallel multi-core systems allowing efficient manipulation of large blocks of data. This design is more effective than general-purpose central processing unit (CPUs) for algorithms in situations where processing large blocks of data is done in parallel, such as:

Ian Buck, while at Stanford in 2000, created an 8K gaming rig using 32 GeForce cards, then obtained a DARPA grant to perform general purpose parallel programming on GPUs. He then joined Nvidia, where since 2004 he has been overseeing CUDA development. In pushing for CUDA, Jensen Huang aimed for the Nvidia GPUs to become a general hardware for scientific computing. CUDA was released in 2007. Around 2015, the focus of CUDA changed to neural networks. [9]

Ontology

The following table offers a non-exact description for the ontology of CUDA framework.

The ontology of CUDA framework
memory
(hardware)
memory (code, or variable scoping)computation
(hardware)
computation
(code syntax)
computation
(code semantics)
RAM non-CUDA variableshostprogramone routine call
VRAM,
GPU L2 cache
global, const, texturedevicegridsimultaneous call of the same subroutine on many processors
GPU L1 cachelocal, sharedSM ("streaming multiprocessor")blockindividual subroutine call
warp = 32 threads SIMD instructions
GPU L0 cache,
register
thread (aka. "SP", "streaming processor", "cuda core", but these names are now deprecated)analogous to individual scalar ops within a vector op

Programming abilities

Example of CUDA processing flow
Copy data from main memory to GPU memory
CPU initiates the GPU compute kernel
GPU's CUDA cores execute the kernel in parallel
Copy the resulting data from GPU memory to main memory CUDA processing flow (En).PNG
Example of CUDA processing flow
  1. Copy data from main memory to GPU memory
  2. CPU initiates the GPU compute kernel
  3. GPU's CUDA cores execute the kernel in parallel
  4. Copy the resulting data from GPU memory to main memory

The CUDA platform is accessible to software developers through CUDA-accelerated libraries, compiler directives such as OpenACC, and extensions to industry-standard programming languages including C, C++, Fortran and Python. C/C++ programmers can use 'CUDA C/C++', compiled to PTX with nvcc, Nvidia's LLVM-based C/C++ compiler, or by clang itself. [10] Fortran programmers can use 'CUDA Fortran', compiled with the PGI CUDA Fortran compiler from The Portland Group.[ needs update ] Python programmers can use the cuNumeric library to accelerate applications on Nvidia GPUs.

In addition to libraries, compiler directives, CUDA C/C++ and CUDA Fortran, the CUDA platform supports other computational interfaces, including the Khronos Group's OpenCL, [11] Microsoft's DirectCompute, OpenGL Compute Shader and C++ AMP. [12] Third party wrappers are also available for Python, Perl, Fortran, Java, Ruby, Lua, Common Lisp, Haskell, R, MATLAB, IDL, Julia, and native support in Mathematica.

In the computer game industry, GPUs are used for graphics rendering, and for game physics calculations (physical effects such as debris, smoke, fire, fluids); examples include PhysX and Bullet. CUDA has also been used to accelerate non-graphical applications in computational biology, cryptography and other fields by an order of magnitude or more. [13] [14] [15] [16] [17]

CUDA provides both a low level API (CUDA Driver API, non single-source) and a higher level API (CUDA Runtime API, single-source). The initial CUDA SDK was made public on 15 February 2007, for Microsoft Windows and Linux. Mac OS X support was later added in version 2.0, [18] which supersedes the beta released February 14, 2008. [19] CUDA works with all Nvidia GPUs from the G8x series onwards, including GeForce, Quadro and the Tesla line. CUDA is compatible with most standard operating systems.

CUDA 8.0 comes with the following libraries (for compilation & runtime, in alphabetical order):

CUDA 8.0 comes with these other software components:

CUDA 9.0–9.2 comes with these other components:

CUDA 10 comes with these other components:

CUDA 11.0–11.8 comes with these other components: [20] [21] [22] [23]

Advantages

CUDA has several advantages over traditional general-purpose computation on GPUs (GPGPU) using graphics APIs:

Limitations

Example

This example code in C++ loads a texture from an image into an array on the GPU:

texture<float,2,cudaReadModeElementType>tex;voidfoo(){cudaArray*cu_array;// Allocate arraycudaChannelFormatDescdescription=cudaCreateChannelDesc<float>();cudaMallocArray(&cu_array,&description,width,height);// Copy image data to arraycudaMemcpyToArray(cu_array,image,width*height*sizeof(float),cudaMemcpyHostToDevice);// Set texture parameters (default)tex.addressMode[0]=cudaAddressModeClamp;tex.addressMode[1]=cudaAddressModeClamp;tex.filterMode=cudaFilterModePoint;tex.normalized=false;// do not normalize coordinates// Bind the array to the texturecudaBindTextureToArray(tex,cu_array);// Run kerneldim3blockDim(16,16,1);dim3gridDim((width+blockDim.x-1)/blockDim.x,(height+blockDim.y-1)/blockDim.y,1);kernel<<<gridDim,blockDim,0>>>(d_data,height,width);// Unbind the array from the texturecudaUnbindTexture(tex);}//end foo()__global__voidkernel(float*odata,intheight,intwidth){unsignedintx=blockIdx.x*blockDim.x+threadIdx.x;unsignedinty=blockIdx.y*blockDim.y+threadIdx.y;if(x<width&&y<height){floatc=tex2D(tex,x,y);odata[y*width+x]=c;}}

Below is an example given in Python that computes the product of two arrays on the GPU. The unofficial Python language bindings can be obtained from PyCUDA. [36]

importpycuda.compilerascompimportpycuda.driverasdrvimportnumpyimportpycuda.autoinitmod=comp.SourceModule("""__global__ void multiply_them(float *dest, float *a, float *b){  const int i = threadIdx.x;  dest[i] = a[i] * b[i];}""")multiply_them=mod.get_function("multiply_them")a=numpy.random.randn(400).astype(numpy.float32)b=numpy.random.randn(400).astype(numpy.float32)dest=numpy.zeros_like(a)multiply_them(drv.Out(dest),drv.In(a),drv.In(b),block=(400,1,1))print(dest-a*b)

Additional Python bindings to simplify matrix multiplication operations can be found in the program pycublas. [37]

importnumpyfrompycublasimportCUBLASMatrixA=CUBLASMatrix(numpy.mat([[1,2,3],[4,5,6]],numpy.float32))B=CUBLASMatrix(numpy.mat([[2,3],[4,5],[6,7]],numpy.float32))C=A*Bprint(C.np_mat())

while CuPy directly replaces NumPy: [38]

importcupya=cupy.random.randn(400)b=cupy.random.randn(400)dest=cupy.zeros_like(a)print(dest-a*b)

GPUs supported

Supported CUDA compute capability versions for CUDA SDK version and microarchitecture (by code name):

Note: CUDA SDK 10.2 is the last official release for macOS, as support will not be available for macOS in newer releases.

CUDA compute capability by version with associated GPU semiconductors and GPU card models (separated by their various application areas):

* – OEM-only products

Version features and specifications

Feature support (unlisted features are supported for all compute capabilities)Compute capability (version)
1.0, 1.11.2, 1.32.x3.03.23.5, 3.7, 5.x, 6.x, 7.0, 7.27.58.x9.0, 10.x, 12.0
Warp vote functions (__all(), __any())NoYes
Warp vote functions (__ballot())NoYes
Memory fence functions (__threadfence_system())
Synchronization functions (__syncthreads_count(), __syncthreads_and(), __syncthreads_or())
Surface functions
3D grid of thread blocks
Warp shuffle functionsNoYes
Unified memory programming
Funnel shiftNoYes
Dynamic parallelismNoYes
Uniform Datapath [57] NoYes
Hardware-accelerated async-copyNoYes
Hardware-accelerated split arrive/wait barrier
Warp-level support for reduction ops
L2 cache residency management
DPX instructions for accelerated dynamic programmingNoYes
Distributed shared memory
Thread block cluster
Tensor memory accelerator (TMA) unit
Feature support (unlisted features are supported for all compute capabilities)1.0,1.11.2,1.32.x3.03.23.5, 3.7, 5.x, 6.x, 7.0, 7.27.58.x9.0, 10.x, 12.0
Compute capability (version)

[58]

Data types

Floating-point types

Data typeSupported vector typesStorage Length Bits
(complete vector)
Used Length Bits
(single value)
Sign BitsExponent BitsMantissa BitsComments
E2M1 = FP4e2m1x2 / e2m1x48 / 164121
E2M3 = FP6 variante2m3x2 / e2m3x416 / 326123
E3M2 = FP6 variante3m2x2 / e3m2x416 / 326132
UE4M3ue4m387043Used for scaling (E2M1 only)
E4M3 = FP8 variante4m3 / e4m3x2 / e4m3x48 / 16 / 328143
E5M2 = FP8 variante5m2 / e5m2x2 / e5m2x48 / 16 / 328152Exponent/range of FP16, fits into 8 bits
UE8M0ue8m0x2168080Used for scaling (any FP4 or FP6 or FP8 format)
FP16f16 / f16x216 / 32161510
BF16bf16 / bf16x216 / 3216187Exponent/range of FP32, fits into 16 bits
TF32tf3232191810Exponent/range of FP32, mantissa/precision of FP16
FP32f32 / f32x232 / 64321823
FP64f64646411152

Version support

Data typeBasic OperationsSupported since
Atomic OperationsSupported since
for global memory
Supported since
for shared memory
8-bit integer
signed/unsigned
loading, storing, conversion1.0
16-bit integer
signed/unsigned
general operations1.0atomicCAS()3.5
32-bit integer
signed/unsigned
general operations1.0atomic functions1.11.2
64-bit integer
signed/unsigned
general operations1.0atomic functions1.22.0
any 128-bit trivially copyable typegeneral operationsNoatomicExch, atomicCAS9.0
16-bit floating point
FP16
addition, subtraction,
multiplication, comparison,
warp shuffle functions, conversion
5.3half2 atomic addition6.0
atomic addition7.0
16-bit floating point
BF16
addition, subtraction,
multiplication, comparison,
warp shuffle functions, conversion
8.0atomic addition8.0
32-bit floating pointgeneral operations1.0atomicExch()1.11.2
atomic addition2.0
32-bit floating point float2 and float4general operationsNoatomic addition9.0
64-bit floating pointgeneral operations1.3atomic addition6.0

Note: Any missing lines or empty entries do reflect some lack of information on that exact item. [59]

Tensor cores

FMA per cycle per tensor core [60] Supported since7.07.27.5 Workstation7.5 Desktop8.08.6 Workstation8.78.6 Desktop8.9 Desktop8.9 Workstation9.010.010.112.0
Data TypeFor dense matricesFor sparse matrices1st Gen (8x/SM)1st Gen? (8x/SM)2nd Gen (8x/SM)3rd Gen (4x/SM)4th Gen (4x/SM)5th Gen (4x/SM)
1-bit values (AND)8.0 as
experimental
NoNo40962048speed tbd
1-bit values (XOR)7.5–8.9 as
experimental
No1024Deprecated or removed?
4-bit integers8.0–8.9 as
experimental
2561024512
4-bit floating point FP4 (E2M1)10.0No4096tbd512
6-bit floating point FP6 (E3M2 and E2M3)10.0No2048tbd
8-bit integers7.28.0No12812851225610242048256
8-bit floating point FP8 (E4M3 and E5M2) with FP16 accumulate8.9No256
8-bit floating point FP8 (E4M3 and E5M2) with FP32 accumulate128128
16-bit floating point FP16 with FP16 accumulate7.08.06464642561285121024128
16-bit floating point FP16 with FP32 accumulate326412864
16-bit floating point BF16 with FP32 accumulate7.5 [61] 8.0No64 [62]
32-bit (19 bits used) floating point TF32speed tbd (32?) [62] 128326425651232
64-bit floating point8.0NoNo16speed tbd3216tbd

Note: Any missing lines or empty entries do reflect some lack of information on that exact item. [63] [64] [65] [66] [67] [68]

Tensor Core Composition7.07.2, 7.58.0, 8.68.78.99.0
Dot Product Unit Width in FP16 units (in bytes) [69] [70] [71] [72] 4 (8)8 (16)4 (8)16 (32)
Dot Product Units per Tensor Core1632
Tensor Cores per SM partition21
Full throughput (Bytes/cycle) [73] per SM partition [74] 2565122561024
FP Tensor Cores: Minimum cycles for warp-wide matrix calculation848
FP Tensor Cores: Minimum Matrix Shape for full throughput (Bytes) [75] 2048
INT Tensor Cores: Minimum cycles for warp-wide matrix calculationNo4
INT Tensor Cores: Minimum Matrix Shape for full throughput (Bytes)No102420481024

[76] [77] [78] [79]

FP64 Tensor Core Composition8.08.68.78.99.0
Dot Product Unit Width in FP64 units (in bytes)4 (32)tbd4 (32)
Dot Product Units per Tensor Core4tbd8
Tensor Cores per SM partition1
Full throughput (Bytes/cycle) [73] per SM partition [74] 128tbd256
Minimum cycles for warp-wide matrix calculation16tbd
Minimum Matrix Shape for full throughput (Bytes) [75] 2048

Technical specification

Technical specificationsCompute capability (version)
1.01.11.21.32.x3.03.23.53.75.05.25.36.06.16.27.07.27.58.08.68.78.99.010.x12.0
Maximum number of resident grids per device
(concurrent kernel execution, can be lower for specific devices)
11643216128321612816128
Maximum dimensionality of grid of thread blocks23
Maximum x-dimension of a grid of thread blocks65535231 − 1
Maximum y-, or z-dimension of a grid of thread blocks65535
Maximum dimensionality of thread block3
Maximum x- or y-dimension of a block5121024
Maximum z-dimension of a block64
Maximum number of threads per block5121024
Warp size32
Maximum number of resident blocks per multiprocessor816321632162432
Maximum number of resident warps per multiprocessor243248643264486448
Maximum number of resident threads per multiprocessor76810241536204810242048153620481536
Number of 32-bit regular registers per multiprocessor8 K16 K32 K64 K128 K64 K
Number of 32-bit uniform registers per multiprocessorNo2 K [80]

[81]

Maximum number of 32-bit registers per thread block8 K16 K32 K64 K32 K64 K32 K64 K32 K64 K
Maximum number of 32-bit regular registers per thread12463255
Maximum number of 32-bit uniform registers per warpNo63 [80]

[82]

Amount of shared memory per multiprocessor
(out of overall shared memory + L1 cache, where applicable)
16 KiB16 / 48 KiB (of 64 KiB)16 / 32 / 48 KiB (of 64 KiB)80 / 96 / 112 KiB (of 128 KiB)64 KiB96 KiB64 KiB96 KiB64 KiB0 / 8 / 16 / 32 / 64 / 96 KiB (of 128 KiB)32 / 64 KiB (of 96 KiB)0 / 8 / 16 / 32 / 64 / 100 / 132 / 164 KiB (of 192 KiB)0 / 8 / 16 / 32 / 64 / 100 KiB (of 128 KiB)0 / 8 / 16 / 32 / 64 / 100 / 132 / 164 KiB (of 192 KiB)0 / 8 / 16 / 32 / 64 / 100 KiB (of 128 KiB)0 / 8 / 16 / 32 / 64 / 100 / 132 / 164 / 196 / 228 KiB (of 256 KiB)0 / 8 / 16 / 32 / 64 / 100 KiB (of 128 KiB)
Maximum amount of shared memory per thread block16 KiB48 KiB96 KiB48 KiB64 KiB163 KiB99 KiB163 KiB99 KiB227 KiB99 KiB
Number of shared memory banks1632
Amount of local memory per thread16 KiB512 KiB
Constant memory size accessible by CUDA C/C++
(1 bank, PTX can access 11 banks, SASS can access 18 banks)
64 KiB
Cache working set per multiprocessor for constant memory8 KiB4 KiB8 KiB
Cache working set per multiprocessor for texture memory16 KiB per TPC24 KiB per TPC12 KiB12 – 48 KiB [83] 24 KiB48 KiB32 KiB [84] 24 KiB48 KiB24 KiB32 – 128 KiB32 – 64 KiB28 – 192 KiB28 – 128 KiB28 – 192 KiB28 – 128 KiB28 – 256 KiB
Maximum width for 1D texture reference bound to a CUDA
array
819265536131072
Maximum width for 1D texture reference bound to linear
memory
227228227228227228
Maximum width and number of layers for a 1D layered
texture reference
8192 × 51216384 × 204832768 x 2048
Maximum width and height for 2D texture reference bound
to a CUDA array
65536 × 3276865536 × 65535131072 x 65536
Maximum width and height for 2D texture reference bound
to a linear memory
65000 x 6500065536 x 65536131072 x 65000
Maximum width and height for 2D texture reference bound
to a CUDA array supporting texture gather
16384 x 1638432768 x 32768
Maximum width, height, and number of layers for a 2D
layered texture reference
8192 × 8192 × 51216384 × 16384 × 204832768 x 32768 x 2048
Maximum width, height and depth for a 3D texture
reference bound to linear memory or a CUDA array
2048340963163843
Maximum width (and height) for a cubemap texture reference1638432768
Maximum width (and height) and number of layers
for a cubemap layered texture reference
16384 × 204632768 × 2046
Maximum number of textures that can be bound to a
kernel
128256
Maximum width for a 1D surface reference bound to a
CUDA array
Not
supported
655361638432768
Maximum width and number of layers for a 1D layered
surface reference
65536 × 204816384 × 204832768 × 2048
Maximum width and height for a 2D surface reference
bound to a CUDA array
65536 × 3276816384 × 65536131072 × 65536
Maximum width, height, and number of layers for a 2D
layered surface reference
65536 × 32768 × 204816384 × 16384 × 204832768 × 32768 × 2048
Maximum width, height, and depth for a 3D surface
reference bound to a CUDA array
65536 × 32768 × 20484096 × 4096 × 409616384 × 16384 × 16384
Maximum width (and height) for a cubemap surface reference bound to a CUDA array327681638432768
Maximum width and number of layers for a cubemap
layered surface reference
32768 × 204616384 × 204632768 × 2046
Maximum number of surfaces that can be bound to a
kernel
81632
Maximum number of instructions per kernel2 million512 million
Maximum number of Thread Blocks per Thread Block Cluster [85] No168
Technical specifications1.01.11.21.32.x3.03.23.53.75.05.25.36.06.16.27.07.27.58.08.68.78.99.010.x12.0
Compute capability (version)
[86] [87]

Multiprocessor architecture

Architecture specificationsCompute capability (version)
1.01.11.21.32.02.13.03.23.53.75.05.25.36.06.16.27.07.27.58.08.68.78.99.010.x12.0
Number of ALU lanes for INT32 arithmetic operations83248192 [88] 12812864128128646464128
Number of ALU lanes for any INT32 or FP32 arithmetic operation
Number of ALU lanes for FP32 arithmetic operations6464128128
Number of ALU lanes for FP16x2 arithmetic operationsNo1128 [89] 128 [90] 64 [91]
Number of ALU lanes for FP64 arithmetic operationsNo116 by FP32 [92] 4 by FP32 [93] 88 / 64 [94] 644 [95] 324322322642
Number of Load/Store Units4 per 2 SM8 per 2 SM8 per 2 SM / 3 SM [94] 8 per 3 SM163216321632
Number of special function units for single-precision floating-point transcendental functions2 [96] 4832163216
Number of texture mapping units (TMU)4 per 2 SM8 per 2 SM8 per 2 / 3SM [94] 8 per 3 SM44 / 8 [94] 1681684
Number of ALU lanes for uniform INT32 arithmetic operationsNo2 [97]
Number of tensor coresNo8 (1st gen.) [98] 0 / 8 [94] (2nd gen.)4 (3rd gen.)4 (4th gen.)
Number of raytracing coresNo0 / 1 [94] (1st gen.)No1 (2nd gen.)No1 (3rd gen.)No
Number of SM Partitions = Processing Blocks [99] 1424
Number of warp schedulers per SM partition1241
Max number of new instructions issued each cycle by a single scheduler [100] 2 [101] 12 [102] 21
Size of unified memory for data cache and shared memory16 KiB [103] 16 KiB [103] 64 KiB128 KiB64 KiB SM + 24 KiB L1 (separate) [104] 96 KiB SM + 24 KiB L1 (separate) [104] 64 KiB SM + 24 KiB L1 (separate) [104] 64 KiB SM + 24 KiB L1 (separate) [104] 96 KiB SM + 24 KiB L1 (separate) [104] 64 KiB SM + 24 KiB L1 (separate) [104] 128 KiB96 KiB [105] 192 KiB128 KiB192 KiB128 KiB256 KiB
Size of L3 instruction cache per GPU32 KiB [106] use L2 Data Cache
Size of L2 instruction cache per Texture Processor Cluster (TPC)8 KiB
Size of L1.5 instruction cache per SM [107] 4 KiB32 KiB32 KiB48 KiB [84] 128 KiB32 KiB128 KiB~46 KiB [108] 128 KiB [109]
Size of L1 instruction cache per SM8 KiB8 KiB
Size of L0 instruction cache per SM partitiononly 1 partition per SMNo12 KiB16 KiB? [110] 32 KiB
Instruction Width [107] 32 bits instructions and 64 bits instructions [111] 64 bits instructions + 64 bits control logic every 7 instructions64 bits instructions + 64 bits control logic every 3 instructions128 bits combined instruction and control logic
Memory Bus Width per Memory Partition in bits64 ((G)DDR)32 ((G)DDR)512 (HBM)32 ((G)DDR)512 (HBM)32 ((G)DDR)512 (HBM)32 ((G)DDR)512 (HBM)32 ((G)DDR)
L2 Cache per Memory Partition16 KiB [112] 32 KiB [112] 128 KiB256 KiB1 MiB512 KiB128 KiB512 KiB256 KiB128 KiB768 KiB64 KiB512 KiB4 MiB512 KiB8 MiB [113] 5 MiB6.25 MiB8 MiB [114]
Number of Render Output Units (ROP) per memory partition (or per GPC in later models)4848168128416281616 per GPC3 per GPC16 per GPC
Architecture specifications1.01.11.21.32.02.13.03.23.53.75.05.25.36.06.16.27.07.27.58.08.68.78.99.010.x12.0
Compute capability (version)

For more information read the Nvidia CUDA C++ Programming Guide. [115]

Current and future usages of CUDA architecture

Comparison with competitors

CUDA competes with other GPU computing stacks: Intel OneAPI and AMD ROCm.

Whereas Nvidia's CUDA is closed-source, Intel's OneAPI and AMD's ROCm are open source.

Intel OneAPI

oneAPI is an initiative based in open standards, created to support software development for multiple hardware architectures. [118] The oneAPI libraries must implement open specifications that are discussed publicly by the Special Interest Groups, offering the possibility for any developer or organization to implement their own versions of oneAPI libraries. [119] [120]

Originally made by Intel, other hardware adopters include Fujitsu and Huawei.

Unified Acceleration Foundation (UXL)

Unified Acceleration Foundation (UXL) is a new technology consortium working on the continuation of the OneAPI initiative, with the goal to create a new open standard accelerator software ecosystem, related open standards and specification projects through Working Groups and Special Interest Groups (SIGs). The goal is to offer open alternatives to Nvidia's CUDA. The main companies behind it are Intel, Google, ARM, Qualcomm, Samsung, Imagination, and VMware. [121]

AMD ROCm

ROCm [122] is an open source software stack for graphics processing unit (GPU) programming from Advanced Micro Devices (AMD).

See also

References

  1. "NVIDIA® CUDA™ Unleashes Power of GPU Computing - Press Release". nvidia.com. Archived from the original on 29 March 2007. Retrieved 26 January 2025.
  2. 1 2 Shah, Agam. "Nvidia not totally against third parties making CUDA chips". www.theregister.com. Retrieved 2024-04-25.
  3. "Nvidia CUDA Home Page". 18 July 2017.
  4. Shimpi, Anand Lal; Wilson, Derek (November 8, 2006). "Nvidia's GeForce 8800 (G80): GPUs Re-architected for DirectX 10". AnandTech. Retrieved May 16, 2015.
  5. "Introduction — nsight-visual-studio-edition 12.6 documentation". docs.nvidia.com. Retrieved 2024-10-10.
  6. 1 2 Abi-Chahla, Fedy (June 18, 2008). "Nvidia's CUDA: The End of the CPU?". Tom's Hardware. Retrieved May 17, 2015.
  7. Zunitch, Peter (2018-01-24). "CUDA vs. OpenCL vs. OpenGL". Videomaker. Retrieved 2018-09-16.
  8. "OpenCL". NVIDIA Developer. 2013-04-24. Retrieved 2019-11-04.
  9. Witt, Stephen (2023-11-27). "How Jensen Huang's Nvidia Is Powering the A.I. Revolution". The New Yorker. ISSN   0028-792X . Retrieved 2023-12-10.
  10. "CUDA LLVM Compiler". 7 May 2012.
  11. First OpenCL demo on a GPU on YouTube
  12. DirectCompute Ocean Demo Running on Nvidia CUDA-enabled GPU on YouTube
  13. Vasiliadis, Giorgos; Antonatos, Spiros; Polychronakis, Michalis; Markatos, Evangelos P.; Ioannidis, Sotiris (September 2008). "Gnort: High Performance Network Intrusion Detection Using Graphics Processors" (PDF). Recent Advances in Intrusion Detection. Lecture Notes in Computer Science. Vol. 5230. pp. 116–134. doi:10.1007/978-3-540-87403-4_7. ISBN   978-3-540-87402-7.
  14. Schatz, Michael C.; Trapnell, Cole; Delcher, Arthur L.; Varshney, Amitabh (2007). "High-throughput sequence alignment using Graphics Processing Units". BMC Bioinformatics. 8: 474. doi: 10.1186/1471-2105-8-474 . PMC   2222658 . PMID   18070356.
  15. Manavski, Svetlin A.; Giorgio, Valle (2008). "CUDA compatible GPU cards as efficient hardware accelerators for Smith-Waterman sequence alignment". BMC Bioinformatics. 10 (Suppl 2): S10. doi: 10.1186/1471-2105-9-S2-S10 . PMC   2323659 . PMID   18387198.
  16. "Pyrit – Google Code".
  17. "Use your Nvidia GPU for scientific computing". BOINC. 2008-12-18. Archived from the original on 2008-12-28. Retrieved 2017-08-08.
  18. "Nvidia CUDA Software Development Kit (CUDA SDK) – Release Notes Version 2.0 for MAC OS X". Archived from the original on 2009-01-06.
  19. "CUDA 1.1 – Now on Mac OS X". February 14, 2008. Archived from the original on November 22, 2008.
  20. "CUDA 11 Features Revealed". 14 May 2020.
  21. "CUDA Toolkit 11.1 Introduces Support for GeForce RTX 30 Series and Quadro RTX Series GPUs". 23 September 2020.
  22. "Enhancing Memory Allocation with New NVIDIA CUDA 11.2 Features". 16 December 2020.
  23. "Exploring the New Features of CUDA 11.3". 16 April 2021.
  24. Silberstein, Mark; Schuster, Assaf; Geiger, Dan; Patney, Anjul; Owens, John D. (2008). "Efficient computation of sum-products on GPUs through software-managed cache" (PDF). Proceedings of the 22nd annual international conference on Supercomputing – ICS '08 (PDF). Proceedings of the 22nd annual international conference on Supercomputing – ICS '08. pp. 309–318. doi:10.1145/1375527.1375572. ISBN   978-1-60558-158-3.
  25. "CUDA C Programming Guide v8.0" (PDF). nVidia Developer Zone. January 2017. p. 19. Retrieved 22 March 2017.
  26. "NVCC forces c++ compilation of .cu files". 29 November 2011.
  27. Whitehead, Nathan; Fit-Florea, Alex. "Precision & Performance: Floating Point and IEEE 754 Compliance for Nvidia GPUs" (PDF). Nvidia . Retrieved November 18, 2014.
  28. "CUDA-Enabled Products". CUDA Zone. Nvidia Corporation. Retrieved 2008-11-03.
  29. "Coriander Project: Compile CUDA Codes To OpenCL, Run Everywhere". Phoronix.
  30. Perkins, Hugh (2017). "cuda-on-cl" (PDF). IWOCL. Retrieved August 8, 2017.
  31. "hughperkins/coriander: Build NVIDIA® CUDA™ code for OpenCL™ 1.2 devices". GitHub. May 6, 2019.
  32. "CU2CL Documentation". chrec.cs.vt.edu.
  33. "GitHub – vosen/ZLUDA". GitHub .
  34. Larabel, Michael (2024-02-12), "AMD Quietly Funded A Drop-In CUDA Implementation Built On ROCm: It's Now Open-Source", Phoronix , retrieved 2024-02-12
  35. "GitHub – chip-spv/chipStar". GitHub .
  36. "PyCUDA".
  37. "pycublas". Archived from the original on 2009-04-20. Retrieved 2017-08-08.
  38. "CuPy" . Retrieved 2020-01-08.
  39. "NVIDIA CUDA Programming Guide. Version 1.0" (PDF). June 23, 2007.
  40. "NVIDIA CUDA Programming Guide. Version 2.1" (PDF). December 8, 2008.
  41. "NVIDIA CUDA Programming Guide. Version 2.2" (PDF). April 2, 2009.
  42. "NVIDIA CUDA Programming Guide. Version 2.2.1" (PDF). May 26, 2009.
  43. "NVIDIA CUDA Programming Guide. Version 2.3.1" (PDF). August 26, 2009.
  44. "NVIDIA CUDA Programming Guide. Version 3.0" (PDF). February 20, 2010.
  45. "NVIDIA CUDA C Programming Guide. Version 3.1.1" (PDF). July 21, 2010.
  46. "NVIDIA CUDA C Programming Guide. Version 3.2" (PDF). November 9, 2010.
  47. "CUDA 11.0 Release Notes". NVIDIA Developer.
  48. "CUDA 11.1 Release Notes". NVIDIA Developer.
  49. "CUDA 11.5 Release Notes". NVIDIA Developer.
  50. "CUDA 11.8 Release Notes". NVIDIA Developer.
  51. "NVIDIA Quadro NVS 420 Specs". TechPowerUp GPU Database. 25 August 2023.
  52. Larabel, Michael (March 29, 2017). "NVIDIA Rolls Out Tegra X2 GPU Support In Nouveau". Phoronix . Retrieved August 8, 2017.
  53. Nvidia Xavier Specs on TechPowerUp (preliminary)
  54. "Welcome — Jetson LinuxDeveloper Guide 34.1 documentation".
  55. "NVIDIA Bringing up Open-Source Volta GPU Support for Their Xavier SoC".
  56. "NVIDIA Ada Lovelace Architecture".
  57. Dissecting the Turing GPU Architecture through Microbenchmarking
  58. "H.1. Features and Technical Specifications  Table 13. Feature Support per Compute Capability". docs.nvidia.com. Retrieved 2020-09-23.
  59. "CUDA C++ Programming Guide".
  60. Fused-Multiply-Add, actually executed, Dense Matrix
  61. as SASS since 7.5, as PTX since 8.0
  62. 1 2 unofficial support in SASS
  63. "Technical brief. NVIDIA Jetson AGX Orin Series" (PDF). nvidia.com. Retrieved 5 September 2023.
  64. "NVIDIA Ampere GA102 GPU Architecture" (PDF). nvidia.com. Retrieved 5 September 2023.
  65. Luo, Weile; Fan, Ruibo; Li, Zeyu; Du, Dayou; Wang, Qiang; Chu, Xiaowen (2024). "Benchmarking and Dissecting the Nvidia Hopper GPU Architecture". arXiv: 2402.13499v1 [cs.AR].
  66. "Datasheet NVIDIA A40" (PDF). nvidia.com. Retrieved 27 April 2024.
  67. "NVIDIA AMPERE GA102 GPU ARCHITECTURE" (PDF). 27 April 2024.
  68. "Datasheet NVIDIA L40" (PDF). 27 April 2024.
  69. In the Whitepapers the Tensor Core cube diagrams represent the Dot Product Unit Width into the height (4 FP16 for Volta and Turing, 8 FP16 for A100, 4 FP16 for GA102, 16 FP16 for GH100). The other two dimensions represent the number of Dot Product Units (4x4 = 16 for Volta and Turing, 8x4 = 32 for Ampere and Hopper). The resulting gray blocks are the FP16 FMA operations per cycle. Pascal without Tensor core is only shown for speed comparison as is Volta V100 with non-FP16 datatypes.
  70. "NVIDIA Turing Architecture Whitepaper" (PDF). nvidia.com. Retrieved 5 September 2023.
  71. "NVIDIA Tensor Core GPU" (PDF). nvidia.com. Retrieved 5 September 2023.
  72. "NVIDIA Hopper Architecture In-Depth". 22 March 2022.
  73. 1 2 shape x converted operand size, e.g. 2 tensor cores x 4x4x4xFP16/cycle = 256 Bytes/cycle
  74. 1 2 = product first 3 table rows
  75. 1 2 = product of previous 2 table rows; shape: e.g. 8x8x4xFP16 = 512 Bytes
  76. Sun, Wei; Li, Ang; Geng, Tong; Stuijk, Sander; Corporaal, Henk (2023). "Dissecting Tensor Cores via Microbenchmarks: Latency, Throughput and Numeric Behaviors". IEEE Transactions on Parallel and Distributed Systems. 34 (1): 246–261. arXiv: 2206.02874 . doi:10.1109/tpds.2022.3217824. S2CID   249431357.
  77. "Parallel Thread Execution ISA Version 7.7".
  78. Raihan, Md Aamir; Goli, Negar; Aamodt, Tor (2018). "Modeling Deep Learning Accelerator Enabled GPUs". arXiv: 1811.08309 [cs.MS].
  79. "NVIDIA Ada Lovelace Architecture".
  80. 1 2 Jia, Zhe; Maggioni, Marco; Smith, Jeffrey; Daniele Paolo Scarpazza (2019). "Dissecting the NVidia Turing T4 GPU via Microbenchmarking". arXiv: 1903.07486 [cs.DC].
  81. Burgess, John (2019). "RTX ON – The NVIDIA TURING GPU". 2019 IEEE Hot Chips 31 Symposium (HCS). pp. 1–27. doi:10.1109/HOTCHIPS.2019.8875651. ISBN   978-1-7281-2089-8. S2CID   204822166.
  82. Burgess, John (2019). "RTX ON – The NVIDIA TURING GPU". 2019 IEEE Hot Chips 31 Symposium (HCS). pp. 1–27. doi:10.1109/HOTCHIPS.2019.8875651. ISBN   978-1-7281-2089-8. S2CID   204822166.
  83. dependent on device
  84. 1 2 "Tegra X1". 9 January 2015.
  85. NVIDIA H100 Tensor Core GPU Architecture
  86. H.1. Features and Technical Specifications – Table 14. Technical Specifications per Compute Capability
  87. NVIDIA Hopper Architecture In-Depth
  88. can only execute 160 integer instructions according to programming guide
  89. 128 according to . 64 from FP32 + 64 separate units?
  90. 64 by FP32 cores and 64 by flexible FP32/INT cores.
  91. "CUDA C++ Programming Guide".
  92. 32 FP32 lanes combine to 16 FP64 lanes. Maybe lower depending on model.
  93. only supported by 16 FP32 lanes, they combine to 4 FP64 lanes
  94. 1 2 3 4 5 6 depending on model
  95. Effective speed, probably over FP32 ports. No description of actual FP64 cores.
  96. Can also be used for integer additions and comparisons
  97. 2 clock cycles/instruction for each SM partition Burgess, John (2019). "RTX ON – The NVIDIA TURING GPU". 2019 IEEE Hot Chips 31 Symposium (HCS). pp. 1–27. doi:10.1109/HOTCHIPS.2019.8875651. ISBN   978-1-7281-2089-8. S2CID   204822166.
  98. Durant, Luke; Giroux, Olivier; Harris, Mark; Stam, Nick (May 10, 2017). "Inside Volta: The World's Most Advanced Data Center GPU". Nvidia developer blog.
  99. The schedulers and dispatchers have dedicated execution units unlike with Fermi and Kepler.
  100. Dispatching can overlap concurrently, if it takes more than one cycle (when there are less execution units than 32/SM Partition)
  101. Can dual issue MAD pipe and SFU pipe
  102. No more than one scheduler can issue 2 instructions at once. The first scheduler is in charge of warps with odd IDs. The second scheduler is in charge of warps with even IDs.
  103. 1 2 shared memory only, no data cache
  104. 1 2 3 4 5 6 shared memory separate, but L1 includes texture cache
  105. "H.6.1. Architecture". docs.nvidia.com. Retrieved 2019-05-13.
  106. "Demystifying GPU Microarchitecture through Microbenchmarking" (PDF).
  107. 1 2 Jia, Zhe; Maggioni, Marco; Staiger, Benjamin; Scarpazza, Daniele P. (2018). "Dissecting the NVIDIA Volta GPU Architecture via Microbenchmarking". arXiv: 1804.06826 [cs.DC].
  108. Jia, Zhe; Maggioni, Marco; Smith, Jeffrey; Daniele Paolo Scarpazza (2019). "Dissecting the NVidia Turing T4 GPU via Microbenchmarking". arXiv: 1903.07486 [cs.DC].
  109. "Dissecting the Ampere GPU Architecture through Microbenchmarking".
  110. Note that Jia, Zhe; Maggioni, Marco; Smith, Jeffrey; Daniele Paolo Scarpazza (2019). "Dissecting the NVidia Turing T4 GPU via Microbenchmarking". arXiv: 1903.07486 [cs.DC]. disagrees and states 2 KiB L0 instruction cache per SM partition and 16 KiB L1 instruction cache per SM
  111. "asfermi Opcode". GitHub .
  112. 1 2 for access with texture engine only
  113. 25% disabled on RTX 4060, RTX 4070, RTX 4070 Ti and RTX 4090
  114. 25% disabled on RTX 5070 Ti and RTX 5090
  115. "CUDA C++ Programming Guide, Compute Capabilities". docs.nvidia.com. Retrieved 2025-02-06.
  116. "nVidia CUDA Bioinformatics: BarraCUDA". BioCentric. 2019-07-19. Retrieved 2019-10-15.
  117. "Part V: Physics Simulation". NVIDIA Developer. Retrieved 2020-09-11.
  118. "oneAPI Programming Model". oneAPI.io. Retrieved 2024-07-27.
  119. "Specifications | oneAPI". oneAPI.io. Retrieved 2024-07-27.
  120. "oneAPI Specification — oneAPI Specification 1.3-rev-1 documentation". oneapi-spec.uxlfoundation.org. Retrieved 2024-07-27.
  121. "Exclusive: Behind the plot to break Nvidia's grip on AI by targeting software". Reuters . Retrieved 2024-04-05.
  122. "Question: What does ROCm stand for? · Issue #1628 · RadeonOpenCompute/ROCm". Github.com. Retrieved January 18, 2022.

Further reading