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

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

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

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

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

Lecture 10!! Introduction to CUDA!

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

COMP Parallel Computing. Programming Accelerators using Directives

GPGPU A Supercomputer on Your Desktop

Directive-based Programming for Highly-scalable Nodes

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

GPU CUDA Programming

How to perform HPL on CPU&GPU clusters. Dr.sc. Draško Tomić

CSE 160 Lecture 24. Graphical Processing Units

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

OpenACC Course Lecture 1: Introduction to OpenACC September 2015

OpenACC (Open Accelerators - Introduced in 2012)

GPU Programming Using CUDA

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

INTRODUCTION TO ACCELERATED COMPUTING WITH OPENACC. Jeff Larkin, NVIDIA Developer Technologies

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

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

GPU programming CUDA C. GPU programming,ii. COMP528 Multi-Core Programming. Different ways:

Introduction to CUDA C/C++ Mark Ebersole, NVIDIA CUDA Educator

Lecture 11: GPU programming

Basic unified GPU architecture

Portability of OpenMP Offload Directives Jeff Larkin, OpenMP Booth Talk SC17

OpenACC Fundamentals. Steve Abbott November 15, 2017

Blue Waters Programming Environment

Stanford University. NVIDIA Tesla M2090. NVIDIA GeForce GTX 690

HPCSE II. GPU programming and CUDA

Introduction to Parallel and Distributed Computing. Linh B. Ngo CPSC 3620

Massively Parallel Architectures

INTRODUCTION TO COMPILER DIRECTIVES WITH OPENACC

Module 2: Introduction to CUDA C. Objective

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

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

DIFFERENTIAL. Tomáš Oberhuber, Atsushi Suzuki, Jan Vacata, Vítězslav Žabka

Lecture 3. Programming with GPUs

S Comparing OpenACC 2.5 and OpenMP 4.5

Accelerating image registration on GPUs

HPC with Multicore and GPUs

CUDA Parallel Programming Model Michael Garland

Parallel Accelerators

Accelerator cards are typically PCIx cards that supplement a host processor, which they require to operate Today, the most common accelerators include

CSCI 402: Computer Architectures. Parallel Processors (2) Fengguang Song Department of Computer & Information Science IUPUI.

CUDA. GPU Computing. K. Cooper 1. 1 Department of Mathematics. Washington State University

CSC573: TSHA Introduction to Accelerators

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

CUDA Parallel Programming Model. Scalable Parallel Programming with CUDA

Introduction to OpenACC. Shaohao Chen Research Computing Services Information Services and Technology Boston University

Introduction to CUDA Programming

Introduction to GPU Computing Junjie Lai, NVIDIA Corporation

OpenACC Fundamentals. Steve Abbott November 13, 2016

Parallel Accelerators

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

Parallel Numerical Algorithms

Module 2: Introduction to CUDA C

Multi-Processors and GPU

CMSC 714 Lecture 6 MPI vs. OpenMP and OpenACC. Guest Lecturer: Sukhyun Song (original slides by Alan Sussman)

G P G P U : H I G H - P E R F O R M A N C E C O M P U T I N G

Architecture, Programming and Performance of MIC Phi Coprocessor

Technology for a better society. hetcomp.com

Parallel Programming Libraries and implementations

Introduction to Parallel Computing with CUDA. Oswald Haan

CUDA. Matthew Joyner, Jeremy Williams

GPU Programming Using NVIDIA CUDA

NVIDIA Think about Computing as Heterogeneous One Leo Liao, 1/29/2106, NTU

Programming paradigms for GPU devices

Introduction to Compiler Directives with OpenACC

Lecture 3: Introduction to CUDA

Parallel Programming Overview

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

PROGRAMOVÁNÍ V C++ CVIČENÍ. Michal Brabec

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

ADVANCED ACCELERATED COMPUTING USING COMPILER DIRECTIVES. Jeff Larkin, NVIDIA

High Performance Computing and GPU Programming

Computing on GPUs. Prof. Dr. Uli Göhner. DYNAmore GmbH. Stuttgart, Germany

Introduction to GPU Computing. 周国峰 Wuhan University 2017/10/13

Piz Daint: Application driven co-design of a supercomputer based on Cray s adaptive system design

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

Parallel Programming. Libraries and Implementations

INTRODUCTION TO OPENACC. Analyzing and Parallelizing with OpenACC, Feb 22, 2017

An Introduction to GPU Architecture and CUDA C/C++ Programming. Bin Chen April 4, 2018 Research Computing Center

Parallel Computing. Lecture 19: CUDA - I

