SlideShare a Scribd company logo
1
ECE 498AL
Lecture 2:
The CUDA Programming Model
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
Parallel Programming Basics
• Things we need to consider:
– Control
– Synchronization
– Communication
• Parallel programming languages offer different ways
of dealing with above
2© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
3
What is (Historical) GPGPU ?
• General Purpose computation using GPU and graphics API in
applications other than 3D graphics
– GPU accelerates critical path of application
• Data parallel algorithms leverage GPU attributes
– Large data arrays, streaming throughput
– Fine-grain SIMD parallelism
– Low-latency floating point (FP) computation
• Applications – see //GPGPU.org
– Game effects (FX) physics, image processing
– Physical modeling, computational engineering, matrix algebra,
convolution, correlation, sorting
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
4
Previous GPGPU Constraints
• Dealing with graphics API
– Working with the corner cases of the
graphics API
• Addressing modes
– Limited texture size/dimension
• Shader capabilities
– Limited outputs
• Instruction sets
– Lack of Integer & bit ops
• Communication limited
– Between pixels
– Scatter a[i] = p
Input Registers
Fragment Program
Output Registers
Constants
Texture
Temp Registers
per thread
per Shader
per Context
FB Memory
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
5
CUDA
• “Compute Unified Device Architecture”
• General purpose programming model
– User kicks off batches of threads on the GPU
– GPU = dedicated super-threaded, massively data parallel co-processor
• Targeted software stack
– Compute oriented drivers, language, and tools
• Driver for loading computation programs into GPU
– Standalone Driver - Optimized for computation
– Interface designed for compute – graphics-free API
– Data sharing with OpenGL buffer objects
– Guaranteed maximum download & readback speeds
– Explicit GPU memory management
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
6
An Example of Physical Reality
Behind CUDA CPU
(host)
GPU w/
local DRAM
(device)
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
7
Parallel Computing on a GPU
• 8-series GPUs deliver 25 to 200+ GFLOPS
on compiled parallel C applications
– Available in laptops, desktops, and clusters
• GPU parallelism is doubling every year
• Programming model scales transparently
• Programmable in C with CUDA tools
• Multithreaded SPMD model uses application
data parallelism and thread parallelism
GeForce 8800
Tesla S870
Tesla D870
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
8
Overview
• CUDA programming model – basic concepts and
data types
• CUDA application programming interface - basic
• Simple examples to illustrate basic concepts and
functionalities
• Performance features will be covered later
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
9
CUDA – C with no shader limitations!
• Integrated host+device app C program
– Serial or modestly parallel parts in host C code
– Highly parallel parts in device SPMD kernel C code
Serial Code (host)
. . .
. . .
Parallel Kernel (device)
KernelA<<< nBlk, nTid >>>(args);
Serial Code (host)
Parallel Kernel (device)
KernelB<<< nBlk, nTid >>>(args);
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
10
CUDA Devices and Threads
• A compute device
– Is a coprocessor to the CPU or host
– Has its own DRAM (device memory)
– Runs many threads in parallel
– Is typically a GPU but can also be another type of parallel processing
device
• Data-parallel portions of an application are expressed as device
kernels which run on many threads
• Differences between GPU and CPU threads
– GPU threads are extremely lightweight
• Very little creation overhead
– GPU needs 1000s of threads for full efficiency
• Multi-core CPU needs only a few
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
11
L2
FB
SP SP
L1
TF
ThreadProcessor
Vtx Thread Issue
Setup / Rstr / ZCull
Geom Thread Issue Pixel Thread Issue
Input Assembler
Host
SP SP
L1
TF
SP SP
L1
TF
SP SP
L1
TF
SP SP
L1
TF
SP SP
L1
TF
SP SP
L1
TF
SP SP
L1
TF
L2
FB
L2
FB
L2
FB
L2
FB
L2
FB
• The future of GPUs is programmable processing
• So – build the architecture around the processor
G80 – Graphics Mode
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
12
G80 CUDA mode – A Device Example
• Processors execute computing threads
• New operating mode/HW interface for computing
Load/store
Global Memory
Thread Execution Manager
Input Assembler
Host
Texture Texture Texture Texture Texture Texture Texture TextureTexture
Parallel Data
Cache
Parallel Data
Cache
Parallel Data
Cache
Parallel Data
Cache
Parallel Data
Cache
Parallel Data
Cache
Parallel Data
Cache
Parallel Data
Cache
Load/store Load/store Load/store Load/store Load/store
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
13
Extended C
• Type Qualifiers
– global, device, shared,
local, constant
• Keywords
– threadIdx, blockIdx
• Intrinsics
– __syncthreads
• Runtime API
– Memory, symbol,
execution management
• Function launch
__device__ float filter[N];
__global__ void convolve (float *image) {
__shared__ float region[M];
...
region[threadIdx] = image[i];
__syncthreads()
...
image[j] = result;
}
// Allocate GPU memory
void *myimage = cudaMalloc(bytes)
// 100 blocks, 10 threads per block
convolve<<<100, 10>>> (myimage);
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
14
gcc / cl
G80 SASS
foo.sass
OCG
Extended C
cudacc
EDG C/C++ frontend
Open64 Global Optimizer
GPU Assembly
foo.s
CPU Host Code
foo.cpp
Integrated source
(foo.cu)
Mark Murphy, “
NVIDIA’s Experience with Open64,”
www.capsl.udel.edu/conferences/open64/2
008/Papers/101.doc© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
15
Arrays of Parallel Threads
• A CUDA kernel is executed by an array of
threads
– All threads run the same code (SPMD)
– Each thread has an ID that it uses to compute
memory addresses and make control decisions
76543210
…
float x = input[threadID];
float y = func(x);
output[threadID] = y;
…
threadID
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
16
…
float x =
input[threadID];
float y = func(x);
output[threadID] = y;
…
threadID
Thread Block 0
…
…
float x =
input[threadID];
float y = func(x);
output[threadID] = y;
…
Thread Block 1
…
float x =
input[threadID];
float y = func(x);
output[threadID] = y;
…
Thread Block N - 1
Thread Blocks: Scalable Cooperation
• Divide monolithic thread array into multiple blocks
– Threads within a block cooperate via shared memory,
atomic operations and barrier synchronization
– Threads in different blocks cannot cooperate
76543210 76543210 76543210
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
17
Host
Kernel
1
Kernel
2
Device
Grid 1
Block
(0, 0)
Block
(1, 0)
Block
(0, 1)
Block
(1, 1)
Grid 2
Courtesy:NDVIA
Figure 3.2. An Example of CUDA Thread Org
Block(1, 1)
Thread
(0,1,0)
Thread
(1,1,0)
Thread
(2,1,0)
Thread
(3,1,0)
Thread
(0,0,0)
Thread
(1,0,0)
Thread
(2,0,0)
Thread
(3,0,0)
(0,0,1) (1,0,1) (2,0,1) (3,0,1)
Block IDs and Thread IDs
• Each thread uses IDs to decide
what data to work on
– Block ID: 1D or 2D
– Thread ID: 1D, 2D, or 3D
• Simplifies memory
addressing when processing
multidimensional data
– Image processing
– Solving PDEs on volumes
– …
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
18
CUDA Memory Model Overview
• Global memory
– Main means of
communicating R/W
Data between host and
device
– Contents visible to all
threads
– Long latency access
• We will focus on global
memory for now
– Constant and texture
memory will come later
Grid
Global Memory
Block (0, 0)
Shared Memory
Thread (0, 0)
Registers
Thread (1, 0)
Registers
Block (1, 0)
Shared Memory
Thread (0, 0)
Registers
Thread (1, 0)
Registers
Host
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
19
CUDA API Highlights:
Easy and Lightweight
• The API is an extension to the ANSI C programming
language
Low learning curve
• The hardware is designed to enable lightweight
runtime and driver
High performance
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
20
CUDA Device Memory Allocation
• cudaMalloc()
– Allocates object in the
device Global MemoryGlobal Memory
– Requires two parameters
• Address of a pointer to the
allocated object
• Size of of allocated object
• cudaFree()
– Frees object from device
Global Memory
• Pointer to freed object
Grid
Global
Memory
Block (0, 0)
Shared Memory
Thread (0, 0)
Registers
Thread (1, 0)
Registers
Block (1, 0)
Shared Memory
Thread (0, 0)
Registers
Thread (1, 0)
Registers
Host
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
21
CUDA Device Memory Allocation (cont.)
• Code example:
– Allocate a 64 * 64 single precision float array
– Attach the allocated storage to Md
– “d” is often used to indicate a device data structure
TILE_WIDTH = 64;
Float* Md
int size = TILE_WIDTH * TILE_WIDTH * sizeof(float);
cudaMalloc((void**)&Md, size);
cudaFree(Md);
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
22
CUDA Host-Device Data Transfer
• cudaMemcpy()
– memory data transfer
– Requires four parameters
• Pointer to destination
• Pointer to source
• Number of bytes copied
• Type of transfer
– Host to Host
– Host to Device
– Device to Host
– Device to Device
• Asynchronous transfer
Grid
Global
Memory
Block (0, 0)
Shared Memory
Thread (0, 0)
Registers
Thread (1, 0)
Registers
Block (1, 0)
Shared Memory
Thread (0, 0)
Registers
Thread (1, 0)
Registers
Host
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
23
CUDA Host-Device Data Transfer
(cont.)
• Code example:
– Transfer a 64 * 64 single precision float array
– M is in host memory and Md is in device memory
– cudaMemcpyHostToDevice and
cudaMemcpyDeviceToHost are symbolic constants
cudaMemcpy(Md, M, size, cudaMemcpyHostToDevice);
cudaMemcpy(M, Md, size, cudaMemcpyDeviceToHost);
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
24
CUDA Keywords
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
25
CUDA Function Declarations
hosthost__host__ float HostFunc()
hostdevice__global__ void KernelFunc()
devicedevice__device__ float DeviceFunc()
Only callable
from the:
Executed
on the:
• __global__ defines a kernel function
– Must return void
• __device__ and __host__ can be used
together
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
26
CUDA Function Declarations (cont.)
• __device__ functions cannot have their
address taken
• For functions executed on the device:
– No recursion
– No static variable declarations inside the function
– No variable number of arguments
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
27
Calling a Kernel Function – Thread Creation
• A kernel function must be called with an execution
configuration:
__global__ void KernelFunc(...);
dim3 DimGrid(100, 50); // 5000 thread blocks
dim3 DimBlock(4, 8, 8); // 256 threads per
block
size_t SharedMemBytes = 64; // 64 bytes of shared
memory
KernelFunc<<< DimGrid, DimBlock, SharedMemBytes
>>>(...);
• Any call to a kernel function is asynchronous from
CUDA 1.0 on, explicit synch needed for blocking
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
28
A Simple Running Example
Matrix Multiplication
• A simple matrix multiplication example that illustrates
the basic features of memory and thread management
in CUDA programs
– Leave shared memory usage until later
– Local, register usage
– Thread ID usage
– Memory data transfer API between host and device
– Assume square matrix for simplicity
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
29
Programming Model:
Square Matrix Multiplication Example
• P = M * N of size WIDTH x WIDTH
• Without tiling:
– One thread calculates one element of P
– M and N are loaded WIDTH times from
global memory
M
N
P
WIDTHWIDTH
WIDTH WIDTH
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
30
M0,2
M1,1
M0,1M0,0
M1,0
M0,3
M1,2 M1,3
Memory Layout of a Matrix in C
M0,2M0,1M0,0 M0,3 M1,1M1,0 M1,2 M1,3 M2,1M2,0 M2,2 M2,3
M2,1M2,0 M2,2 M2,3
M3,1M3,0 M3,2 M3,3
M3,1M3,0 M3,2 M3,3
M
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
31
Step 1: Matrix Multiplication
A Simple Host Version in C
M
N
P
WIDTHWIDTH
WIDTH WIDTH
// Matrix multiplication on the (CPU) host in double
precision
void MatrixMulOnHost(float* M, float* N, float* P, int Width)
{
for (int i = 0; i < Width; ++i)
for (int j = 0; j < Width; ++j) {
double sum = 0;
for (int k = 0; k < Width; ++k) {
double a = M[i * width + k];
double b = N[k * width + j];
sum += a * b;
}
P[i * Width + j] = sum;
}
}
i
k
k
j
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
32
void MatrixMulOnDevice(float* M, float* N, float* P, int Width)
{
int size = Width * Width * sizeof(float);
float* Md, Nd, Pd;
…
1. // Allocate and Load M, N to device memory
cudaMalloc(&Md, size);
cudaMemcpy(Md, M, size, cudaMemcpyHostToDevice);
cudaMalloc(&Nd, size);
cudaMemcpy(Nd, N, size, cudaMemcpyHostToDevice);
// Allocate P on the device
cudaMalloc(&Pd, size);
Step 2: Input Matrix Data Transfer
(Host-side Code)
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
33
Step 3: Output Matrix Data Transfer
(Host-side Code)
2. // Kernel invocation code – to be shown later
…
3. // Read P from the device
cudaMemcpy(P, Pd, size, cudaMemcpyDeviceToHost);
// Free device matrices
cudaFree(Md); cudaFree(Nd); cudaFree (Pd);
}
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
34
Step 4: Kernel Function
// Matrix multiplication kernel – per thread code
__global__ void MatrixMulKernel(float* Md, float* Nd, float* Pd, int Width)
{
// Pvalue is used to store the element of the matrix
// that is computed by the thread
float Pvalue = 0;
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
35
Nd
Md Pd
WIDTHWIDTH
WIDTH WIDTH
Step 4: Kernel Function (cont.)
for (int k = 0; k < Width; ++k) {
float Melement = Md[threadIdx.y*Width+k];
float Nelement = Nd[k*Width+threadIdx.x];
Pvalue += Melement * Nelement;
}
Pd[threadIdx.y*Width+threadIdx.x] = Pvalue;
}
ty
tx
ty
tx
k
k
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
36
// Setup the execution configuration
dim3 dimGrid(1, 1);
dim3 dimBlock(Width, Width);
// Launch the device computation threads!
MatrixMulKernel<<<dimGrid, dimBlock>>>(Md, Nd, Pd, Width);
Step 5: Kernel Invocation
(Host-side Code)
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
37
Only One Thread Block Used
• One Block of threads compute
matrix Pd
– Each thread computes one
element of Pd
• Each thread
– Loads a row of matrix Md
– Loads a column of matrix Nd
– Perform one multiply and
addition for each pair of Md and
Nd elements
– Compute to off-chip memory
access ratio close to 1:1 (not very
high)
• Size of matrix limited by the
number of threads allowed in a
thread block
Grid 1
Block 1
3 2 5 4
2
4
2
6
48
Thread
(2, 2)
WIDTH
Md Pd
Nd
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
38
Step 7: Handling Arbitrary Sized Square
Matrices
• Have each 2D thread block to compute
a (TILE_WIDTH)2
sub-matrix (tile) of
the result matrix
– Each has (TILE_WIDTH)2
threads
• Generate a 2D Grid of
(WIDTH/TILE_WIDTH)2
blocks
Md
Nd
Pd
WIDTHWIDTH
WIDTH WIDTH
ty
tx
by
bx
You still need to put a loop
around the kernel call for
cases where
WIDTH/TILE_WIDTH is
greater than max grid size
(64K)!
TILE_WIDTH
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
39
Some Useful Information on
Tools
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
40
Compiling a CUDA Program
NVCC
C/C++ CUDA
Application
PTX to Target
Compiler
G80 … GPU
Target code
PTX Code
Virtual
Physical
CPU Code
• Parallel Thread
eXecution (PTX)
– Virtual Machine
and ISA
– Programming
model
– Execution
resources and
state
float4 me = gx[gtid];
me.x += me.y * me.z;
ld.global.v4.f32 {$f1,$f3,$f5,$f7}, [$r9+0];
mad.f32 $f1, $f5, $f3, $f1;
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
41
Compilation
• Any source file containing CUDA language
extensions must be compiled with NVCC
• NVCC is a compiler driver
– Works by invoking all the necessary tools and
compilers like cudacc, g++, cl, ...
• NVCC outputs:
– C code (host CPU Code)
• Must then be compiled with the rest of the application using another tool
– PTX
• Object code directly
• Or, PTX source, interpreted at runtime
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
42
Linking
• Any executable with CUDA code requires two
dynamic libraries:
– The CUDA runtime library (cudart)
– The CUDA core library (cuda)
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
43
Debugging Using the
Device Emulation Mode
• An executable compiled in device emulation mode
(nvcc -deviceemu) runs completely on the host
using the CUDA runtime
– No need of any device and CUDA driver
– Each device thread is emulated with a host thread
• Running in device emulation mode, one can:
– Use host native debug support (breakpoints, inspection, etc.)
– Access any device-specific data from host code and vice-versa
– Call any host function from device code (e.g. printf) and vice-
versa
– Detect deadlock situations caused by improper usage of
__syncthreads
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
44
Device Emulation Mode Pitfalls
• Emulated device threads execute sequentially, so
simultaneous accesses of the same memory location
by multiple threads could produce different results.
• Dereferencing device pointers on the host or host
pointers on the device can produce correct results in
device emulation mode, but will generate an error in
device execution mode
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
45
Floating Point
• Results of floating-point computations will slightly
differ because of:
– Different compiler outputs, instruction sets
– Use of extended precision for intermediate results
• There are various options to force strict single precision on the host
© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009
ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign

