Revision as of 07:21, 17 May 2015 editPateljay43 (talk | contribs)29 editsNo edit summary← Previous edit | Revision as of 13:31, 18 May 2015 edit undoGoneIn60 (talk | contribs)Extended confirmed users, Pending changes reviewers32,326 edits Reverted 2 edits by Pateljay43: See Misplaced Pages's policy WP:SECONDARY. Secondary, reliable sources are actually preferred over primary. Discuss on the talk page instead of just reverting. (TW)Next edit → | ||
Line 13: | Line 13: | ||
| website = {{URL|www.nvidia.com/object/cuda_home_new.html}} | | website = {{URL|www.nvidia.com/object/cuda_home_new.html}} | ||
}} | }} | ||
'''CUDA''', which stands for '''Compute Unified Device Architecture''',<ref name="CUDA intro - AnandTech">{{cite web|url=http://www.anandtech.com/show/2116/8|title=NVIDIA's GeForce 8800 (G80): GPUs Re-architected for DirectX 10|last=Shimpi|first=Anand Lal|coauthors=Wilson, Derek|date=November 8, 2006|publisher=AnandTech|accessdate=May 16, 2015}}</ref> is a ] platform and ] (API) model created by ].<ref></ref> It allows ]s to use a CUDA-enabled ] (GPU) for general purpose processing – an approach known as ]. The CUDA platform is a software layer that gives direct access to the GPU's virtual ] and parallel computational elements.<ref name="CUDA intro - TomsHardware">{{cite web|url=http://www.tomshardware.com/reviews/nvidia-cuda-gpu,1954.html|title=Nvidia's CUDA: The End of the CPU?|last=Abi-Chahla|first=Fedy|date=June 18, 2008|publisher=Tom's Hardware|accessdate=May 17, 2015}}</ref> | |||
CUDA (after the Plymouth Barracuda), is a parallel computing platform and programming model created by NVIDIA and implemented by the graphics processing units (GPUs) that they produce. CUDA gives developers direct access to the virtual instruction set and memory of the parallel computational elements in CUDA GPUs. CUDA is not acronym. | |||
Using CUDA, the GPUs can be used for general purpose processing (i.e., not exclusively graphics); this approach is known as GPGPU. Unlike CPUs, however, GPUs have a parallel throughput architecture that emphasizes executing many concurrent threads slowly, rather than executing a single thread very quickly. | |||
The CUDA platform is accessible to software developers through CUDA-accelerated libraries, ] (such as ]), and extensions to industry-standard programming languages, including ], ] and ]. C/C++ programmers use 'CUDA C/C++', compiled with "nvcc", NVIDIA's ]-based C/C++ compiler.<ref></ref> Fortran programmers can use 'CUDA Fortran', compiled with the PGI CUDA Fortran compiler from ]. | The CUDA platform is accessible to software developers through CUDA-accelerated libraries, ] (such as ]), and extensions to industry-standard programming languages, including ], ] and ]. C/C++ programmers use 'CUDA C/C++', compiled with "nvcc", NVIDIA's ]-based C/C++ compiler.<ref></ref> Fortran programmers can use 'CUDA Fortran', compiled with the PGI CUDA Fortran compiler from ]. | ||
Revision as of 13:31, 18 May 2015
Developer(s) | NVIDIA Corporation |
---|---|
Initial release | June 23, 2007; 17 years ago (2007-06-23) |
Stable release | 7.0 / March 17, 2015; 9 years ago (2015-03-17) |
Operating system | Windows XP and later, Mac OS X, Linux |
Platform | Supported GPUs |
Type | GPGPU |
License | Freeware |
Website | www |
CUDA, which stands for Compute Unified Device Architecture, is a parallel computing platform and application programming interface (API) model created by NVIDIA. It allows software developers to use a CUDA-enabled graphics processing unit (GPU) for general purpose processing – an approach known as GPGPU. The CUDA platform is a software layer that gives direct access to the GPU's virtual instruction set and parallel computational elements.
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++ and Fortran. C/C++ programmers use 'CUDA C/C++', compiled with "nvcc", NVIDIA's LLVM-based C/C++ compiler. Fortran programmers can use 'CUDA Fortran', compiled with the PGI CUDA Fortran compiler from The Portland Group.
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, Microsoft's DirectCompute, OpenGL Compute Shaders and C++ AMP. Third party wrappers are also available for Python, Perl, Fortran, Java, Ruby, Lua, Haskell, R, MATLAB, IDL, and native support in Mathematica.
In the computer game industry, GPUs are used not only for graphics rendering but also in 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.
CUDA provides both a low level API and a higher level API. 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, which supersedes the beta released February 14, 2008. 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. Nvidia states that programs developed for the G8x series will also work without modification on all future Nvidia video cards, due to binary compatibility.
Background
See also: GPUThe GPU, as a specialized processor, addresses the demands of real-time high-resolution 3D graphics compute-intensive tasks. As of 2012, GPUs have evolved into highly parallel multi-core systems allowing very efficient manipulation of large blocks of data. This design is more effective than general-purpose CPUs for algorithms where processing of large blocks of data is done in parallel, such as:
- push-relabel maximum flow algorithm
- fast sort algorithms of large lists
- two-dimensional fast wavelet transform
- molecular dynamics simulations
Advantages
CUDA has several advantages over traditional general-purpose computation on GPUs (GPGPU) using graphics APIs:
- Scattered reads – code can read from arbitrary addresses in memory
- Unified virtual memory (CUDA 4.0 and above)
- Unified memory (CUDA 6.0 and above)
- Shared memory – CUDA exposes a fast shared memory region that can be shared amongst threads. This can be used as a user-managed cache, enabling higher bandwidth than is possible using texture lookups.
- Faster downloads and readbacks to and from the GPU
- Full support for integer and bitwise operations, including integer texture lookups
Limitations
- CUDA does not support the full C standard, as it runs host code through a C++ compiler, which makes some valid C (but invalid C++) code fail to compile.
- Interoperability with rendering languages such as OpenGL is one-way, with OpenGL having access to registered CUDA memory but CUDA not having access to OpenGL memory.
- Copying between host and device memory may incur a performance hit due to system bus bandwidth and latency (this can be partly alleviated with asynchronous memory transfers, handled by the GPU's DMA engine)
- Threads should be running in groups of at least 32 for best performance, with total number of threads numbering in the thousands. Branches in the program code do not affect performance significantly, provided that each of 32 threads takes the same execution path; the SIMD execution model becomes a significant limitation for any inherently divergent task (e.g. traversing a space partitioning data structure during ray tracing).
- Unlike OpenCL, CUDA-enabled GPUs are only available from Nvidia
- No emulator or fallback functionality is available for modern revisions
- Valid C/C++ may sometimes be flagged and prevent compilation due to optimization techniques the compiler is required to employ to use limited resources.
- A single process must run spread across multiple disjoint memory spaces, unlike other C language runtime environments.
- C++ Run-Time Type Information (RTTI) is not supported in CUDA code, due to lack of support in the underlying hardware.
- Exception handling is not supported in CUDA code due to performance overhead that would be incurred with many thousands of parallel threads running.
- CUDA (with compute capability 2.x) allows a subset of C++ class functionality, for example member functions may not be virtual (this restriction will be removed in some future release).
- In single precision on first generation CUDA compute capability 1.x devices, denormal numbers are not supported and are instead flushed to zero, and the precisions of the division and square root operations are slightly lower than IEEE 754-compliant single precision math. Devices that support compute capability 2.0 and above support denormal numbers, and the division and square root operations are IEEE 754 compliant by default. However, users can obtain the previous faster gaming-grade math of compute capability 1.x devices if desired by setting compiler flags to disable accurate divisions, disable accurate square roots, and enable flushing denormal numbers to zero.
Supported GPUs
Compute capability table (version of CUDA supported) by GPU and card. Also available directly from Nvidia:
Compute capability (version) |
Microarchitecture | GPUs | Cards |
---|---|---|---|
1.0 | Tesla | G80, G92, G92b, G94, G94b | GeForce GT 420*, GeForce 8800 Ultra, GeForce 8800 GTX, GeForce GT 340*, GeForce GT 330*, GeForce GT 320*, GeForce 315*, GeForce 310*, GeForce 9800 GT, GeForce 9600 GT, GeForce 9400GT, Quadro FX 5600, Quadro FX 4600, Quadro Plex 2100 S4, Tesla C870, Tesla D870, Tesla S870 |
1.1 | G86, G84, G98, G96, G96b, G94, G94b, G92, G92b | GeForce G110M, GeForce 9300M GS, GeForce 9200M GS, GeForce 9100M G, GeForce 8400M GT, GeForce 8600 GT, GeForce 8600 GTS, GeForce G105M, Quadro FX 4700 X2, Quadro FX 3700, Quadro FX 1800, Quadro FX 1700, Quadro FX 580, Quadro FX 570, Quadro FX 470, Quadro FX 380, Quadro FX 370, Quadro FX 370 Low Profile, Quadro NVS 450, Quadro NVS 420, Quadro NVS 290, Quadro NVS 295, Quadro Plex 2100 D4, Quadro FX 3800M, Quadro FX 3700M, Quadro FX 3600M, Quadro FX 2800M, Quadro FX 2700M, Quadro FX 1700M, Quadro FX 1600M, Quadro FX 770M, Quadro FX 570M, Quadro FX 370M, Quadro FX 360M, Quadro NVS 320M, Quadro NVS 160M, Quadro NVS 150M, Quadro NVS 140M, Quadro NVS 135M, Quadro NVS 130M, Quadro NVS 450, Quadro NVS 420, Quadro NVS 295 | |
1.2 | GT218, GT216, GT215 | GeForce GT 240, GeForce GT 220*, GeForce 210*, GeForce GTS 360M, GeForce GTS 350M, GeForce GT 335M, GeForce GT 330M, GeForce GT 325M, GeForce GT 240M, GeForce G210M, GeForce 310M, GeForce 305M, Quadro FX 380 Low Profile, NVIDIA NVS 300, Quadro FX 1800M, Quadro FX 880M, Quadro FX 380M, NVIDIA NVS 300, NVS 5100M, NVS 3100M, NVS 2100M, ION | |
1.3 | GT200, GT200b | GeForce GTX 280, GeForce GTX 275, GeForce GTX 260, Quadro FX 5800, Quadro FX 4800, Quadro FX 4800 for Mac, Quadro FX 3800, Quadro CX, Quadro Plex 2200 D2, Tesla C1060, Tesla S1070, Tesla M1060 | |
2.0 | Fermi | GF100, GF110 | GeForce GTX 590, GeForce GTX 580, GeForce GTX 570, GeForce GTX 480, GeForce GTX 470, GeForce GTX 465, GeForce GTX 480M, Quadro 6000, Quadro 5000, Quadro 4000, Quadro 4000 for Mac, Quadro Plex 7000, Quadro 5010M, Quadro 5000M, Tesla C2075, Tesla C2050/C2070, Tesla M2050/M2070/M2075/M2090 |
2.1 | GF104, GF106 GF108,GF114, GF116, GF119 | GeForce GTX 560 Ti, GeForce GTX 550 Ti, GeForce GTX 460, GeForce GTS 450, GeForce GTS 450*, GeForce GT 640 (GDDR3), GeForce GT 630, GeForce GT 620, GeForce GT 610, GeForce GT 520, GeForce GT 440, GeForce GT 440*, GeForce GT 430, GeForce GT 430*, GeForce GTX 675M, GeForce GTX 670M, GeForce GT 635M, GeForce GT 630M, GeForce GT 625M, GeForce GT 720M, GeForce GT 620M, GeForce 710M, GeForce 610M, GeForce GTX 580M, GeForce GTX 570M, GeForce GTX 560M, GeForce GT 555M, GeForce GT 550M, GeForce GT 540M, GeForce GT 525M, GeForce GT 520MX, GeForce GT 520M, GeForce GTX 485M, GeForce GTX 470M, GeForce GTX 460M, GeForce GT 445M, GeForce GT 435M, GeForce GT 420M, GeForce GT 415M, GeForce 710M, GeForce 410M, Quadro 2000, Quadro 2000D, Quadro 600, Quadro 410, Quadro 4000M, Quadro 3000M, Quadro 2000M, Quadro 1000M, NVS 5400M, NVS 5200M, NVS 4200M | |
3.0 | Kepler | GK104, GK106, GK107 | GeForce GTX 770, GeForce GTX 760, GeForce GT 740, GeForce GTX 690, GeForce GTX 680, GeForce GTX 670, GeForce GTX 660 Ti, GeForce GTX 660, GeForce GTX 650 Ti BOOST, GeForce GTX 650 Ti, GeForce GTX 650, GeForce GTX 880M, GeForce GTX 780M, GeForce GTX 770M, GeForce GTX 765M, GeForce GTX 760M, GeForce GTX 680MX, GeForce GTX 680M, GeForce GTX 675MX, GeForce GTX 670MX, GeForce GTX 660M, GeForce GT 750M, GeForce GT 650M, GeForce GT 745M, GeForce GT 645M, GeForce GT 740M, GeForce GT 730M, GeForce GT 640M, GeForce GT 640M LE, GeForce GT 735M, GeForce GT 730M, Quadro K5000, Quadro K4200, Quadro K4000, Quadro K2000, Quadro K2000D, Quadro K600, Quadro K420, Quadro K500M, Quadro K510M, Quadro K610M, Quadro K1000M, Quadro K2000M, Quadro K1100M, Quadro K2100M, Quadro K3000M, Quadro K3100M, Quadro K4000M, Quadro K5000M, Quadro K4100M, Quadro K5100M, Tesla K10 |
3.2 | Tegra K1 | Jetson TK1 (SoC) | |
3.5 | GK110, GK208 | GeForce GTX TITAN Z, GeForce GTX TITAN Black, GeForce GTX TITAN, GeForce GTX 780 Ti, GeForce GTX 780, GeForce GT 640 (GDDR5), GeForce GT 630 v2, GeForce GT 730, GeForce GT 720, Quadro K6000, Quadro K5200, Tesla K40, Tesla K20x, Tesla K20 | |
3.7 | GK210 | Tesla K80 | |
5.0 | Maxwell | GM107, GM108 | GeForce GTX 750 Ti, GeForce GTX 750, GeForce GTX 960M, GeForce GTX 950M, GeForce 940M, GeForce 930M, GeForce GTX 860M, GeForce GTX 850M, GeForce 845M, GeForce 840M, GeForce 830M, Quadro K2200, Quadro K1200, Quadro K620, Quadro K620M |
5.2 | GM200, GM204, GM206 | GeForce GTX TITAN X, GeForce GTX 980, GeForce GTX 970, GeForce GTX 960, GeForce GTX 980M, GeForce GTX 970M, GeForce GTX 965M, Quadro M6000 |
'*' - OEM-only products
A table of devices officially supporting CUDA:
|
|
|
Version features and specifications
Feature support (unlisted features are supported for all compute capabilities) |
Compute capability (version) | |||||||||
---|---|---|---|---|---|---|---|---|---|---|
1.0 | 1.1 | 1.2 | 1.3 | 2.x | 3.0 | 3.5 | 3.7 | 5.0 | 5.2 | |
Integer atomic functions operating on 32-bit words in global memory |
No | Yes | ||||||||
atomicExch() operating on 32-bit floating point values in global memory | ||||||||||
Integer atomic functions operating on 32-bit words in shared memory |
No | Yes | ||||||||
atomicExch() operating on 32-bit floating point values in shared memory | ||||||||||
Integer atomic functions operating on 64-bit words in global memory | ||||||||||
Warp vote functions | ||||||||||
Double-precision floating-point operations | No | Yes | ||||||||
Atomic functions operating on 64-bit integer values in shared memory |
No | Yes | ||||||||
Floating-point atomic addition operating on 32-bit words in global and shared memory | ||||||||||
_ballot() | ||||||||||
_threadfence_system() | ||||||||||
_syncthreads_count(), _syncthreads_and(), _syncthreads_or() | ||||||||||
Surface functions | ||||||||||
3D grid of thread block | ||||||||||
Warp shuffle functions | No | Yes | ||||||||
Funnel shift | No | Yes | ||||||||
Dynamic parallelism | ||||||||||
Feature support (unlisted features are supported for all compute capabilities) |
1.0 | 1.1 | 1.2 | 1.3 | 2.x | 3.0 | 3.5 | 3.7 | 5.0 | 5.2 |
Compute capability (version) |
Technical specifications | Compute capability (version) | |||||||||
---|---|---|---|---|---|---|---|---|---|---|
1.0 | 1.1 | 1.2 | 1.3 | 2.x | 3.0 | 3.5 | 3.7 | 5.0 | 5.2 | |
Maximum dimensionality of grid of thread blocks | 2 | 3 | ||||||||
Maximum x-dimension of a grid of thread blocks | 65535 | 2-1 | ||||||||
Maximum y-, or z-dimension of a grid of thread blocks | 65535 | |||||||||
Maximum dimensionality of thread block | 3 | |||||||||
Maximum x- or y-dimension of a block | 512 | 1024 | ||||||||
Maximum z-dimension of a block | 64 | |||||||||
Maximum number of threads per block | 512 | 1024 | ||||||||
Warp size | 32 | |||||||||
Maximum number of resident blocks per multiprocessor | 8 | 16 | 32 | |||||||
Maximum number of resident warps per multiprocessor | 24 | 32 | 48 | 64 | ||||||
Maximum number of resident threads per multiprocessor | 768 | 1024 | 1536 | 2048 | ||||||
Number of 32-bit registers per multiprocessor | 8 K | 16 K | 32 K | 64 K | 128 K | 64 K | ||||
Maximum number of 32-bit registers per thread | 128 | 63 | 255 | |||||||
Maximum amount of shared memory per multiprocessor | 16 KB | 48 KB | 112 KB | 64 KB | 96 KB | |||||
Number of shared memory banks | 16 | 32 | ||||||||
Amount of local memory per thread | 16 KB | 512 KB | ||||||||
Constant memory size | 64 KB | |||||||||
Cache working set per multiprocessor for constant memory | 8 KB | 10 KB | ||||||||
Cache working set per multiprocessor for texture memory | Device dependent, between 6 KB and 8 KB | 12 KB | Between 12 KB and 48 KB |
24 KB | ||||||
Maximum width for 1D texture reference bound to a CUDA array |
8192 | 65536 | ||||||||
Maximum width for 1D texture reference bound to linear memory |
2 | |||||||||
Maximum width and number of layers for a 1D layered texture reference |
8192 × 512 | 16384 × 2048 | ||||||||
Maximum width and height for 2D texture reference bound to a CUDA array |
65536 × 32768 | 65536 × 65535 | ||||||||
Maximum width and height for 2D texture reference bound to a linear memory |
65000 × 65000 | 65000 × 65000 | ||||||||
Maximum width and height for 2D texture reference bound to a CUDA array supporting texture gather |
N/A | 16384 × 16384 | ||||||||
Maximum width, height, and number of layers for a 2D layered texture reference |
8192 × 8192 × 512 | 16384 × 16384 × 2048 | ||||||||
Maximum width, height and depth for a 3D texture reference bound to linear memory or a CUDA array |
2048 × 2048 × 2048 | 4096 × 4096 × 4096 | ||||||||
Maximum width (and height) for a cubemap texture reference |
N/A | 16384 | ||||||||
Maximum width (and height) and number of layers for a cubemap layered texture reference |
N/A | 16384 × 2046 | ||||||||
Maximum number of textures that can be bound to a kernel |
128 | 256 | ||||||||
Maximum width for a 1D surface reference bound to a CUDA array |
Not supported |
65536 | ||||||||
Maximum width and number of layers for a 1D layered surface reference |
65536 × 2048 | |||||||||
Maximum width and height for a 2D surface reference bound to a CUDA array |
65536 × 32768 | |||||||||
Maximum width, height, and number of layers for a 2D layered surface reference |
65536 × 32768 × 2048 | |||||||||
Maximum width, height, and depth for a 3D surface reference bound to a CUDA array |
65536 × 32768 × 2048 | |||||||||
Maximum width (and height) for a cubemap surface reference bound to a CUDA array |
32768 | |||||||||
Maximum width (and height) and number of layers for a cubemap layered surface reference |
32768 × 2046 | |||||||||
Maximum number of surfaces that can be bound to a kernel |
8 | 16 | ||||||||
Maximum number of instructions per kernel |
2 million | 512 million | ||||||||
Technical specifications | 1.0 | 1.1 | 1.2 | 1.3 | 2.x | 3.0 | 3.5 | 3.7 | 5.0 | 5.2 |
Compute capability (version) |
Architecture specifications | Compute capability (version) | ||||||||||
---|---|---|---|---|---|---|---|---|---|---|---|
1.0 | 1.1 | 1.2 | 1.3 | 2.0 | 2.1 | 3.0 | 3.5 | 3.7 | 5.0 | 5.2 | |
Number of cores for integer and floating-point arithmetic functions operations | 8 | 32 | 48 | 192 | 128 | ||||||
Number of special function units for single-precision floating-point transcendental functions | 2 | 4 | 8 | 32 | |||||||
Number of texture filtering units for every texture address unit or render output unit (ROP) | 2 | 4 | 8 | 16 | 8 | ||||||
Number of warp schedulers | 1 | 2 | 4 | ||||||||
Number of instructions issued at once by scheduler | 1 | 2 |
For more information please visit this site: http://www.geeks3d.com/20100606/gpu-computing-nvidia-cuda-compute-capability-comparative-table/ and also read Nvidia CUDA programming guide.
Example
This example code in C++ loads a texture from an image into an array on the GPU:
texture<float, 2, cudaReadModeElementType> tex; void foo() { cudaArray* cu_array; // Allocate array cudaChannelFormatDesc description = cudaCreateChannelDesc<float>(); cudaMallocArray(&cu_array, &description, width, height); // Copy image data to array cudaMemcpyToArray(cu_array, image, width*height*sizeof(float), cudaMemcpyHostToDevice); // Set texture parameters (default) tex.addressMode = cudaAddressModeClamp; tex.addressMode = cudaAddressModeClamp; tex.filterMode = cudaFilterModePoint; tex.normalized = false; // do not normalize coordinates // Bind the array to the texture cudaBindTextureToArray(tex, cu_array); // Run kernel dim3 blockDim(16, 16, 1); dim3 gridDim((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 texture cudaUnbindTexture(tex); } //end foo() __global__ void kernel(float* odata, int height, int width) { unsigned int x = blockIdx.x*blockDim.x + threadIdx.x; unsigned int y = blockIdx.y*blockDim.y + threadIdx.y; if (x < width && y < height) { float c = tex2D(tex, x, y); odata = 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.
import pycuda.compiler as comp import pycuda.driver as drv import numpy import pycuda.autoinit mod = comp.SourceModule(""" __global__ void multiply_them(float *dest, float *a, float *b) { const int i = threadIdx.x; dest = a * b; } """) 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.
import numpy from pycublas import CUBLASMatrix A = CUBLASMatrix( numpy.mat(],],numpy.float32) ) B = CUBLASMatrix( numpy.mat(],,],numpy.float32) ) C = A*B print C.np_mat()
Language bindings
- Common Lisp - cl-cuda
- Fortran – FORTRAN CUDA, PGI CUDA Fortran Compiler
- F# - Alea.CUDA
- Haskell – Data.Array.Accelerate
- IDL – GPULib
- Java – jCUDA, JCuda, JCublas, JCufft, CUDA4J
- Lua – KappaCUDA
- Mathematica – CUDALink
- MATLAB – Parallel Computing Toolbox, MATLAB Distributed Computing Server, and 3rd party packages like Jacket.
- .NET – CUDA.NET, Managed CUDA, CUDAfy.NET .NET kernel and host code, CURAND, CUBLAS, CUFFT
- Perl – KappaCUDA, CUDA::Minimal
- Python – Numba, NumbaPro, PyCUDA, KappaCUDA, Theano
- Ruby – KappaCUDA
- R – gputools
Current and future usages of CUDA architecture
- Accelerated rendering of 3D graphics
- Accelerated interconversion of video file formats
- Accelerated encryption, decryption and compression
- Distributed calculations, such as predicting the native conformation of proteins
- Medical analysis simulations, for example virtual reality based on CT and MRI scan images.
- Physical simulations, in particular in fluid dynamics.
- Neural network training in machine learning problems
- Distributed computing
- Molecular dynamics
- Mining cryptocurrencies
See also
- Allinea DDT - A debugger for CUDA, OpenACC, and parallel applications
- OpenCL - A standard for programming a variety of platforms, including GPUs
- BrookGPU – the Stanford University graphics group's compiler
- Array programming
- Parallel computing
- Stream processing
- rCUDA – An API for computing on remote computers
- Molecular modeling on GPU
References
- Shimpi, Anand Lal (November 8, 2006). "NVIDIA's GeForce 8800 (G80): GPUs Re-architected for DirectX 10". AnandTech. Retrieved May 16, 2015.
{{cite web}}
: Unknown parameter|coauthors=
ignored (|author=
suggested) (help) - NVIDIA CUDA Home Page
- Abi-Chahla, Fedy (June 18, 2008). "Nvidia's CUDA: The End of the CPU?". Tom's Hardware. Retrieved May 17, 2015.
- CUDA LLVM Compiler
- First OpenCL demo on a GPU on YouTube
- DirectCompute Ocean Demo Running on Nvidia CUDA-enabled GPU on YouTube
- Giorgos Vasiliadis, Spiros Antonatos, Michalis Polychronakis, Evangelos P. Markatos and Sotiris Ioannidis (September 2008). "Gnort: High Performance Network Intrusion Detection Using Graphics Processors" (PDF). Proceedings of the 11th International Symposium on Recent Advances in Intrusion Detection (RAID).
{{cite journal}}
: CS1 maint: multiple names: authors list (link) - Schatz, M.C., Trapnell, C., Delcher, A.L., Varshney, A. (2007). "High-throughput sequence alignment using Graphics Processing Units". BMC Bioinformatics. 8:474: 474. doi:10.1186/1471-2105-8-474. PMC 2222658. PMID 18070356.
{{cite journal}}
: CS1 maint: multiple names: authors list (link) CS1 maint: unflagged free DOI (link) - Manavski, Svetlin A.; Giorgio Valle (2008). "CUDA compatible GPU cards as efficient hardware accelerators for Smith-Waterman sequence alignment". BMC Bioinformatics. 9: S10. doi:10.1186/1471-2105-9-S2-S10. PMC 2323659. PMID 18387198.
{{cite journal}}
: CS1 maint: unflagged free DOI (link) - Pyrit – Google Code https://code.google.com/p/pyrit/
- Use your Nvidia GPU for scientific computing, BOINC official site (December 18, 2008)
- Nvidia CUDA Software Development Kit (CUDA SDK) – Release Notes Version 2.0 for MAC OS X
- CUDA 1.1 – Now on Mac OS X- (Posted on Feb 14, 2008)
- Silberstein, Mark; Schuster, Assaf; Geiger, Dan; Patney, Anjul; Owens, John D. (2008). Efficient computation of sum-products on GPUs through software-managed cache. 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.
- NVCC forces c++ compilation of .cu files
- C++ keywords on CUDA C code
- ^ "CUDA-Enabled Products". CUDA Zone. Nvidia Corporation. Retrieved 2008-11-03.
- Whitehead, Nathan; Fit-Florea, Alex. "Precision & Performance: Floating Point and IEEE 754 Compliance for NVIDIA GPUs" (PDF). Nvidia. Retrieved November 18, 2014.
- Cores perform only single-precision floating-point arithmetics. There is 1 double-precision floating-point unit.
- No more than one scheduler can issue 2 instructions at once. The first scheduler is in charge of the warps with an odd ID and the second scheduler is in charge of the warps with an even ID.
- Template:PDFlink, Page 148 of 175 (Version 5.0 October 2012)
- PyCUDA
- pycublas
- "MATLAB Adds GPGPU Support". 2010-09-20.
External links
Nvidia | |||||||||||||||||||
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
| |||||||||||||||||||
| |||||||||||||||||||
| |||||||||||||||||||
|
Parallel computing | |
---|---|
General | |
Levels | |
Multithreading | |
Theory | |
Elements | |
Coordination | |
Programming | |
Hardware | |
APIs | |
Problems | |