Implementing Method of Moments on a GPGPU using Nvidia CUDA

GPU Computing Master Clss. Development Tools

Massively Parallel Algorithms

THE AUSTRALIAN NATIONAL UNIVERSITY First Semester Examination June 2011 COMP4300/6430. Parallel Systems

Don t reinvent the wheel. BLAS LAPACK Intel Math Kernel Library

HPC Architectures. Types of resource currently in use

Portability and Scalability of Sparse Tensor Decompositions on CPU/MIC/GPU Architectures

PPAR: CUDA basics. Sylvain Collange Inria Rennes Bretagne Atlantique PPAR

MAGMA. Matrix Algebra on GPU and Multicore Architectures

Lecture 2: Introduction to CUDA C

LECTURE ON PASCAL GPU ARCHITECTURE. Jiri Kraus, November 14 th 2016

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

Approaches to acceleration: GPUs vs Intel MIC. Fabio AFFINITO SCAI department

CS179 GPU Programming Introduction to CUDA. Lecture originally by Luke Durant and Tamas Szalay

High Performance Linear Algebra on Data Parallel Co-Processors I

Transcription:

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

Aside (P3 related): linear algebra Many scientific phenomena can be modeled as matrix operations Differential equations, mesh simulations, view transforms, etc. Very efficient on vector processors (including GPUs) Data decomposition and SIMD parallelism Dense matrices vs. sparse matrices Popular packages: BLAS, LINPACK, LAPACK

Dense vs. sparse matrices A sparse matrix is one in which most elements are zero Could lead to more load imbalances Can be stored more efficiently, allowing for larger matrices Dense matrix operations no longer work It is a challenge to make sparse operations as efficient as dense operations

HPL benchmark HPL: LINPACK-based dense linear algebra benchmark Generates a linear system of equations Ax = b Chooses b such that x (answer vector) values are known Distributes dense matrix A in block-cyclic pattern LU factorization (similar to Gaussian elimination) Backward substitution to solve system Error calculation to verify correctness Compare max sustained FLOPS (floating-point operations per section) Usually significantly less than theoretical machine peak (Rmax vs Rpeak) Serves as proxy app for target workloads (similar characteristics) Compiled on cluster Located in /shared/apps/hpl-2.1/bin/linux_pii_cblas

P3 (OpenMP) Similar to HPL benchmark 1) Random generation of linear system (x should be all 1 s) 2) Gaussian elimination 3) Backwards substitution (row- or column-oriented) Non-random example Gaussian elimination Original system (Ax = b) 3.0 2.0-1.0 0.0-3.3 4.7 0.0 0.0 0.3 1.0-2.7-0.6 Upper triangular system Backward substitution 3.0 2.0-1.0 2.0-2.0 4.0-1.0 0.5-1.0 1.0-2.0 0.0 Augmented matrix [A b] 1.0 0.0 0.0 0.0 1.0 0.0 0.0 0.0 1.0 Solved system 1.0-2.0-2.0

