SlideShare une entreprise Scribd logo
1  sur  30
Télécharger pour lire hors ligne
Machine Learning at Scale on OpenPOWER
Chekuri S. Choudary (IBM)
Objectives
• Introduce the foundations of data science and artificial intelligence
• Give an overview of state-of-the-art machine learning technologies
• Demonstrate the benefits of leveraging H2O DriverlessAI and the IBM
hardware (Power processors coupled with NVLink) for AI projects in
enterprises
Agenda
• AI vs machine learning vs deep learning
• Supervised learning vs unsupervised learning
• Training vs inferencing
• Use cases
• Importance of data and data types (structured data, unstructured data)
• Data analysis
• Feature engineering
• Types of machine learning problems (regression, classification etc.)
• Machine learning algorithms
• AI technology landscape
• Role of GPUs and Power systems in AI development
• Best practices in AI development
• Automatic machine learning (AutoML)
Big
Data
Artificial
Intelligence &
Cognitive
Applications
Machine
Learning
Deep
Learning
(Neural Nets)
Artificial Intelligence, Machine Learning, and Deep Learning
• Deep Neural Networks: Lot more hidden layers (order of tens/hundreds)
• Cognitive Computing: Intersects AI, ML, and DL
Machine learning is good for…
1.Complex set of rules impossible to code
2.Long list of rules
3.Adapt to new data
4.Getting insights into large amounts of data
Training
• Data intensive:
historical data sets
• Compute intensive:
100% accelerated
• Develop a model for
use on the edge as
inference
Inference
• Enables the computer
to act in real time
• Low Power
• Out at the edge
AUTOMOTIVE
Auto sensors
reporting location,
problems
COMMUNICATIONS
Location-based
advertising
CONSUMER PACKAGED GOODS
Sentiment analysis of
what’s hot, problems
$
FINANCIAL SERVICES
Risk & portfolio analysis
New products
EDUCATION & RESEARCH
Experiment sensor analysis
HIGH TECHNOLOGY /
INDUSTRIAL MFG.
Mfg. quality
Warranty analysis
LIFE SCIENCES
Clinical trials
MEDIA/ENTERTAINMENT
Viewers / advertising
effectiveness
ON-LINE SERVICES /
SOCIAL MEDIA
People & career matching
HEALTH CARE
Patient sensors,
monitoring, EHRs
OIL & GAS
Drilling exploration
sensor analysis
RETAIL
Consumer sentiment
TRAVEL &
TRANSPORTATION
Sensor analysis for
optimal traffic flows
UTILITIES
Smart Meter analysis
for network capacity,
LAW ENFORCEMENT
& DEFENSE
Threat analysis - social
media monitoring, photo
analysis
AI Enterprise Use Cases
Retail Use Cases
• Pricing Optimization
• Promotion Optimization
• Customer Churn Prediction
• Personalized Marketing
• Assortment Planning
• Supply Chain Management
• Demand Forecasting
• Inventory Planning
• Inventory Replenishment
• Customer Insights
8
Financial Services Use Cases
• Fraud Detection (i.e. credit card transactions)
• Customer Life Value Prediction
• Customer Churn Prediction
• Client Risk Profiling
• Credit Risk Assessment
• Credit scoring and Underwriting
• Financial Risk Management
• Asset Valuation
• Stock and Index Futures Prediction
• Stock Volatility Prediction
• Residential mortgage appraisal
• Security, cyber-threat detection
9
Linear Regression
Exploratory Data Analysis
• Trivial but critical to data science process
• Plots
• Time-series data
• Histograms
• Pair-wise scatterplots
• Summary statistics
• Mean, Median, Mode, Maximum, Minimum, Upper and lower quartiles
• Outlier analysis
• Fill missing data
(Goodfellow 2016)
Representations Matter
CHAPTER 1. INTRODUCTION
x
y Cartesian coordinates
r
Polar coordinates
(Goodfellow 2016)
Learning Multiple Components
CHAPTER 1. INTRODUCTION
Input
Hand-
designed
program
Output
Input
Hand-
designed
features
Mapping from
features
Output
Input
Features
Mapping from
features
Output
Input
Simple
features
Mapping from
features
Output
Additional
layers of more
abstract
features
Rule-based
systems
Classic
machine
learning Representation
learning
Deep
learning
(Goodfellow 2016)
Depth: Repeated Composition
CHAPTER 1. INTRODUCTION
Visible layer
(input pixels)
1st hidden layer
(edges)
2nd hidden layer
(corners and
contours)
3rd hidden layer
(object parts)
CAR PERSON ANIMAL
Output
(object identity)
Figure 1.2: Illustration of a deep learning model. It is difficult for a computer to understand
Machine Learning Tasks
• Regression
• Classification
• Anamoly Detection
• Density Estimation
• Structured Output
• Synthesis
• Denoising
Machine Learning Algorithms:
•Tree Based Methods (Decision Trees, Random Forests, and Gradient Boosting)
•Generalized Linear Models
•Linear Regression
•Logistic Regression
•Support Vector Machines
•Unsupervised Learning Techniques (Clustering, Principal Component Analysis)
•Neural Networks
•Neural Network Topologies
•Convolutional Neural Networks (R-CNN, F-CNN, U-Net for Medical Imaging)
•Sequence Models (RNN, LSTM)
•Autoencoders
•Generative Adversarial Networks
Learning Paradigms:
•Transfer Learning
AI Solutions Engineering
• Exploratory Data Analysis, Data Visualization
• Data Engineering
• Data Augmentation
• ETL
• Hyper parameter tuning and search algorithms (Random, Bayesian, and TPE Search)
• Data Leakage
• Bias Detection and Mitigation
• Interpretability (Explainability, Fairness, Accountability, Transparency, Ethics)
• LIME, Anchors, TreeInterpreter, Partial Dependency Plots, Deconvolution etc.
• Inference Optimization (NVidia TensorRT)
Elements of Enterprise AI
• Data Security
• Model Deployment and Operationalization
• Inferencing Scenarios (In database, cloud etc.)
• Interoperability issues
• Model Retraining
• Model Maintenance (Versioning, Documentation etc.)
• Regulatory Compliance (HIPAA, SEC, GDPR etc.)
• Model Security (Adversarial Attacks on AI Models)
• Resource Management (Scheduling, Multitenancy etc.)
• Collaboration Tools
Why now?
• Data explosion
• GPUs
• Some advancements in machine learning algorithms
Technologies for Democratization of Deep Learning
• HPC, Distributed Computing Clusters, Public and Private Clouds
• Multicore-processors (Power9)
• GPUs
• Storage Technologies
• Open Source Deep Learning Frameworks
• TensorFlow, Keras, PyTorch, FastAI, MXNet
• Traditional Machine Learning Frameworks
• Scikit-Learn, H2O, XGBoost, IBM SnapML
• Automatic Machine Learning Frameworks
• TPOT, auto-sklearn, auto-PyTorch, auto-keras
• H2O DriverlessAI, Data Robot, IBM AutoAI
• Data Processing Libraries
• Pandas, Cudf, Dask, Dask-cudf
• Open Source Databases
• MongoDB, Cassandra, EnterpriseDB, MariaDB, Redis, Neo4J
Feature
Engineering
HPC Cluster/Public Cloud/Private Cloud/Hybrid Cloud
Distributed Storage (Storage for AI)
Data
Analysis/Engineering/
Warehousing/Mining
Model Development,
Testing & Validation
Deployment &
Inferencing
Retraining, Online Training
& Model Versioning
HPC Schedulers, Cloud Middleware, Kubernetes, HELM, Containers, Virtualization
Databases, Big Data Tools, Pythonic Frameworks, HPC Libraries, Microservices
Cloud Native AI
IoT
Applications of Deep Learning
• Computer Vision
• Natural Language Processing
• Speech recognition
• Bioinformatics and Chemistry
• Quantitative Finance
Computer Vision Applications of Deep
Learning
• Object Detection
• Face Recognition
• Event Recognition
• Human Pose Estimation
• Motion Tracking
(Goodfellow 2016)
Solving Object Recognition
2010 2011 2012 2013 2014 2015
Year
0.00
0.05
0.10
0.15
0.20
0.25
0.30
ILSVRCclassificationerrorrate
Figure 1.12: Since deep networks reached the scale necessary to compete in the ImageNet
Large Scale Visual Recognition Challenge, they have consistently won the competition
Some Popular CNNs
• LeNet (1990)
• AlexNet (2012)
• ZF net (2013)
• GoogLeNet (2014)
• VGGNet (2014)
• ResNet (2015)
Deep learning Requires Data
Little Data (More hand
engineering)
Lots of Data (Less hand
engineering and simpler
algorithms)
Speech
Recognition
Object
Recognition
Object
Detection
Source Andrew Ng
• Fast Training
• GLMs can scale
to datasets with
billions of
examples
and/or features
Why are GLMs/Trees useful? • Less tuning
• Algorithms for
training linear
models involve
much less
parameters than
more complex
models (GBMs,
NNs)
• Building blocks for Complex Models
• More expressive models such as
Gradient Boosting Machines heavily
use Decision Trees as basic models.
• Accelerating Decision Tree models
naturally leads to faster GBM models
as well.
• Interpretability
• Linear models are naturally
interpretable since they explicitly
assign an importance to each input
feature.
• Tree models are interpretable as they
explicitly illustrate the path to a
decision.
ML Models
Support
Vector
Machines
Logistic
Regression
Ridge
Regression
Lasso
Regression
Decision
Trees
Random
Forests
IBM Research / Snap ML / March 2019 / © 2019 IBM Corporation
Gradient
Boosting
Why Accelerated GLM?
Time to insight can become dominated by model training time in three
important scenarios:
A. The rate of data ingestion is relatively small, but the number of models is very large.
-- best accuracy is often achieved using large ensembles of models
B. The rate of data ingestion is relatively small, but frequent re-training is required.
-- need to adapt to events in real time
C. The rate of data ingestion grows to comprise many TB’s of data per day.
-- training even simple ML models becomes a challenge
Data
Ingestion
Cleaning
Feature
Extraction
Train Model 1
Train Model 2
Train Model N
Evaluation /
Selection
…
Data
Sources
Insight
Time to insight
Automated, cloud-based deployment
Modular architecture that leverages
existing ML and analytics services
IBM Research - Zurich / Introduction to Snap Machine Learning / May 2018 / © 2018 IBM Corporation
• Level 1
• Parallelism
across nodes
connected via a
network
interface.
• Level 2
• Parallelism
across GPUs
within the same
node connected
via an
interconnect
(e.g. NVLINK).
• Level 3
• Parallelism across the streaming
multiprocessors of the GPU
hardware.
Multi-level Parallelism
29
• Shorter training times
• Facilitates distributed machine learning
POWER, NVLink and V100 Advantage
POWER9
GPU
Memory
CPU Memory
150GB/s
150
GB/s
150 GB/s
GPU
Memory
POWER9 AC922 Two cores. Four NVIDIA V100 GPU

