GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oooooooooo oo ooooooooooo GPU Architecture and Programming Model J-W I- ■ I " "V in Fihpovic Fall 2020 Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication •ooo oooooooo oooooooooo oo ooooooooooo Differences among CUDA GPUs New generations bring higher performance and new computing capabilities. • compute capability describes richness of GPU instruction set and amount of resources available (registers, number of concurrently running threads, etc.) • raw performance grows with the number of cores on a GPU Cards in the same generation differ in performance substantially • to produce more affordable cards o due to changes introduces later in the manufacturing process • to minimize power consumption of mobile GPUs Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication o«oo oooooooo oooooooooo oo ooooooooooo GPUs Available Today Currently available GPUs o compute capability 1.0 - 8.0 • we will learn the differences later • 1-108 multiprocessors (19GFIops- 19.5TFLOPs) • frequency of 800 MHz-1.836 GHz • width and speed of data bus (64-4096 bit, 6.4-1555 GB/s) Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oo«o oooooooo oooooooooo oo ooooooooooo Generations of CUDA GPU Generations and their computing capability • Tesla (G80, G90, G200): c.c. 1.0, 1.1, 1.2, 1.3 • do not confuse with Tesla computing cards • Fermi (GF100, GF110): c.c. 2.0, 2.1 • Kepler (GK100, GK110): c.c. 3.0, 3.2, 3.5, 3.7 • Maxwell (GM107, GM200): c.c. 5.0, 5.2, 5.3 • Pascal (GP102, GP100): c.c. 6.0, 6.1, 6.2 • Volta (GV100): c.c. 7.0 • Turing (GT100): c.c. 7.5 • Ampere (A100): c.c. 8.0 □ [31 Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication ooo» oooooooo oooooooooo oo ooooooooooo Available products GeForce graphics cards • mainstream solution for gaming o cheap, widely used, broad range of performance • disadvantage - limited memory, limited double precision performance Professional Quadro graphics cards • larger memory • several times more expensive Tesla 9 a solution specially designed for CUDA computing • offers some HW features not present in GeForce (large memory, double/half precision, NVLink, ECC memory etc.) speeding up some applications • expensive J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo •ooooooo oooooooooo oo ooooooooooo GPU Parallelism Parallel algorithms need to be designed w.r.t. the parallelism available in the HW • GPU: array of SIMT multiprocessors working using shared memory Decomposition for GPU o coarse-grained decomposition of the problem into the parts that don't need intensive communication • fine-grained decomposition similar to vectorization (but SIMT is more flexible) Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo o«oooooo oooooooooo oo ooooooooooo Task Hierarchy Grid Block (0, 0) Block (1, 0) Block (2, 0) Block (1,1) Thread (0, 0) Thread (1, 0) Thread (2, 0) Thread (3, 0) Thread (0,1) Thread (1,1) Thread (2,1) Thread (3,1) Thread (0, 2) Thread (1, 2) Thread (2, 2) Thread (3, 2) Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OO0OOOOO oooooooooo oo ooooooooooo SIMT A multiprocessor of G80 has one unit executing an instruction 9 all 8 SPs have to execute the same instruction • new instruction is executed every 4 cycles o 32 threads (so called warp) need to execute the same instruction, warp size is fixed for all existing CUDA hardware How about code branching? • if different parts of a warp perform different instructions, they are serialized • decreases performance—should be avoided The multiprocessor is thus (nearly) MIMD (Multiple-Instruction Multiple-Thread) from programmer's perspective and SIMT (Single-Instruction Multiple-Thread) from performance perspective. J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOO0OOOO oooooooooo oo ooooooooooo GPU Architecture Device Multiprocessor N Multiprocessor 2 Multiprocessor 1 J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOO0OOO oooooooooo oo ooooooooooo SIMT reconvergence At the end of divergent code, a point of reconvergence is set by the compiler • creates barrier for threads within the warp • guarantees threads synchronization after divergent code o we have to take the reconvergence points in mind - they can create deadlocks, which do not arise in true MIMD • Volta's and newer GPUs' threads are scheduled independently, thus it can be programmed as a true MIMD processor Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOO0OO oooooooooo oo ooooooooooo SIMT reconvergence We try to serialize some region of code by the following construct: __shared__ int s = 0; while (s != threadldx.x) {}; // serialized region ++; Thanks to reconvergence point, there is a deadlock (reconvergence point is placed before the incrementation of s). Fix: __shared__ int s = 0; while (s < blockDim.x) { if (threadldx.x = s) { // serialized region s++; } } Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOO0O oooooooooo oo ooooooooooo Thread Properties GPU threads are very lightweight compared to CPU threads. 9 their run time can be very short (even tens of instructions) 9 there should be many of them • they should not use large amount of resources Threads are aggregated into blocks • all threads of the block always run on the same multiprocessor (multiple blocks can run at one multiprocessor) 9 having sufficient number of blocks is substantial to achieve good scalability Number of threads and thread blocks per multiprocesor is limited. Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO 0000000« oooooooooo oo ooooooooooo Memory Latency Masking Memory has latency • global memory has high latency (hundreds of cycles) • registers and shared memory have read-after-write latency Memory latency hiding is different from CPU o no instructions are executed out of order (but ILP can be exploited by forcing finalization of load instruction just before loaded data are needed) 9 no or limited cache When a warp waits for data from memory, another warp may be executed • allows memory latency hiding • requires execution of more threads than the number of GPU cores • thread execution scheduling and switching is implemented directly in HW without overhead J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO »000000000 oo ooooooooooo Thread-Local Memory Registers o the fastest memory, directly usable in instructions • local variables in a kernel and variables for intermediate results are placed automatically into the registers • if there is sufficient number of registers • if the compiler can determine static array indexing • thread scoped Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO »000000000 oo ooooooooooo Thread-Local Memory Registers o the fastest memory, directly usable in instructions • local variables in a kernel and variables for intermediate results are placed automatically into the registers • if there is sufficient number of registers • if the compiler can determine static array indexing • thread scoped Local memory o data that doesn't fit into the registers go into the local memory o local memory is stored in DRAM =4> slow, high latency • thread scoped J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo o«oooooooo oo ooooooooooo Shared Memory Shared memory • as fast as registers for c. c. 1.x, for newer GPUs little bit slower • if memory bank conflicts are avoided 9 instructions can use only one operand in shared memory (otherwise explicit load/store is needed) o declared using __shared__ in C for CUDA • a variable in shared memory can have dynamic size (determined at startup), if declared as extern withou size specification <* block scoped Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oo«ooooooo oo ooooooooooo Shared Memory Static shared memory declaration __shared__ float myArray[12 8 ] ; Dynamic allocation extern __shared__ char myArray []; float *arrayl = (float*)myArray; int *array2 = (int*)&array1 [128]; short *array3 = (short*)&array2[256]; It creates an array arrayl of float type with size 128, array2 of int type sized 256, and array3 of floating size. Total size has to be specified at kernel startup. myKernel«>>(); Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOO0OOOOOO oo ooooooooooo Global Memory Global memory • an order of magnitude lower bandwidth compared to shared memory • latency in order of hundreds of GPU cycles • addressing needs to be coalesced to get optimum performance • application-scoped • cached in some architectures, e.g. LI cache (128 bytes/row) and L2 cache (32 bytes/row) in Fermi architecture May be dynamically allocated using cudaMalloc or statically allocated using __device__ declaration. Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO 0000*00000 oo ooooooooooo Constant Memory Constant memory o read-only • cached • cache hit is as fast as registry (under certain constraints), cache miss is as fast as global memory • limited size (64 kB for GPUs currently available) • application-scoped Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO 00000*0000 oo ooooooooooo Constant Memory Declared using __constant__ keyword; the following function is used for copying data to constant memory: cudaError.t cudaMemcpyToSymbol(const char *symbol, const void *src , size_t count , size_t offset , enum cudaMemcpyKind kind) Data are copied from system memory (cudaMemcpyHostToDevice) or global memory (cudaMemcpyDeviceToDevice) from src into symbol. The copied block has count bytes. Copied with offset into the symbol memory. Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oooooo«ooo oo ooooooooooo Texture Memory Texture memory • cached, 2D locality 9 read-only for cache coherency reasons • high latency • several addressing modes • normalization into [0,1] range • truncation or overflowing of coordinates • possible data filtering o linear interpolation or nearest value • this functionality is "for free" (implemented in HW) More details are available in CUDA Programming Guide. □ i3" ► < -E J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo ooooooo«oo oo ooooooooooo Data Cache Read-only data cache • c.c. 3.5 or higher • the same hardware as texture cache, but straightforward usage • compiler automatically uses data cache, when it recognize that data are read-only • we can help with const and __restrict__ • usage can be forced by __ldg() Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOO0O oo ooooooooooo System-Local Memory System RAM 9 connected to GPU via PCIe • CPU (host) and GPU (device) memory transfers are complicated by virtual addressing • it is possible to allocate so called page-locked memory areas • overall system performance may be reduced • limited size • data are transferred faster over PCIe • allows for parallel kernel run and data copying • allows for mapping of host address space onto the device 9 allows for write-combining access (data are not cached by CPU) Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO 000000000« oo ooooooooooo Page Locked Memory cudaMallocHost () is used instead of mallocO to allocate the memory; the memory is freed using cudaFreeHost () • cudaHostAllocPortable flag ensures page-locked memory for all CPU threads • cudaHostAllocWriteCombined flag turns off caching for CPU allocated memory • cudaHostAllocMapped flag sets host memory mapping in the device address space Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oooooooooo «o ooooooooooo Synchronization within the Block Within block • native barrier synchronization • all threads have to enter it (beware of conditions!) • one instruction only, very fast if it doesn't degrade parallelism • C for CUDA call __syncthreads() • Fermi extensions: count, and, or • shared memory communication 9 threads can exchange data • barrier ensures that data are ready • synchronization latency hiding similar as for memory • multiple blocks on multiprocessor Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oooooooooo o« ooooooooooo Block Synchronization Among blocks • global memory is visible for all blocks poor support for synchronization • no global barrier for GPUs prior Pascal architecture and CUDA 8.0 • atomic operations on global memory global barrier can be implemented using multiple kernel calls Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO »0000000000 Matrix Multiplication We want to multiply matrices A a B and store the result into C. For sake of simplicity, we only assume matrices sized n x n. C language: for (int i = 0; i < n; i++) for (int j = 0; j < n; j++){ C[i*n + j] = 0.0; for (int k = 0; k < n; k++) C[i*n + j ] += A[i*n + k] * B[k*n + j]; } Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oooooooooo oo o«ooooooooo Parallelization for (int i = 0; i < n; i++) for (int j = 0; j < n; C[i*n + j ] = 0.0; for (int k = 0; k < n; k++) C[i*n + j] += A[i*n + k] * B[k*n + j]; } Multiple ways of parallelization 9 choose one loop • choose two loops parallelize all the loops Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OO0OOOOOOOO Parallelization Parallelization of one loop • doesn't scale well, it is necessary to use big matrices (we need tens thousands of threads for good GPU utilization) Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OO0OOOOOOOO Parallelization Parallelization of one loop • doesn't scale well, it is necessary to use big matrices (we need tens thousands of threads for good GPU utilization) Parallelization of two loops • scales well, number of threads grows quadratically w.r.t. n Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OO0OOOOOOOO Parallelization Parallelization of one loop • doesn't scale well, it is necessary to use big matrices (we need tens thousands of threads for good GPU utilization) Parallelization of two loops • scales well, number of threads grows quadratically w.r.t. n Parallelization using inner loop • complicated, synchronization needed when writing into C! Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OO0OOOOOOOO Parallelization Parallelization of one loop • doesn't scale well, it is necessary to use big matrices (we need tens thousands of threads for good GPU utilization) Parallelization of two loops • scales well, number of threads grows quadratically w.r.t. n Parallelization using inner loop • complicated, synchronization needed when writing into C! Best way is thus to parallelize loops over / and j. Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OOO0OOOOOOO First Kernel We can form the block and grid as 2D array. __global__ void mmul(float *A, float *B, float *C, int n){ int x = biockldx.x*biockDim.x + threadldx.x; int y = biockldx.y*biockDim.y + threadldx.y; float tmp = 0; for (int k = 0; k < n; k++) tmp += A[y*n+k] * B[k*n+x]; C[y*n + x] = tmp; } Note similarity to math description - parallel version is more intuitive than the serial one! Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OOOO0OOOOOO Performance What will be the performance of our implementation? Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OOOO0OOOOOO Performance What will be the performance of our implementation? Let's look at GeForce GTX 280 • available 622GFLOPS for matrix multiplication • memory bandwidth is 142GB/s □ [31 Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OOOO0OOOOOO Performance What will be the performance of our implementation? Let's look at GeForce GTX 280 • available 622GFLOPS for matrix multiplication • memory bandwidth is 142GB/s Flop-to-word ratio of our implementation o in one step over k, we read 2 floats (one number from A and B) and perform two arithmetic operations • one arithmetic operation corresponds to transfer of one float • global memory offers throughput of 35.5 billion floats per second if one warp transfers one float from one matrix and 16 floats from the other matrix, we can achieve 66.8GFLOPS • 66.8GFLOPS is very far from 622 GFLOPS J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OOOOO0OOOOO How to Improve It? We hit the limit of global memory. GPUs have faster types of memory, can we use them? Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OOOOO0OOOOO How to Improve It? We hit the limit of global memory. GPUs have faster types of memory, can we use them? For computation of one C element, we have to read one row from A and one column from B, that are in the global memory. Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OOOOO0OOOOO How to Improve It? We hit the limit of global memory. GPUs have faster types of memory, can we use them? For computation of one C element, we have to read one row from A and one column from B, that are in the global memory. Is it really necessary to do that separately for each element of C? a we read the same A row for all the elements in the same row of C • we read the same B column for all the elements in the same column of C • we can read some data only once from the global memory into the shared memory and then read them repeatedly from the shared memory J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oooooooooo oo oooooo«oooo Tiled Algorithm If we access the matrix in tiles, we can amortize transfers from the global memory: • we will compute a x a tile of C matrix o we read tiles of the same size of matrices A and B into the shared memory iteratively • the tiles will be multiplied and added to C • ratio of arithmetic operations to data transfers is a times better Natural mapping on GPU parallelism 9 each tile of C will be computed by a thread block • shared memory locality ensured • no inter-block synchronization needed J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oooooooooo oo ooooooo«ooo Tiled Algorithm How big thread blocks? • if equal to the tile size, it is limited by the size of shared memory • limited by the number of threads that can run on GPU • the reasonable block size is 16 x 16 • multiple of warp size • one block will have reasonable 256 threads • one block needs 2 KB of shared memory • the memory will not limit the performance substantially (16 • 25.5 = 568 GFLOPS, which is quite close to 622 GFLOPS) Jin Filipovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO OOOOOOOO0OO Algorithm Algorithm schema • each thread block have tiles As and Bs in the shared memory • tiles of A and B matrices will be multiplied iteratively, the results will get accumulated in Csub variable • threads in a block read tiles into As and Bs cooperatively • each thread mutliplies rows in As and columns in Bs for its element of Csub matrix o each thread stores one element of the matrix into the matrix C in global memory Beware of synchronization • the blocks need to be read completely before the multiplication starts 9 before we read new blocks, operation on previous data needs to be completed J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication OOOO OOOOOOOO OOOOOOOOOO OO 000000000*0 Second Kernel __global__ void mmul(float *A, float *B, float *C, int n){ int bx = int by = int tx = int ty = x blockldx blockldx.y; threadldx.x; threadldx.y; __shared__ float As[TILE_SIZE][TILE_SIZE]; __shared__ float Bs[TILE_SIZE][TILE_SIZE]; float Csub = O.Of; for (int b = 0; b < n/TILE_SIZE; b++){ As[ty][tx] A[(ty + by*TILE_SIZE)*n + b*TILE_SIZE+tx ] ; Bs[ty][tx] B[(ty + b*TILE_SIZE)*n + bx*TILE_SIZE+tx]; __syncthreads(); for (int k = 0; k < TILE_SIZE; k++) Csub += As[ty][k]*Bs[k][tx]; __syncthreads () ; } C[(ty + by*BLOCK)*n + bx*TILE_SIZE+tx] = Csub; J in Fihpovic GPU Architecture and Programming Model GPU hardware Parallelism Memory Hierarchy Synchronization Matrix Multiplication oooo oooooooo oooooooooo oo oooooooooo* Performance • theoretical limitation of the first kernel is 66.8GFLOPS, measured performance is 36.6GFLOPS • theoretical limitation of the second kernel is 568GFLOPS, measured performance is 198GFLOPS • how to get closer to the maximum performance of the card? • we need to understand HW and its limitation better and optimize the algorithms accordingly • topics for the next lectures Jin Filipovic GPU Architecture and Programming Model