More Related Content

What's hot (20)

PDF
Cuda
Gopi Saiteja
 
PPTX
Intro to GPGPU with CUDA (DevLink)
Rob Gillen
 
PPT
CUDA Architecture
Dr Shashikant Athawale
 
PPTX
Gpu with cuda architecture
Dhaval Kaneria
 
PPT
CUDA
Rachel Miller
 
PPT
Gpu and The Brick Wall
ugur candan
 
PDF
Gpu perf-presentation
GiannisTsagatakis
 
PDF
Cuda tutorial
Mahesh Khadatare
 
PDF
Cuda introduction
Hanibei
 
PDF
LCU13: GPGPU on ARM Experience Report
Linaro
 
PPTX
GPGPU programming with CUDA
Savith Satheesh
 
PDF
GPU Programming
William Cunningham
 
PDF
Using GPUs to handle Big Data with Java by Adam Roberts.
J On The Beach
 
PDF
PostgreSQL with OpenCL
Muhaza Liebenlito
 
PDF
Introduction to CUDA
Raymond Tay
 
PDF
Computing using GPUs
Shree Kumar
 
PDF
A SURVEY ON GPU SYSTEM CONSIDERING ITS PERFORMANCE ON DIFFERENT APPLICATIONS
cseij
 
PDF
A beginner’s guide to programming GPUs with CUDA
Piyush Mittal
 