Contenu connexe

Similaire à Traditional Machine Learning and Deep Learning on OpenPOWER/POWER systems

OpenPOWER Webinar on Machine Learning for Academic Research
OpenPOWER Webinar on Machine Learning for Academic Research OpenPOWER Webinar on Machine Learning for Academic Research
OpenPOWER Webinar on Machine Learning for Academic Research Ganesan Narayanasamy
 
Storage Challenges for Production Machine Learning
Storage Challenges for Production Machine LearningStorage Challenges for Production Machine Learning
Storage Challenges for Production Machine LearningNisha Talagala
 
The Data Science Process - Do we need it and how to apply?
The Data Science Process - Do we need it and how to apply?The Data Science Process - Do we need it and how to apply?
The Data Science Process - Do we need it and how to apply?Ivo Andreev
 
Fms invited talk_2018 v5
Fms invited talk_2018 v5Fms invited talk_2018 v5
Fms invited talk_2018 v5Nisha Talagala
 
An overview of modern scalable web development
An overview of modern scalable web developmentAn overview of modern scalable web development
An overview of modern scalable web developmentTung Nguyen
 
How to build a data stack from scratch
How to build a data stack from scratchHow to build a data stack from scratch
How to build a data stack from scratchVinayak Hegde
 
AI on Greenplum Using
 Apache MADlib and MADlib Flow - Greenplum Summit 2019
