Information Coding / Computer Graphics, ISY, LiTH. Introduction to CUDA. Ingemar Ragnemalm Information Coding, ISY

Similar documents
Lecture 10!! Introduction to CUDA!

Information Coding / Computer Graphics, ISY, LiTH. Introduction to CUDA. Ingemar Ragnemalm Information Coding, ISY

Lecture 15: Introduction to GPU programming. Lecture 15: Introduction to GPU programming p. 1

Introduction to GPU programming. Introduction to GPU programming p. 1/17

Lecture 3: Introduction to CUDA

Parallel Computing. Lecture 19: CUDA - I

CUDA PROGRAMMING MODEL. Carlo Nardone Sr. Solution Architect, NVIDIA EMEA

Register file. A single large register file (ex. 16K registers) is partitioned among the threads of the dispatched blocks.

Module 2: Introduction to CUDA C. Objective

CS 470 Spring Other Architectures. Mike Lam, Professor. (with an aside on linear algebra)

Tesla Architecture, CUDA and Optimization Strategies

CUDA Programming. Week 1. Basic Programming Concepts Materials are copied from the reference list

Lecture 9. Outline. CUDA : a General-Purpose Parallel Computing Architecture. CUDA Device and Threads CUDA. CUDA Architecture CUDA (I)

Module 2: Introduction to CUDA C

Lecture 2: Introduction to CUDA C

Basic Elements of CUDA Algoritmi e Calcolo Parallelo. Daniele Loiacono