PDF
GPU Ecosystem
Ofer Rosenberg
 
PPT
Vpu technology &gpgpu computing
Arka Ghosh
 
Intro to GPGPU with CUDA (DevLink)
Rob Gillen
 
CUDA Architecture
Dr Shashikant Athawale
 
Gpu with cuda architecture
Dhaval Kaneria
 
Gpu and The Brick Wall
ugur candan
 
Gpu perf-presentation
GiannisTsagatakis
 
Cuda tutorial
Mahesh Khadatare
 
Cuda introduction
Hanibei
 
LCU13: GPGPU on ARM Experience Report
Linaro
 
GPGPU programming with CUDA
Savith Satheesh
 
GPU Programming
William Cunningham
 
Using GPUs to handle Big Data with Java by Adam Roberts.
J On The Beach
 
PostgreSQL with OpenCL
Muhaza Liebenlito
 
Introduction to CUDA
Raymond Tay
 
Computing using GPUs
Shree Kumar
 
A SURVEY ON GPU SYSTEM CONSIDERING ITS PERFORMANCE ON DIFFERENT APPLICATIONS
cseij
 
A beginner’s guide to programming GPUs with CUDA
Piyush Mittal
 
GPU Ecosystem
Ofer Rosenberg
 
Vpu technology &gpgpu computing
Arka Ghosh
 