AI on Greenplum Using
 Apache MADlib and MADlib Flow - Greenplum Summit 2019AI on Greenplum Using
 Apache MADlib and MADlib Flow - Greenplum Summit 2019
AI on Greenplum Using
 Apache MADlib and MADlib Flow - Greenplum Summit 2019VMware Tanzu
 
Nisha talagala keynote_inflow_2016
Nisha talagala keynote_inflow_2016Nisha talagala keynote_inflow_2016
Nisha talagala keynote_inflow_2016Nisha Talagala
 
The Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkThe Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkIvo Andreev
 
Bring Your Own Recipes Hands-On Session
Bring Your Own Recipes Hands-On Session Bring Your Own Recipes Hands-On Session
Bring Your Own Recipes Hands-On Session Sri Ambati
 
The Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-SystemThe Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-Systeminside-BigData.com
 
ADV Slides: What the Aspiring or New Data Scientist Needs to Know About the E...
ADV Slides: What the Aspiring or New Data Scientist Needs to Know About the E...ADV Slides: What the Aspiring or New Data Scientist Needs to Know About the E...
ADV Slides: What the Aspiring or New Data Scientist Needs to Know About the E...DATAVERSITY
 
Customer value analysis of big data products
Customer value analysis of big data productsCustomer value analysis of big data products
Customer value analysis of big data productsVikas Sardana
 