P3 notes 2D dense matrices in C Often stored in 1D arrays w/ access via array index arithmetic Trace data access patterns to determine dependencies Your goals: 1) analyze, 2) parallelize (w/ OpenMP), and 3) evaluate Example (matrix multiplication): void multiply_matrices(int *A, int *B, int *R, int n) { int i, j, k; for (i = 0; i < n; i++) { for (j = 0; j < n; j++) { R[i*n+j] = 0; for (k = 0; k < n; k++) { R[i*n+j] += A[i*n+k] * B[k*n+j];

P3 notes 2D dense matrices in C Often stored in 1D arrays w/ access via array index arithmetic Trace data access patterns to determine dependencies Your goals: 1) analyze, 2) parallelize (w/ OpenMP), and 3) evaluate Example (matrix multiplication): void multiply_matrices(int *A, int *B, int *R, int n) { int i, j, k; for (i = 0; i < n; i++) { for (j = 0; j < n; j++) { R[i*n+j] = 0; for (k = 0; k < n; k++) { R[i*n+j] += A[i*n+k] * B[k*n+j];

P3 notes 2D dense matrices in C Often stored in 1D arrays w/ access via array index arithmetic Trace data access patterns to determine dependencies Your goals: 1) analyze, 2) parallelize (w/ OpenMP), and 3) evaluate Example (matrix multiplication): void multiply_matrices(int *A, int *B, int *R, int n) { int i, j, k; for (i = 0; i < n; i++) { for (j = 0; j < n; j++) { R[i*n+j] = 0; for (k = 0; k < n; k++) { R[i*n+j] += A[i*n+k] * B[k*n+j]; read as R[i,j]

More OpenMP examples Posted in /shared/cs470 For-loop scheduling (omp-sched) Critical sections and deadlock (omp-deadlock) The atomic directive (omp-atomic) Tasks (omp-qsort) Matrix multiplication (omp-matmult)

Parallel Systems Shared memory (uniform global address space) Primary story: make faster computers Programming paradigm: threads Technologies: Pthreads, OpenMP Distributed (Non-Uniform Memory Access NUMA) Primary story: add more computers Programming paradigm: message passing Technologies: MPI (OpenMPI/MPICH), SLURM Where do we go from here?

A brief digression into gaming 1970s: arcades began using specialized graphics chips 1980s: increasingly sophisticated capabilities (e.g., sprites, blitters, scrolling) Early-mid 1990s: first 3D consoles (e.g., N64) and 3D accelerator cards for PCs Late 1990s: classic wars begin: Nvidia vs. ATI and DirectX vs. OpenGL Early 2000s: new "shaders" enable easier non-graphical use of accelerators Late 2000s: rise of General-Purpose GPU (GPGPU) frameworks 2007: Compute Unified Device Architecture (CUDA) released (newer library: Thrust) 2009: OpenCL standard released 2011: OpenACC standard released 2010s: computation-focused manycore CPUs like Intel Phi (up to 64 cores)

GPU Programming "Kernels" run on a batch of threads Distributed onto many low-powered GPU cores Grouped into blocks of cores and grids of blocks Limited instruction set that operates on vector data Must copy data to/from main memory

GPU Programming (CUDA) void saxpy_serial(int n, float a, float *x, float *y) { for (int i = 0; i < n; ++i) y[i] = a*x[i] + y[i]; Low-level // Invoke serial SAXPY kernel saxpy_serial(n, 2.0, x, y); control of parallelism on GPU global void saxpy_parallel(int n, float a, float *x, float *y) { int i = blockidx.x*blockdim.x + threadidx.x; if (i < n) y[i] = a*x[i] + y[i]; // Invoke parallel SAXPY kernel with 256 threads/block int nblocks = (n + 255) / 256; saxpy_parallel<<<nblocks, 256>>>(n, 2.0, x, y);

GPU Programming (CUDA) // 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]; // main routine that executes on the host int main(void) { float *a_h, *a_d; // Pointer to host & device arrays const int N = 10; // Number of elements in arrays size_t size = N * sizeof(float); a_h = (float *)malloc(size); // Allocate array on host 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); Must micromanage memory usage and data movement

GPU Programming (OpenACC) #pragma acc data copy(a) create(anew) while (error > tol && iter < iter_max) error = 0.0; { #pragma acc kernels { #pragma acc loop for (int j = 1; j < n-1; j++) { for (int i = 1; i < m-1; i++) { Anew[j][i] = 0.25 * (A[j][i+1] + A[j][i-1] + A[j-1][i] + A[j+1][i]; error = fmax(error, fabs(anew[j][i] - A[j][i])); Fewer modifications required; may not parallelize effectively #pragma acc loop for (int j = 1; j < n-1; j++) { for (int = i; i < m-1; i++ ) { A[j][i] = Anew[j][i]; if (iter % 100 == 0) printf("%5d, %0.6f\n", iter, error); iter++;

Hybrid HPC architectures Highly parallel on the node Hardware: CPU w/ accelerators GPUs or manycore processors (e.g., Intel Phi and SunWay) Technologies: OpenMP, CUDA, OpenACC, OpenCL Distributed between nodes Hardware: interconnect and distributed FS Technologies: MPI, Infiniband, Lustre, HDFS

Top10 systems (Spring 2016)

Top10 systems (Spring 2017)

Top10 systems (Spring 2018)

Cloud Computing Homogenous centralized nodes Infrastructure as a Service (IaaS) and Software as as Service (SaaS) Hardware: large datacenters with thousands of servers and a highspeed internet connection Software: virtualized OS and custom software (Docker, etc.)

Grid Computing Heterogenous nodes in disparate physical locations Solving problems or performing tasks of interest to a large number of diverse groups Hardware: different CPUs, GPUs, memory layouts, etc. Software: different OSes, Folding@Home, Condor, GIMPs, etc.

Novel architectures Memory-centric Fast memory fabrics w/ in-chip processing Example: HPE The Machine Neuromorphic Specialized, low-power hardware that emulates neural networks Example: IBM TrueNorth Quantum Leverage quantum superposition and entanglement Example: D-Wave Two and IBM QX