Similar to Lecture2 cuda spring 2010 (20)

PPTX
Introduction to Accelerators
Dilum Bandara
 
PPTX
GPU in Computer Science advance topic .pptx
HamzaAli998966
 
PPTX
lecture11_GPUArchCUDA01.pptx
ssuser413a98
 
PPT
Cuda intro
Anshul Sharma
 
PPTX
Gpu computing workshop
datastack
 
PDF
Etude éducatif sur les GPUs & CPUs et les architectures paralleles -Programmi...
mouhouioui
 
PPTX
gpuprogram_lecture,architecture_designsn
ARUNACHALAM468781
 
PDF
Introduction to CUDA programming in C language
angelo119154
 
PPT
3. CUDA_PPT.ppt info abt threads in cuda
Happy264002
 
PDF
lecture_GPUArchCUDA02-CUDAMem.pdf
Tigabu Yaya
 
PDF
Cuda Without a Phd - A practical guick start
LloydMoore
 
PPTX
An Introduction to CUDA-OpenCL - University.pptx
AnirudhGarg35
 
PPT
002 - Introduction to CUDA Programming_1.ppt
ceyifo9332
 
PPTX
C for Cuda - Small Introduction to GPU computing
IPALab
 
PDF
GPU programming and Its Case Study
Zhengjie Lu
 
PPTX
Graphics processing uni computer archiecture
Haris456
 
PDF
Newbie’s guide to_the_gpgpu_universe
Ofer Rosenberg
 
PDF
Cuda materials
Thiruselvan Subramanian
 
PDF
Tema3_Introduction_to_CUDA_C.pdf
pepe464163
 
PDF
GPGPU Computation
jtsagata
 
Introduction to Accelerators
Dilum Bandara
 
GPU in Computer Science advance topic .pptx
HamzaAli998966
 
lecture11_GPUArchCUDA01.pptx
ssuser413a98
 
Cuda intro
Anshul Sharma
 