Machine Learning & Predictive Maintenance
Machine Learning &  Predictive MaintenanceMachine Learning &  Predictive Maintenance
Machine Learning & Predictive MaintenanceArnab Biswas
 
In memory grids IMDG
In memory grids IMDGIn memory grids IMDG
In memory grids IMDGPrateek Jain
 

Similaire à Traditional Machine Learning and Deep Learning on OpenPOWER/POWER systems (20)

Msst 2019 v4
Msst 2019 v4Msst 2019 v4
Msst 2019 v4
 
OpenPOWER Webinar on Machine Learning for Academic Research
OpenPOWER Webinar on Machine Learning for Academic Research OpenPOWER Webinar on Machine Learning for Academic Research
OpenPOWER Webinar on Machine Learning for Academic Research
 
Storage Challenges for Production Machine Learning
Storage Challenges for Production Machine LearningStorage Challenges for Production Machine Learning
Storage Challenges for Production Machine Learning
 
Knowledge Discovery
Knowledge DiscoveryKnowledge Discovery
Knowledge Discovery
 
The Data Science Process - Do we need it and how to apply?
The Data Science Process - Do we need it and how to apply?The Data Science Process - Do we need it and how to apply?
The Data Science Process - Do we need it and how to apply?
 
Fms invited talk_2018 v5
Fms invited talk_2018 v5Fms invited talk_2018 v5
Fms invited talk_2018 v5
 
IT webinar 2016
IT webinar 2016IT webinar 2016
IT webinar 2016
 
An overview of modern scalable web development
An overview of modern scalable web developmentAn overview of modern scalable web development
An overview of modern scalable web development
 
How to build a data stack from scratch
How to build a data stack from scratchHow to build a data stack from scratch
How to build a data stack from scratch
 
AI on Greenplum Using
 Apache MADlib and MADlib Flow - Greenplum Summit 2019
AI on Greenplum Using
 Apache MADlib and MADlib Flow - Greenplum Summit 2019AI on Greenplum Using
 Apache MADlib and MADlib Flow - Greenplum Summit 2019
AI on Greenplum Using
 Apache MADlib and MADlib Flow - Greenplum Summit 2019
 
Nisha talagala keynote_inflow_2016
Nisha talagala keynote_inflow_2016Nisha talagala keynote_inflow_2016
Nisha talagala keynote_inflow_2016
 
The Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkThe Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it Work
 
Data mining & column stores
Data mining & column storesData mining & column stores
Data mining & column stores
 
Bring Your Own Recipes Hands-On Session
Bring Your Own Recipes Hands-On Session Bring Your Own Recipes Hands-On Session
Bring Your Own Recipes Hands-On Session
 
The Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-SystemThe Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-System
 
ADV Slides: What the Aspiring or New Data Scientist Needs to Know About the E...
ADV Slides: What the Aspiring or New Data Scientist Needs to Know About the E...ADV Slides: What the Aspiring or New Data Scientist Needs to Know About the E...
ADV Slides: What the Aspiring or New Data Scientist Needs to Know About the E...
 
Customer value analysis of big data products
Customer value analysis of big data productsCustomer value analysis of big data products
Customer value analysis of big data products
 
Machine Learning & Predictive Maintenance
Machine Learning &  Predictive MaintenanceMachine Learning &  Predictive Maintenance
Machine Learning & Predictive Maintenance
 
In memory grids IMDG
In memory grids IMDGIn memory grids IMDG
In memory grids IMDG
 
AI in the Enterprise at Scale
AI in the Enterprise at ScaleAI in the Enterprise at Scale
AI in the Enterprise at Scale
 

Plus de Ganesan Narayanasamy

Chip Design Curriculum development Residency program
Chip Design Curriculum development Residency programChip Design Curriculum development Residency program
Chip Design Curriculum development Residency programGanesan Narayanasamy
 