Introduction to CUDA CME343 / ME May James Balfour [ NVIDIA Research

Review. Lecture 10. Today s Outline. Review. 03b.cu. 03?.cu CUDA (II) Matrix addition CUDA-C API

Outline 2011/10/8. Memory Management. Kernels. Matrix multiplication. CIS 565 Fall 2011 Qing Sun

CSE 160 Lecture 24. Graphical Processing Units

Practical Introduction to CUDA and GPU

CUDA Basics. July 6, 2016

GPU Programming Using CUDA. Samuli Laine NVIDIA Research

GPU Computing: Introduction to CUDA. Dr Paul Richmond

Josef Pelikán, Jan Horáček CGG MFF UK Praha

Vector Addition on the Device: main()

CS 470 Spring Other Architectures. Mike Lam, Professor. (with an aside on linear algebra)

Graph Partitioning. Standard problem in parallelization, partitioning sparse matrix in nearly independent blocks or discretization grids in FEM.

CUDA Lecture 2. Manfred Liebmann. Technische Universität München Chair of Optimal Control Center for Mathematical Sciences, M17

Scientific discovery, analysis and prediction made possible through high performance computing.

Technische Universität München. GPU Programming. Rüdiger Westermann Chair for Computer Graphics & Visualization. Faculty of Informatics

Lecture 3. Programming with GPUs

GPU Programming. Lecture 2: CUDA C Basics. Miaoqing Huang University of Arkansas 1 / 34

Basic Elements of CUDA Algoritmi e Calcolo Parallelo. Daniele Loiacono

HPC Middle East. KFUPM HPC Workshop April Mohamed Mekias HPC Solutions Consultant. Introduction to CUDA programming

Parallel Numerical Algorithms

EEM528 GPU COMPUTING

ECE 574 Cluster Computing Lecture 15

An Introduction to GPGPU Pro g ra m m ing - CUDA Arc hitec ture

CSC266 Introduction to Parallel Computing using GPUs Introduction to CUDA

Module 3: CUDA Execution Model -I. Objective

Introduction to Numerical General Purpose GPU Computing with NVIDIA CUDA. Part 1: Hardware design and programming model

Stanford University. NVIDIA Tesla M2090. NVIDIA GeForce GTX 690

Programming with CUDA, WS09

Information Coding / Computer Graphics, ISY, LiTH. CUDA memory! ! Coalescing!! Constant memory!! Texture memory!! Pinned memory 26(86)

GPU programming. Dr. Bernhard Kainz

GPU Programming Using CUDA

Introduction to Parallel Computing with CUDA. Oswald Haan

Learn CUDA in an Afternoon. Alan Gray EPCC The University of Edinburgh

CUDA C/C++ BASICS. NVIDIA Corporation

CUDA Programming. Aiichiro Nakano

Basic unified GPU architecture

Overview. Lecture 1: an introduction to CUDA. Hardware view. Hardware view. hardware view software view CUDA programming

CUDA Programming (Basics, Cuda Threads, Atomics) Ezio Bartocci

CUDA C Programming Mark Harris NVIDIA Corporation

COSC 6374 Parallel Computations Introduction to CUDA

Introduction to GPGPUs and to CUDA programming model

Lecture 6 CSE 260 Parallel Computation (Fall 2015) Scott B. Baden. Computing with Graphical Processing Units CUDA Programming Matrix multiplication

High Performance Linear Algebra on Data Parallel Co-Processors I

Real-time Graphics 9. GPGPU

Introduction to GPU Computing Using CUDA. Spring 2014 Westgid Seminar Series

Lecture 11: GPU programming

Introduction to GPU Computing Using CUDA. Spring 2014 Westgid Seminar Series

GPU CUDA Programming

ECE 408 / CS 483 Final Exam, Fall 2014

CUDA Architecture & Programming Model

HPC COMPUTING WITH CUDA AND TESLA HARDWARE. Timothy Lanfear, NVIDIA

CS 179: GPU Computing. Lecture 2: The Basics

Lecture 1: an introduction to CUDA

GPU programming: CUDA basics. Sylvain Collange Inria Rennes Bretagne Atlantique

CUDA. Sathish Vadhiyar High Performance Computing

GPU Programming. Rupesh Nasre.

GPU Computing: A Quick Start

GPU Programming. Alan Gray, James Perry EPCC The University of Edinburgh

ECE 574 Cluster Computing Lecture 17

Compiling and Executing CUDA Programs in Emulation Mode. High Performance Scientific Computing II ICSI-541 Spring 2010

Image convolution with CUDA

Real-time Graphics 9. GPGPU

Memory concept. Grid concept, Synchronization. GPU Programming. Szénási Sándor.

Introduction to GPU Computing. Design and Analysis of Parallel Algorithms

Introduction to CUDA (1 of n*)

CUDA C/C++ BASICS. NVIDIA Corporation

GPU & High Performance Computing (by NVIDIA) CUDA. Compute Unified Device Architecture Florian Schornbaum

QUASAR UNLOCKING THE POWER OF HETEROGENEOUS HARDWARE. Website: gepura.io Bart Goossens

CUDA Parallelism Model

GPU Computing with CUDA

GPU Programming Using CUDA. Samuli Laine NVIDIA Research

Using CUDA. Oswald Haan

Zero-copy. Table of Contents. Multi-GPU Learning CUDA to Solve Scientific Problems. Objectives. Technical Issues Zero-copy. Multigpu.

HPCSE II. GPU programming and CUDA

Introduction to GPU Computing Junjie Lai, NVIDIA Corporation

CUDA Workshop. High Performance GPU computing EXEBIT Karthikeyan

GPGPU A Supercomputer on Your Desktop

CUDA Exercises. CUDA Programming Model Lukas Cavigelli ETZ E 9 / ETZ D Integrated Systems Laboratory

Introduction to CUDA Programming

Advanced Topics in CUDA C

CS516 Programming Languages and Compilers II

GPU programming: CUDA. Sylvain Collange Inria Rennes Bretagne Atlantique

Massively Parallel Algorithms

High-Performance Computing Using GPUs

Transcription:

Introduction to CUDA Ingemar Ragnemalm Information Coding, ISY

This lecture: Programming model and language Introduction to memory spaces and memory access Shared memory Matrix multiplication example

Lecture questions: 1. What concept in CUDA corresponds to a SM (streaming multiprocessor) in the architecture? 2. How does matrix multiplication benefit from using shared memory? 3. When do you typically need to synchronize threads?

CUDA = Compute Unified Device Architecture Developed by NVidia Only available on NVidia boards, G80 or better GPU architecture Designed to hide the graphics heritage and add control and flexibility

Computing model: 1. Upload data to GPU 2. Execute kernel 3. Download result Similar to shader-based solutions and OpenCL

Integrated source Source of host and kernel code in the same source file! Major difference to shaders and OpenCL. Kernel code identified by special modifiers.

CUDA Architecture and C extension Spawn a large number of threads, to be ran virtually in parallel Just like in graphics! Fragments/computations not quite executed in parallel. A bunch at a time - a warp. Looks much more like an ordinary C program! No more data stored as pixels - just arrays!

Simple CUDA example A working, compilable example #include <stdio.h> const int N = 16; const int blocksize = 16; global void simple(float *c) { c[threadidx.x] = threadidx.x; } int main() { int i; float *c = new float[n]; float *cd; const int size = N*sizeof(float); } cudamalloc( (void**)&cd, size ); dim3 dimblock( blocksize, 1 ); dim3 dimgrid( 1, 1 ); simple<<<dimgrid, dimblock>>>(cd); cudamemcpy( c, cd, size, cudamemcpydevicetohost ); cudafree( cd ); for (i = 0; i < N; i++) printf("%f ", c[i]); printf("\n"); delete[] c; printf("done\n"); return EXIT_SUCCESS;

Simple CUDA example A working, compilable example #include <stdio.h> const int N = 16; const int blocksize = 16; Kernel global void simple(float *c) { c[threadidx.x] = threadidx.x; } thread identifier int main() { int i; float *c = new float[n]; float *cd; const int size = N*sizeof(float); } cudamalloc( (void**)&cd, size ); dim3 dimblock( blocksize, 1 ); dim3 dimgrid( 1, 1 ); simple<<<dimgrid, dimblock>>>(cd); Call kernel cudamemcpy( c, cd, size, cudamemcpydevicetohost ); cudafree( cd ); for (i = 0; i < N; i++) printf("%f ", c[i]); printf("\n"); delete[] c; printf("done\n"); return EXIT_SUCCESS; Allocate GPU memory 1 block, 16 threads Read back data

Modifiers for code Three modifiers are provided to specify how code should be used: global executes on the GPU, invoked from the CPU. This is the entry point of the kernel. device is local to the GPU host is CPU code (superfluous). CPU host myhostfunc() GPU device mydevicefunc(() global myglobalfunc(()

Memory management cudamalloc(ptr, datasize) cudafree(ptr) Similar to CPU memory management, but done by the CPU to allocate on the GPU cudamemcpy(dest, src, datasize, arg) arg = cudamemcpydevicetohost or cudamemcpyhosttodevice

Kernel execution simple<<<griddim, blockdim>>>( ) grid = blocks, block = threads Built-in variables for kernel: threadidx and blockidx blockdim and griddim (Note that no prefix is used, like GLSL does.)

Compiling Cuda nvcc nvcc is nvidiaʼs tool, /usr/local/cuda/bin/nvcc Source files suffixed.cu Command-line for the simple example: nvcc simple.cu -o simple (Command-line options exist for libraries etc)

Compiling Cuda for larger applications nvcc and gcc in co-operation nvcc for.cu files gcc for.c/.cpp etc Mixing languages possible. Final linking must include C++ runtime libs. Example: One C file, one CU file

Example of multi-unit compilation Source files: cudademokernel.cu and cudademo.c nvcc cudademokernel.cu -o cudademokernel.o -c gcc -c cudademo.c -o cudademo.o -I/usr/local/cuda/include g++ cudademo.o cudademokernel.o -o cudademo - L/usr/local/cuda/lib -lcuda -lcudart -lm Link with g++ to include C++ runtime

C/CUDA program code.cu CUDA compilation behind the scene nvcc CPU binary PTX code PTX to target Target binary code

Executing a Cuda program Must set environment variable to find Cuda runtime. export DYLD_LIBRARY_PATH=/usr/local/cuda/lib:$DYLD_LIBRARY_PATH Then run as usual:./simple A problem when executing without a shell! Launch with execve()

Computing with CUDA Organization and access Blocks, threads...

Warps A warp is the minimum number of data items/threads that will actually be processed in parallel by a CUDA capable device. This number varies with different GPUs. We usually donʼt care about warps but rather discuss threads and blocks.

Processing organization 1 warp = 32 threads 1 kernel - 1 grid 1 grid - many blocks 1 block - 1 SM 1 block - many threads Use many threads and many blocks! > 200 blocks recommended. Thread # multiple of 32

Distributing computing over threads and blocks Hierarcical model Grid Block 0,0 Block 1,0 Block 2,0 Block 3,0 Block n,n Thread 0,0 Thread 1,0 Thread 2,0 Thread 3,0 Block 0,1 Block 1,1 Block 2,1 Block 3,1 Thread 0,1 Thread 1,1 Thread 2,1 Thread 3,1 Thread 0,2 Thread 1,2 Thread 2,2 Thread 3,2 griddim.x * griddim.y blocks Thread 0,3 Thread 1,3 Thread 2,3 Thread 3,3 BlockDim.x * blockdim.y threads

Indexing data with thread/block IDs Calculate index by blockidx, blockdim, threadidx Another simple example, calculate square of every element, device part: // Kernel that executes on the CUDA device global void square_array(float *a, int N) { int idx = blockidx.x * blockdim.x + threadidx.x; if (idx<n) a[idx] = a[idx] * a[idx]; }

Host part of square example Set block size and grid size // main routine that executes on the host int main(int argc, char *argv[]) { float *a_h, *a_d; // Pointer to host and device arrays const int N = 10; // Number of elements in arrays size_t size = N * sizeof(float); a_h = (float *)malloc(size); cudamalloc((void **) &a_d, size); // Allocate array on device // Initialize host array and copy it to CUDA device for (int i=0; i<n; i++) a_h[i] = (float)i; cudamemcpy(a_d, a_h, size, cudamemcpyhosttodevice); // Do calculation on device: int block_size = 4; int n_blocks = N/block_size + (N%block_size == 0? 0:1); square_array <<< n_blocks, block_size >>> (a_d, N); // Retrieve result from device and store it in host array cudamemcpy(a_h, a_d, sizeof(float)*n, cudamemcpydevicetohost); // Print results and cleanup for (int i=0; i<n; i++) printf("%d %f\n", i, a_h[i]); free(a_h); cudafree(a_d); }

For this case: Separate for x and y Julia example global void kernel( unsigned char *ptr, float r, float im) { // map from blockidx to pixel position int x = blockidx.x * blockdim.x + threadidx.x; int y = blockidx.y * blockdim.y + threadidx.y; int offset = x + y * DIM; Actual index which implies memory position // now calculate the value at that position int juliavalue = julia( x, y, r, im ); --- calculate colors --- ptr[offset*4 + 0] = red; ptr[offset*4 + 0] = green; ptr[offset*4 + 0] = blue; ptr[offset*4 + 3] = 255; } Every thread computes one single pixel!

Memory access Vital for performance! Memory types Coalescing Example of using shared memory

Memory types Global Shared Constant (read only) Texture cache (read only) Local Registers Care about these when optimizing - not to begin with

Global memory 400-600 cycles latency! Shared memory fast temporary storage Coalesce memory access! Continuous Aligned on power of 2 boundary Addressing follows thread numbering Use shared memory for reorganizing data for coalescing!

Using shared memory to reduce number of global memory accesses Read blocks of data to shared memory Process Write back as needed Shared memory as manual cache Example: Matrix multiplication

Matrix multiplication To multiply two N*N matrices, every item will have to be accessed N times! Naive implementation: 2N3 global memory accesses!

Matrix multiplication Let each block handle a part of the output. Load the parts of the matrix needed for the block into shared memory.

Matrix multiplication on CPU Simple triple for loop void MatrixMultCPU(float *a, float *b, float *c, int thesize) { int sum, i, j, k; } // For every destination element for(i = 0; i < thesize; i++) for(j = 0; j < thesize; j++) { sum = 0; // Sum along a row in a and a column in b for(k = 0; k < thesize; k++) sum = sum + (a[i*thesize + k]*b[k*thesize + j]); c[i*thesize + j] = sum; }

Naive GPU version Replace outer loops by thread indices global void MatrixMultNaive(float *a, float *b, float *c, int thesize) { int sum, i, j, k; i = blockidx.x * blockdim.x + threadidx.x; j = blockidx.y * blockdim.y + threadidx.y; } // For every destination element sum = 0; // Sum along a row in a and a column in b for(k = 0; k < thesize; k++) sum = sum + (a[i*thesize + k]*b[k*thesize + j]); c[i*thesize + j] = sum;

Naive GPU version inefficient Every thread makes 2N global memory accesses! Can be significantly reduced using shared memory

Optimized GPU version Data split into blocks. Every element takes part in all the blocks in the same row for A, column for B For every such block Every thread reads one element to shared memory Then loop over the appropriate row and column for the block

Destination element for thread C A B Destination block for thread All blocks on the same row ina are needed to produce the destination block And all blocks in the same column of C For every block, thre thread read one element matching the destination element For every block, we loop over the part of one row and column to perform that part of the computation What one thread reads is used by everybody in the same row (A) or column (B)!

Optimized GPU version Loop over blocks (1D) Allocate shared memory global void MatrixMultOptimized( float* A, float* B, float* C, int thesize) { int i, j, k, b, ii, jj; // Global index for thread i = blockidx.x * blockdim.x + threadidx.x; j = blockidx.y * blockdim.y + threadidx.y; float sum = 0.0; // for all source blocks for (b = 0; b < griddim.x; b++) { shared float As[BLOCKSIZE*BLOCKSIZE]; shared float Bs[BLOCKSIZE*BLOCKSIZE]; // Index locked to block ii = b * blockdim.x + threadidx.x; jj = b * blockdim.y + threadidx.y; Copy one element to shared memory Loop over row/column in block, compute, accumulate result for one element Write result to global memory } } As[threadIdx.y*blockDim.x + threadidx.x] = A[ii*theSize + j]; Bs[threadIdx.y*blockDim.x + threadidx.x] = B[i*theSize + jj]; syncthreads(); // Synchronize to make sure all data is loaded // Loop in block for (k = 0; k < blockdim.x; ++k) sum += As[threadIdx.y*blockDim.x + k] * Bs[k*blockDim.x + threadidx.x]; syncthreads(); // Synch so nobody starts next pass prematurely C[i*theSize + j] = sum;

Modified computing model: Upload data to global GPU memory For a number of parts, do: Upload partial data to shared memory Process partial data Write partial data to global memory Download result to host

Synchronization As soon as you do something where one part of a computation depends on a result from another thread, you must synchronize! syncthreads() Typical implementation: Read to shared memory syncthreads() Process shared memory synchthreads() Write result to global memory

Summary: Make threads and blocks to make the hardware occupied Access data depending on thread/block number Memory accesses are expensive! Shared memory is fast Make threads within a block cooperate Synchronize

Thatʼs all folks! Next: More about memory management and optimization.