Gpu computing workshop
datastack
 
Etude éducatif sur les GPUs & CPUs et les architectures paralleles -Programmi...
mouhouioui
 
gpuprogram_lecture,architecture_designsn
ARUNACHALAM468781
 
Introduction to CUDA programming in C language
angelo119154
 
3. CUDA_PPT.ppt info abt threads in cuda
Happy264002
 
lecture_GPUArchCUDA02-CUDAMem.pdf
Tigabu Yaya
 
Cuda Without a Phd - A practical guick start
LloydMoore
 
An Introduction to CUDA-OpenCL - University.pptx
AnirudhGarg35
 
002 - Introduction to CUDA Programming_1.ppt
ceyifo9332
 
C for Cuda - Small Introduction to GPU computing
IPALab
 
GPU programming and Its Case Study
Zhengjie Lu
 
Graphics processing uni computer archiecture
Haris456
 
Newbie’s guide to_the_gpgpu_universe
Ofer Rosenberg
 
Cuda materials
Thiruselvan Subramanian
 
Tema3_Introduction_to_CUDA_C.pdf
pepe464163
 
GPGPU Computation
jtsagata
 
Ad

Recently uploaded (20)

PPTX
265587293-NFPA 101 Life safety code-PPT-1.pptx
chandermwason
 
PPT
PPT2_Metal formingMECHANICALENGINEEIRNG .ppt
Praveen Kumar
 
PDF
MAD Unit - 1 Introduction of Android IT Department
JappanMavani
 
PPTX
What is Shot Peening | Shot Peening is a Surface Treatment Process
Vibra Finish
 
PPTX
Damage of stability of a ship and how its change .pptx
ehamadulhaque
 
PPTX
fatigue in aircraft structures-221113192308-0ad6dc8c.pptx
aviatecofficial
 
PDF
Water Industry Process Automation & Control Monthly July 2025
Water Industry Process Automation & Control
 
PPTX
Introduction to Design of Machine Elements
PradeepKumarS27
 
PDF
Pressure Measurement training for engineers and Technicians
AIESOLUTIONS
 
PPTX
DATA BASE MANAGEMENT AND RELATIONAL DATA
gomathisankariv2
 
PDF
Reasons for the succes of MENARD PRESSUREMETER.pdf
majdiamz
 
PPTX
Big Data and Data Science hype .pptx
SUNEEL37
 
PPTX
Worm gear strength and wear calculation as per standard VB Bhandari Databook.
shahveer210504
 
PPTX
Lecture 1 Shell and Tube Heat exchanger-1.pptx
mailforillegalwork
 
PDF
Halide Perovskites’ Multifunctional Properties: Coordination Engineering, Coo...
TaameBerhe2
 
PPTX
Arduino Based Gas Leakage Detector Project
CircuitDigest
 
PPTX
Introduction to Basic Renewable Energy.pptx
examcoordinatormesu
 
PDF
Basic_Concepts_in_Clinical_Biochemistry_2018كيمياء_عملي.pdf
AdelLoin
 
PPTX
Presentation 2.pptx AI-powered home security systems Secure-by-design IoT fr...
SoundaryaBC2
 
PPTX
Mechanical Design of shell and tube heat exchangers as per ASME Sec VIII Divi...
shahveer210504
 
265587293-NFPA 101 Life safety code-PPT-1.pptx
chandermwason
 
PPT2_Metal formingMECHANICALENGINEEIRNG .ppt
Praveen Kumar
 
MAD Unit - 1 Introduction of Android IT Department
JappanMavani
 
What is Shot Peening | Shot Peening is a Surface Treatment Process
Vibra Finish
 
Damage of stability of a ship and how its change .pptx
ehamadulhaque
 
fatigue in aircraft structures-221113192308-0ad6dc8c.pptx
aviatecofficial
 
Water Industry Process Automation & Control Monthly July 2025
Water Industry Process Automation & Control
 
Introduction to Design of Machine Elements
PradeepKumarS27
 
Pressure Measurement training for engineers and Technicians
AIESOLUTIONS
 
DATA BASE MANAGEMENT AND RELATIONAL DATA
gomathisankariv2
 
Reasons for the succes of MENARD PRESSUREMETER.pdf
majdiamz
 
Big Data and Data Science hype .pptx
SUNEEL37
 
Worm gear strength and wear calculation as per standard VB Bhandari Databook.
shahveer210504
 
Lecture 1 Shell and Tube Heat exchanger-1.pptx
mailforillegalwork
 
Halide Perovskites’ Multifunctional Properties: Coordination Engineering, Coo...
TaameBerhe2
 
Arduino Based Gas Leakage Detector Project
CircuitDigest
 
Introduction to Basic Renewable Energy.pptx
examcoordinatormesu
 
Basic_Concepts_in_Clinical_Biochemistry_2018كيمياء_عملي.pdf
AdelLoin
 
Presentation 2.pptx AI-powered home security systems Secure-by-design IoT fr...
SoundaryaBC2
 
Mechanical Design of shell and tube heat exchangers as per ASME Sec VIII Divi...
shahveer210504
 
Ad