Basics of Digital Design and Verilog
Basics of Digital Design and VerilogBasics of Digital Design and Verilog
Basics of Digital Design and VerilogGanesan Narayanasamy
 
180 nm Tape out experience using Open POWER ISA
180 nm Tape out experience using Open POWER ISA180 nm Tape out experience using Open POWER ISA
180 nm Tape out experience using Open POWER ISAGanesan Narayanasamy
 
Workload Transformation and Innovations in POWER Architecture
Workload Transformation and Innovations in POWER Architecture Workload Transformation and Innovations in POWER Architecture
Workload Transformation and Innovations in POWER Architecture Ganesan Narayanasamy
 
Deep Learning Use Cases using OpenPOWER systems
Deep Learning Use Cases using OpenPOWER systemsDeep Learning Use Cases using OpenPOWER systems
Deep Learning Use Cases using OpenPOWER systemsGanesan Narayanasamy
 
OpenCAPI-based Image Analysis Pipeline for 18 GB/s kilohertz-framerate X-ray ...
OpenCAPI-based Image Analysis Pipeline for 18 GB/s kilohertz-framerate X-ray ...OpenCAPI-based Image Analysis Pipeline for 18 GB/s kilohertz-framerate X-ray ...
OpenCAPI-based Image Analysis Pipeline for 18 GB/s kilohertz-framerate X-ray ...Ganesan Narayanasamy
 
AI in healthcare and Automobile Industry using OpenPOWER/IBM POWER9 systems
AI in healthcare and Automobile Industry using OpenPOWER/IBM POWER9 systemsAI in healthcare and Automobile Industry using OpenPOWER/IBM POWER9 systems
AI in healthcare and Automobile Industry using OpenPOWER/IBM POWER9 systemsGanesan Narayanasamy
 
AI in Health Care using IBM Systems/OpenPOWER systems
AI in Health Care using IBM Systems/OpenPOWER systemsAI in Health Care using IBM Systems/OpenPOWER systems
AI in Health Care using IBM Systems/OpenPOWER systemsGanesan Narayanasamy
 
AI in Healh Care using IBM POWER systems
AI in Healh Care using IBM POWER systems AI in Healh Care using IBM POWER systems
AI in Healh Care using IBM POWER systems Ganesan Narayanasamy
 
Graphical Structure Learning accelerated with POWER9
Graphical Structure Learning accelerated with POWER9Graphical Structure Learning accelerated with POWER9
Graphical Structure Learning accelerated with POWER9Ganesan Narayanasamy
 

Plus de Ganesan Narayanasamy (20)

Chip Design Curriculum development Residency program
Chip Design Curriculum development Residency programChip Design Curriculum development Residency program
Chip Design Curriculum development Residency program
 
Basics of Digital Design and Verilog
Basics of Digital Design and VerilogBasics of Digital Design and Verilog
Basics of Digital Design and Verilog
 
180 nm Tape out experience using Open POWER ISA
180 nm Tape out experience using Open POWER ISA180 nm Tape out experience using Open POWER ISA
180 nm Tape out experience using Open POWER ISA
 
Workload Transformation and Innovations in POWER Architecture
Workload Transformation and Innovations in POWER Architecture Workload Transformation and Innovations in POWER Architecture
Workload Transformation and Innovations in POWER Architecture
 
OpenPOWER Workshop at IIT Roorkee
OpenPOWER Workshop at IIT RoorkeeOpenPOWER Workshop at IIT Roorkee
OpenPOWER Workshop at IIT Roorkee
 
Deep Learning Use Cases using OpenPOWER systems
Deep Learning Use Cases using OpenPOWER systemsDeep Learning Use Cases using OpenPOWER systems
Deep Learning Use Cases using OpenPOWER systems
 
IBM BOA for POWER
IBM BOA for POWER IBM BOA for POWER
IBM BOA for POWER
 
OpenPOWER System Marconi100
OpenPOWER System Marconi100OpenPOWER System Marconi100
OpenPOWER System Marconi100
 
OpenPOWER Latest Updates
OpenPOWER Latest UpdatesOpenPOWER Latest Updates
OpenPOWER Latest Updates
 
POWER10 innovations for HPC
POWER10 innovations for HPCPOWER10 innovations for HPC
POWER10 innovations for HPC
 