Lecture2 cuda spring 2010

  • 1. 1 ECE 498AL Lecture 2: The CUDA Programming Model © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 2. Parallel Programming Basics • Things we need to consider: – Control – Synchronization – Communication • Parallel programming languages offer different ways of dealing with above 2© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 3. 3 What is (Historical) GPGPU ? • General Purpose computation using GPU and graphics API in applications other than 3D graphics – GPU accelerates critical path of application • Data parallel algorithms leverage GPU attributes – Large data arrays, streaming throughput – Fine-grain SIMD parallelism – Low-latency floating point (FP) computation • Applications – see //GPGPU.org – Game effects (FX) physics, image processing – Physical modeling, computational engineering, matrix algebra, convolution, correlation, sorting © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 4. 4 Previous GPGPU Constraints • Dealing with graphics API – Working with the corner cases of the graphics API • Addressing modes – Limited texture size/dimension • Shader capabilities – Limited outputs • Instruction sets – Lack of Integer & bit ops • Communication limited – Between pixels – Scatter a[i] = p Input Registers Fragment Program Output Registers Constants Texture Temp Registers per thread per Shader per Context FB Memory © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 5. 5 CUDA • “Compute Unified Device Architecture” • General purpose programming model – User kicks off batches of threads on the GPU – GPU = dedicated super-threaded, massively data parallel co-processor • Targeted software stack – Compute oriented drivers, language, and tools • Driver for loading computation programs into GPU – Standalone Driver - Optimized for computation – Interface designed for compute – graphics-free API – Data sharing with OpenGL buffer objects – Guaranteed maximum download & readback speeds – Explicit GPU memory management © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 6. 6 An Example of Physical Reality Behind CUDA CPU (host) GPU w/ local DRAM (device) © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 7. 7 Parallel Computing on a GPU • 8-series GPUs deliver 25 to 200+ GFLOPS on compiled parallel C applications – Available in laptops, desktops, and clusters • GPU parallelism is doubling every year • Programming model scales transparently • Programmable in C with CUDA tools • Multithreaded SPMD model uses application data parallelism and thread parallelism GeForce 8800 Tesla S870 Tesla D870 © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 8. 8 Overview • CUDA programming model – basic concepts and data types • CUDA application programming interface - basic • Simple examples to illustrate basic concepts and functionalities • Performance features will be covered later © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 9. 9 CUDA – C with no shader limitations! • Integrated host+device app C program – Serial or modestly parallel parts in host C code – Highly parallel parts in device SPMD kernel C code Serial Code (host) . . . . . . Parallel Kernel (device) KernelA<<< nBlk, nTid >>>(args); Serial Code (host) Parallel Kernel (device) KernelB<<< nBlk, nTid >>>(args); © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 10. 10 CUDA Devices and Threads • A compute device – Is a coprocessor to the CPU or host – Has its own DRAM (device memory) – Runs many threads in parallel – Is typically a GPU but can also be another type of parallel processing device • Data-parallel portions of an application are expressed as device kernels which run on many threads • Differences between GPU and CPU threads – GPU threads are extremely lightweight • Very little creation overhead – GPU needs 1000s of threads for full efficiency • Multi-core CPU needs only a few © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 11. 11 L2 FB SP SP L1 TF ThreadProcessor Vtx Thread Issue Setup / Rstr / ZCull Geom Thread Issue Pixel Thread Issue Input Assembler Host SP SP L1 TF SP SP L1 TF SP SP L1 TF SP SP L1 TF SP SP L1 TF SP SP L1 TF SP SP L1 TF L2 FB L2 FB L2 FB L2 FB L2 FB • The future of GPUs is programmable processing • So – build the architecture around the processor G80 – Graphics Mode © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 12. 12 G80 CUDA mode – A Device Example • Processors execute computing threads • New operating mode/HW interface for computing Load/store Global Memory Thread Execution Manager Input Assembler Host Texture Texture Texture Texture Texture Texture Texture TextureTexture Parallel Data Cache Parallel Data Cache Parallel Data Cache Parallel Data Cache Parallel Data Cache Parallel Data Cache Parallel Data Cache Parallel Data Cache Load/store Load/store Load/store Load/store Load/store © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 13. 13 Extended C • Type Qualifiers – global, device, shared, local, constant • Keywords – threadIdx, blockIdx • Intrinsics – __syncthreads • Runtime API – Memory, symbol, execution management • Function launch __device__ float filter[N]; __global__ void convolve (float *image) { __shared__ float region[M]; ... region[threadIdx] = image[i]; __syncthreads() ... image[j] = result; } // Allocate GPU memory void *myimage = cudaMalloc(bytes) // 100 blocks, 10 threads per block convolve<<<100, 10>>> (myimage); © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 14. 14 gcc / cl G80 SASS foo.sass OCG Extended C cudacc EDG C/C++ frontend Open64 Global Optimizer GPU Assembly foo.s CPU Host Code foo.cpp Integrated source (foo.cu) Mark Murphy, “ NVIDIA’s Experience with Open64,” www.capsl.udel.edu/conferences/open64/2 008/Papers/101.doc© David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 15. 15 Arrays of Parallel Threads • A CUDA kernel is executed by an array of threads – All threads run the same code (SPMD) – Each thread has an ID that it uses to compute memory addresses and make control decisions 76543210 … float x = input[threadID]; float y = func(x); output[threadID] = y; … threadID © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 16. 16 … float x = input[threadID]; float y = func(x); output[threadID] = y; … threadID Thread Block 0 … … float x = input[threadID]; float y = func(x); output[threadID] = y; … Thread Block 1 … float x = input[threadID]; float y = func(x); output[threadID] = y; … Thread Block N - 1 Thread Blocks: Scalable Cooperation • Divide monolithic thread array into multiple blocks – Threads within a block cooperate via shared memory, atomic operations and barrier synchronization – Threads in different blocks cannot cooperate 76543210 76543210 76543210 © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 17. 17 Host Kernel 1 Kernel 2 Device Grid 1 Block (0, 0) Block (1, 0) Block (0, 1) Block (1, 1) Grid 2 Courtesy:NDVIA Figure 3.2. An Example of CUDA Thread Org Block(1, 1) Thread (0,1,0) Thread (1,1,0) Thread (2,1,0) Thread (3,1,0) Thread (0,0,0) Thread (1,0,0) Thread (2,0,0) Thread (3,0,0) (0,0,1) (1,0,1) (2,0,1) (3,0,1) Block IDs and Thread IDs • Each thread uses IDs to decide what data to work on – Block ID: 1D or 2D – Thread ID: 1D, 2D, or 3D • Simplifies memory addressing when processing multidimensional data – Image processing – Solving PDEs on volumes – … © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 18. 18 CUDA Memory Model Overview • Global memory – Main means of communicating R/W Data between host and device – Contents visible to all threads – Long latency access • We will focus on global memory for now – Constant and texture memory will come later Grid Global Memory Block (0, 0) Shared Memory Thread (0, 0) Registers Thread (1, 0) Registers Block (1, 0) Shared Memory Thread (0, 0) Registers Thread (1, 0) Registers Host © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 19. 19 CUDA API Highlights: Easy and Lightweight • The API is an extension to the ANSI C programming language Low learning curve • The hardware is designed to enable lightweight runtime and driver High performance © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 20. 20 CUDA Device Memory Allocation • cudaMalloc() – Allocates object in the device Global MemoryGlobal Memory – Requires two parameters • Address of a pointer to the allocated object • Size of of allocated object • cudaFree() – Frees object from device Global Memory • Pointer to freed object Grid Global Memory Block (0, 0) Shared Memory Thread (0, 0) Registers Thread (1, 0) Registers Block (1, 0) Shared Memory Thread (0, 0) Registers Thread (1, 0) Registers Host © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 21. 21 CUDA Device Memory Allocation (cont.) • Code example: – Allocate a 64 * 64 single precision float array – Attach the allocated storage to Md – “d” is often used to indicate a device data structure TILE_WIDTH = 64; Float* Md int size = TILE_WIDTH * TILE_WIDTH * sizeof(float); cudaMalloc((void**)&Md, size); cudaFree(Md); © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 22. 22 CUDA Host-Device Data Transfer • cudaMemcpy() – memory data transfer – Requires four parameters • Pointer to destination • Pointer to source • Number of bytes copied • Type of transfer – Host to Host – Host to Device – Device to Host – Device to Device • Asynchronous transfer Grid Global Memory Block (0, 0) Shared Memory Thread (0, 0) Registers Thread (1, 0) Registers Block (1, 0) Shared Memory Thread (0, 0) Registers Thread (1, 0) Registers Host © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 23. 23 CUDA Host-Device Data Transfer (cont.) • Code example: – Transfer a 64 * 64 single precision float array – M is in host memory and Md is in device memory – cudaMemcpyHostToDevice and cudaMemcpyDeviceToHost are symbolic constants cudaMemcpy(Md, M, size, cudaMemcpyHostToDevice); cudaMemcpy(M, Md, size, cudaMemcpyDeviceToHost); © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 24. 24 CUDA Keywords © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 25. 25 CUDA Function Declarations hosthost__host__ float HostFunc() hostdevice__global__ void KernelFunc() devicedevice__device__ float DeviceFunc() Only callable from the: Executed on the: • __global__ defines a kernel function – Must return void • __device__ and __host__ can be used together © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 26. 26 CUDA Function Declarations (cont.) • __device__ functions cannot have their address taken • For functions executed on the device: – No recursion – No static variable declarations inside the function – No variable number of arguments © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 27. 27 Calling a Kernel Function – Thread Creation • A kernel function must be called with an execution configuration: __global__ void KernelFunc(...); dim3 DimGrid(100, 50); // 5000 thread blocks dim3 DimBlock(4, 8, 8); // 256 threads per block size_t SharedMemBytes = 64; // 64 bytes of shared memory KernelFunc<<< DimGrid, DimBlock, SharedMemBytes >>>(...); • Any call to a kernel function is asynchronous from CUDA 1.0 on, explicit synch needed for blocking © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 28. 28 A Simple Running Example Matrix Multiplication • A simple matrix multiplication example that illustrates the basic features of memory and thread management in CUDA programs – Leave shared memory usage until later – Local, register usage – Thread ID usage – Memory data transfer API between host and device – Assume square matrix for simplicity © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 29. 29 Programming Model: Square Matrix Multiplication Example • P = M * N of size WIDTH x WIDTH • Without tiling: – One thread calculates one element of P – M and N are loaded WIDTH times from global memory M N P WIDTHWIDTH WIDTH WIDTH © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 30. 30 M0,2 M1,1 M0,1M0,0 M1,0 M0,3 M1,2 M1,3 Memory Layout of a Matrix in C M0,2M0,1M0,0 M0,3 M1,1M1,0 M1,2 M1,3 M2,1M2,0 M2,2 M2,3 M2,1M2,0 M2,2 M2,3 M3,1M3,0 M3,2 M3,3 M3,1M3,0 M3,2 M3,3 M © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 31. 31 Step 1: Matrix Multiplication A Simple Host Version in C M N P WIDTHWIDTH WIDTH WIDTH // Matrix multiplication on the (CPU) host in double precision void MatrixMulOnHost(float* M, float* N, float* P, int Width) { for (int i = 0; i < Width; ++i) for (int j = 0; j < Width; ++j) { double sum = 0; for (int k = 0; k < Width; ++k) { double a = M[i * width + k]; double b = N[k * width + j]; sum += a * b; } P[i * Width + j] = sum; } } i k k j © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 32. 32 void MatrixMulOnDevice(float* M, float* N, float* P, int Width) { int size = Width * Width * sizeof(float); float* Md, Nd, Pd; … 1. // Allocate and Load M, N to device memory cudaMalloc(&Md, size); cudaMemcpy(Md, M, size, cudaMemcpyHostToDevice); cudaMalloc(&Nd, size); cudaMemcpy(Nd, N, size, cudaMemcpyHostToDevice); // Allocate P on the device cudaMalloc(&Pd, size); Step 2: Input Matrix Data Transfer (Host-side Code) © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 33. 33 Step 3: Output Matrix Data Transfer (Host-side Code) 2. // Kernel invocation code – to be shown later … 3. // Read P from the device cudaMemcpy(P, Pd, size, cudaMemcpyDeviceToHost); // Free device matrices cudaFree(Md); cudaFree(Nd); cudaFree (Pd); } © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 34. 34 Step 4: Kernel Function // Matrix multiplication kernel – per thread code __global__ void MatrixMulKernel(float* Md, float* Nd, float* Pd, int Width) { // Pvalue is used to store the element of the matrix // that is computed by the thread float Pvalue = 0; © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 35. 35 Nd Md Pd WIDTHWIDTH WIDTH WIDTH Step 4: Kernel Function (cont.) for (int k = 0; k < Width; ++k) { float Melement = Md[threadIdx.y*Width+k]; float Nelement = Nd[k*Width+threadIdx.x]; Pvalue += Melement * Nelement; } Pd[threadIdx.y*Width+threadIdx.x] = Pvalue; } ty tx ty tx k k © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 36. 36 // Setup the execution configuration dim3 dimGrid(1, 1); dim3 dimBlock(Width, Width); // Launch the device computation threads! MatrixMulKernel<<<dimGrid, dimBlock>>>(Md, Nd, Pd, Width); Step 5: Kernel Invocation (Host-side Code) © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 37. 37 Only One Thread Block Used • One Block of threads compute matrix Pd – Each thread computes one element of Pd • Each thread – Loads a row of matrix Md – Loads a column of matrix Nd – Perform one multiply and addition for each pair of Md and Nd elements – Compute to off-chip memory access ratio close to 1:1 (not very high) • Size of matrix limited by the number of threads allowed in a thread block Grid 1 Block 1 3 2 5 4 2 4 2 6 48 Thread (2, 2) WIDTH Md Pd Nd © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 38. 38 Step 7: Handling Arbitrary Sized Square Matrices • Have each 2D thread block to compute a (TILE_WIDTH)2 sub-matrix (tile) of the result matrix – Each has (TILE_WIDTH)2 threads • Generate a 2D Grid of (WIDTH/TILE_WIDTH)2 blocks Md Nd Pd WIDTHWIDTH WIDTH WIDTH ty tx by bx You still need to put a loop around the kernel call for cases where WIDTH/TILE_WIDTH is greater than max grid size (64K)! TILE_WIDTH © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 39. 39 Some Useful Information on Tools © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 40. 40 Compiling a CUDA Program NVCC C/C++ CUDA Application PTX to Target Compiler G80 … GPU Target code PTX Code Virtual Physical CPU Code • Parallel Thread eXecution (PTX) – Virtual Machine and ISA – Programming model – Execution resources and state float4 me = gx[gtid]; me.x += me.y * me.z; ld.global.v4.f32 {$f1,$f3,$f5,$f7}, [$r9+0]; mad.f32 $f1, $f5, $f3, $f1; © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 41. 41 Compilation • Any source file containing CUDA language extensions must be compiled with NVCC • NVCC is a compiler driver – Works by invoking all the necessary tools and compilers like cudacc, g++, cl, ... • NVCC outputs: – C code (host CPU Code) • Must then be compiled with the rest of the application using another tool – PTX • Object code directly • Or, PTX source, interpreted at runtime © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 42. 42 Linking • Any executable with CUDA code requires two dynamic libraries: – The CUDA runtime library (cudart) – The CUDA core library (cuda) © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 43. 43 Debugging Using the Device Emulation Mode • An executable compiled in device emulation mode (nvcc -deviceemu) runs completely on the host using the CUDA runtime – No need of any device and CUDA driver – Each device thread is emulated with a host thread • Running in device emulation mode, one can: – Use host native debug support (breakpoints, inspection, etc.) – Access any device-specific data from host code and vice-versa – Call any host function from device code (e.g. printf) and vice- versa – Detect deadlock situations caused by improper usage of __syncthreads © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 44. 44 Device Emulation Mode Pitfalls • Emulated device threads execute sequentially, so simultaneous accesses of the same memory location by multiple threads could produce different results. • Dereferencing device pointers on the host or host pointers on the device can produce correct results in device emulation mode, but will generate an error in device execution mode © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign
  • 45. 45 Floating Point • Results of floating-point computations will slightly differ because of: – Different compiler outputs, instruction sets – Use of extended precision for intermediate results • There are various options to force strict single precision on the host © David Kirk/NVIDIA and Wen-mei W. Hwu, 2007-2009 ECE 498AL Spring 2010, University of Illinois, Urbana-Champaign

Editor's Notes

  • #4: Mark Harris, of Nvidia, runs the gpgpu.org website
  • #15: TBD: Define SASS = SPA Assembly language. OCG: Optimized Code Generation
  • #36: This should be emphasized! Maybe another slide on “This is the first thing”
  • #40: Try to update tool slides with the tutorial?
  • #45: What are the options that the students can use?