Deeplearningusingcloudpakfordata
DeeplearningusingcloudpakfordataDeeplearningusingcloudpakfordata
Deeplearningusingcloudpakfordata
 
OpenCAPI-based Image Analysis Pipeline for 18 GB/s kilohertz-framerate X-ray ...
OpenCAPI-based Image Analysis Pipeline for 18 GB/s kilohertz-framerate X-ray ...OpenCAPI-based Image Analysis Pipeline for 18 GB/s kilohertz-framerate X-ray ...
OpenCAPI-based Image Analysis Pipeline for 18 GB/s kilohertz-framerate X-ray ...
 
AI in healthcare and Automobile Industry using OpenPOWER/IBM POWER9 systems
AI in healthcare and Automobile Industry using OpenPOWER/IBM POWER9 systemsAI in healthcare and Automobile Industry using OpenPOWER/IBM POWER9 systems
AI in healthcare and Automobile Industry using OpenPOWER/IBM POWER9 systems
 
AI in healthcare - Use Cases
AI in healthcare - Use Cases AI in healthcare - Use Cases
AI in healthcare - Use Cases
 
AI in Health Care using IBM Systems/OpenPOWER systems
AI in Health Care using IBM Systems/OpenPOWER systemsAI in Health Care using IBM Systems/OpenPOWER systems
AI in Health Care using IBM Systems/OpenPOWER systems
 
AI in Healh Care using IBM POWER systems
AI in Healh Care using IBM POWER systems AI in Healh Care using IBM POWER systems
AI in Healh Care using IBM POWER systems
 
Poster from NUS
Poster from NUSPoster from NUS
Poster from NUS
 
SAP HANA on POWER9 systems
SAP HANA on POWER9 systemsSAP HANA on POWER9 systems
SAP HANA on POWER9 systems
 
Graphical Structure Learning accelerated with POWER9
Graphical Structure Learning accelerated with POWER9Graphical Structure Learning accelerated with POWER9
Graphical Structure Learning accelerated with POWER9
 
AI in the enterprise
AI in the enterprise AI in the enterprise
AI in the enterprise
 

Dernier

SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024Scott Keck-Warren
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationMichael W. Hawkins
 
Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Allon Mureinik
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking MenDelhi Call girls
 
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...HostedbyConfluent
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Paola De la Torre
 
Unblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesUnblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesSinan KOZAK
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Servicegiselly40
 
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 3652toLead Limited
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationRidwan Fadjar
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationRadu Cotescu
 

Dernier (20)

SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024SQL Database Design For Developers at php[tek] 2024
SQL Database Design For Developers at php[tek] 2024
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
 
Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101
 
Unblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesUnblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen Frames
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
 
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 Presentation
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organization
 

Traditional Machine Learning and Deep Learning on OpenPOWER/POWER systems

  • 1. Machine Learning at Scale on OpenPOWER Chekuri S. Choudary (IBM)
  • 2. Objectives • Introduce the foundations of data science and artificial intelligence • Give an overview of state-of-the-art machine learning technologies • Demonstrate the benefits of leveraging H2O DriverlessAI and the IBM hardware (Power processors coupled with NVLink) for AI projects in enterprises
  • 3. Agenda • AI vs machine learning vs deep learning • Supervised learning vs unsupervised learning • Training vs inferencing • Use cases • Importance of data and data types (structured data, unstructured data) • Data analysis • Feature engineering • Types of machine learning problems (regression, classification etc.) • Machine learning algorithms • AI technology landscape • Role of GPUs and Power systems in AI development • Best practices in AI development • Automatic machine learning (AutoML)
  • 4. Big Data Artificial Intelligence & Cognitive Applications Machine Learning Deep Learning (Neural Nets) Artificial Intelligence, Machine Learning, and Deep Learning • Deep Neural Networks: Lot more hidden layers (order of tens/hundreds) • Cognitive Computing: Intersects AI, ML, and DL
  • 5. Machine learning is good for… 1.Complex set of rules impossible to code 2.Long list of rules 3.Adapt to new data 4.Getting insights into large amounts of data
  • 6. Training • Data intensive: historical data sets • Compute intensive: 100% accelerated • Develop a model for use on the edge as inference Inference • Enables the computer to act in real time • Low Power • Out at the edge
  • 7. AUTOMOTIVE Auto sensors reporting location, problems COMMUNICATIONS Location-based advertising CONSUMER PACKAGED GOODS Sentiment analysis of what’s hot, problems $ FINANCIAL SERVICES Risk & portfolio analysis New products EDUCATION & RESEARCH Experiment sensor analysis HIGH TECHNOLOGY / INDUSTRIAL MFG. Mfg. quality Warranty analysis LIFE SCIENCES Clinical trials MEDIA/ENTERTAINMENT Viewers / advertising effectiveness ON-LINE SERVICES / SOCIAL MEDIA People & career matching HEALTH CARE Patient sensors, monitoring, EHRs OIL & GAS Drilling exploration sensor analysis RETAIL Consumer sentiment TRAVEL & TRANSPORTATION Sensor analysis for optimal traffic flows UTILITIES Smart Meter analysis for network capacity, LAW ENFORCEMENT & DEFENSE Threat analysis - social media monitoring, photo analysis AI Enterprise Use Cases
  • 8. Retail Use Cases • Pricing Optimization • Promotion Optimization • Customer Churn Prediction • Personalized Marketing • Assortment Planning • Supply Chain Management • Demand Forecasting • Inventory Planning • Inventory Replenishment • Customer Insights 8
  • 9. Financial Services Use Cases • Fraud Detection (i.e. credit card transactions) • Customer Life Value Prediction • Customer Churn Prediction • Client Risk Profiling • Credit Risk Assessment • Credit scoring and Underwriting • Financial Risk Management • Asset Valuation • Stock and Index Futures Prediction • Stock Volatility Prediction • Residential mortgage appraisal • Security, cyber-threat detection 9
  • 11. Exploratory Data Analysis • Trivial but critical to data science process • Plots • Time-series data • Histograms • Pair-wise scatterplots • Summary statistics • Mean, Median, Mode, Maximum, Minimum, Upper and lower quartiles • Outlier analysis • Fill missing data
  • 12. (Goodfellow 2016) Representations Matter CHAPTER 1. INTRODUCTION x y Cartesian coordinates r Polar coordinates
  • 13. (Goodfellow 2016) Learning Multiple Components CHAPTER 1. INTRODUCTION Input Hand- designed program Output Input Hand- designed features Mapping from features Output Input Features Mapping from features Output Input Simple features Mapping from features Output Additional layers of more abstract features Rule-based systems Classic machine learning Representation learning Deep learning
  • 14. (Goodfellow 2016) Depth: Repeated Composition CHAPTER 1. INTRODUCTION Visible layer (input pixels) 1st hidden layer (edges) 2nd hidden layer (corners and contours) 3rd hidden layer (object parts) CAR PERSON ANIMAL Output (object identity) Figure 1.2: Illustration of a deep learning model. It is difficult for a computer to understand
  • 15. Machine Learning Tasks • Regression • Classification • Anamoly Detection • Density Estimation • Structured Output • Synthesis • Denoising
  • 16. Machine Learning Algorithms: •Tree Based Methods (Decision Trees, Random Forests, and Gradient Boosting) •Generalized Linear Models •Linear Regression •Logistic Regression •Support Vector Machines •Unsupervised Learning Techniques (Clustering, Principal Component Analysis) •Neural Networks •Neural Network Topologies •Convolutional Neural Networks (R-CNN, F-CNN, U-Net for Medical Imaging) •Sequence Models (RNN, LSTM) •Autoencoders •Generative Adversarial Networks Learning Paradigms: •Transfer Learning
  • 17. AI Solutions Engineering • Exploratory Data Analysis, Data Visualization • Data Engineering • Data Augmentation • ETL • Hyper parameter tuning and search algorithms (Random, Bayesian, and TPE Search) • Data Leakage • Bias Detection and Mitigation • Interpretability (Explainability, Fairness, Accountability, Transparency, Ethics) • LIME, Anchors, TreeInterpreter, Partial Dependency Plots, Deconvolution etc. • Inference Optimization (NVidia TensorRT)
  • 18. Elements of Enterprise AI • Data Security • Model Deployment and Operationalization • Inferencing Scenarios (In database, cloud etc.) • Interoperability issues • Model Retraining • Model Maintenance (Versioning, Documentation etc.) • Regulatory Compliance (HIPAA, SEC, GDPR etc.) • Model Security (Adversarial Attacks on AI Models) • Resource Management (Scheduling, Multitenancy etc.) • Collaboration Tools
  • 19. Why now? • Data explosion • GPUs • Some advancements in machine learning algorithms
  • 20. Technologies for Democratization of Deep Learning • HPC, Distributed Computing Clusters, Public and Private Clouds • Multicore-processors (Power9) • GPUs • Storage Technologies • Open Source Deep Learning Frameworks • TensorFlow, Keras, PyTorch, FastAI, MXNet • Traditional Machine Learning Frameworks • Scikit-Learn, H2O, XGBoost, IBM SnapML • Automatic Machine Learning Frameworks • TPOT, auto-sklearn, auto-PyTorch, auto-keras • H2O DriverlessAI, Data Robot, IBM AutoAI • Data Processing Libraries • Pandas, Cudf, Dask, Dask-cudf • Open Source Databases • MongoDB, Cassandra, EnterpriseDB, MariaDB, Redis, Neo4J
  • 21. Feature Engineering HPC Cluster/Public Cloud/Private Cloud/Hybrid Cloud Distributed Storage (Storage for AI) Data Analysis/Engineering/ Warehousing/Mining Model Development, Testing & Validation Deployment & Inferencing Retraining, Online Training & Model Versioning HPC Schedulers, Cloud Middleware, Kubernetes, HELM, Containers, Virtualization Databases, Big Data Tools, Pythonic Frameworks, HPC Libraries, Microservices Cloud Native AI IoT
  • 22. Applications of Deep Learning • Computer Vision • Natural Language Processing • Speech recognition • Bioinformatics and Chemistry • Quantitative Finance
  • 23. Computer Vision Applications of Deep Learning • Object Detection • Face Recognition • Event Recognition • Human Pose Estimation • Motion Tracking
  • 24. (Goodfellow 2016) Solving Object Recognition 2010 2011 2012 2013 2014 2015 Year 0.00 0.05 0.10 0.15 0.20 0.25 0.30 ILSVRCclassificationerrorrate Figure 1.12: Since deep networks reached the scale necessary to compete in the ImageNet Large Scale Visual Recognition Challenge, they have consistently won the competition
  • 25. Some Popular CNNs • LeNet (1990) • AlexNet (2012) • ZF net (2013) • GoogLeNet (2014) • VGGNet (2014) • ResNet (2015)
  • 26. Deep learning Requires Data Little Data (More hand engineering) Lots of Data (Less hand engineering and simpler algorithms) Speech Recognition Object Recognition Object Detection Source Andrew Ng
  • 27. • Fast Training • GLMs can scale to datasets with billions of examples and/or features Why are GLMs/Trees useful? • Less tuning • Algorithms for training linear models involve much less parameters than more complex models (GBMs, NNs) • Building blocks for Complex Models • More expressive models such as Gradient Boosting Machines heavily use Decision Trees as basic models. • Accelerating Decision Tree models naturally leads to faster GBM models as well. • Interpretability • Linear models are naturally interpretable since they explicitly assign an importance to each input feature. • Tree models are interpretable as they explicitly illustrate the path to a decision. ML Models Support Vector Machines Logistic Regression Ridge Regression Lasso Regression Decision Trees Random Forests IBM Research / Snap ML / March 2019 / © 2019 IBM Corporation Gradient Boosting
  • 28. Why Accelerated GLM? Time to insight can become dominated by model training time in three important scenarios: A. The rate of data ingestion is relatively small, but the number of models is very large. -- best accuracy is often achieved using large ensembles of models B. The rate of data ingestion is relatively small, but frequent re-training is required. -- need to adapt to events in real time C. The rate of data ingestion grows to comprise many TB’s of data per day. -- training even simple ML models becomes a challenge Data Ingestion Cleaning Feature Extraction Train Model 1 Train Model 2 Train Model N Evaluation / Selection … Data Sources Insight Time to insight Automated, cloud-based deployment Modular architecture that leverages existing ML and analytics services IBM Research - Zurich / Introduction to Snap Machine Learning / May 2018 / © 2018 IBM Corporation
  • 29. • Level 1 • Parallelism across nodes connected via a network interface. • Level 2 • Parallelism across GPUs within the same node connected via an interconnect (e.g. NVLINK). • Level 3 • Parallelism across the streaming multiprocessors of the GPU hardware. Multi-level Parallelism 29
  • 30. • Shorter training times • Facilitates distributed machine learning POWER, NVLink and V100 Advantage POWER9 GPU Memory CPU Memory 150GB/s 150 GB/s 150 GB/s GPU Memory POWER9 AC922 Two cores. Four NVIDIA V100 GPU