SlideShare a Scribd company logo
1 of 32
vscentrum.be
Introduction to machine
learning/AI
Geert Jan Bex, Jan Ooghe, Ehsan Moravveji
Material
• All material available on GitHub
• this presentation
• conda environments
• Jupyter notebooks
2
https://github.com/gjbex/PRACE_ML
or
https://bit.ly/prace2019_ml
Introduction
• Machine learning is making great strides
• Large, good data sets
• Compute power
• Progress in algorithms
• Many interesting applications
• commericial
• scientific
• Links with artificial intelligence
• However, AI  machine learning
3
Machine learning tasks
• Supervised learning
• regression: predict numerical values
• classification: predict categorical values, i.e., labels
• Unsupervised learning
• clustering: group data according to "distance"
• association: find frequent co-occurrences
• link prediction: discover relationships in data
• data reduction: project features to fewer features
• Reinforcement learning
4
Regression
Colorize B&W images automatically
https://tinyclouds.org/colorize/
5
Classification
6
Object recognition
https://ai.googleblog.com/2014/09/buildin
g-deeper-understanding-of-images.html
Reinforcement
learning
Learning to play Break Out
https://www.youtube.com/watch?v=V1eY
niJ0Rnk
7
Clustering
Crime prediction using k-means
clustering
http://www.grdjournals.com/uploads/articl
e/GRDJE/V02/I05/0176/GRDJEV02I0501
76.pdf
8
Applications in
science
9
Machine learning algorithms
• Regression:
Ridge regression, Support Vector Machines, Random Forest,
Multilayer Neural Networks, Deep Neural Networks, ...
• Classification:
Naive Base, , Support Vector Machines,
Random Forest, Multilayer Neural Networks,
Deep Neural Networks, ...
• Clustering:
k-Means, Hierarchical Clustering, ...
10
Issues
• Many machine learning/AI projects fail
(Gartner claims 85 %)
• Ethics, e.g., Amazon has/had
sub-par employees fired by an AI
automatically
11
Reasons for failure
• Asking the wrong question
• Trying to solve the wrong problem
• Not having enough data
• Not having the right data
• Having too much data
• Hiring the wrong people
• Using the wrong tools
• Not having the right model
• Not having the right yardstick
12
Frameworks
• Programming languages
• Python
• R
• C++
• ...
• Many libraries
• scikit-learn
• PyTorch
• TensorFlow
• Keras
• …
13
classic machine learning
deep learning frameworks
Fast-evolving ecosystem!
scikit-learn
• Nice end-to-end framework
• data exploration (+ pandas + holoviews)
• data preprocessing (+ pandas)
• cleaning/missing values
• normalization
• training
• testing
• application
• "Classic" machine learning only
• https://scikit-learn.org/stable/
14
Keras
• High-level framework for deep learning
• TensorFlow backend
• Layer types
• dense
• convolutional
• pooling
• embedding
• recurrent
• activation
• …
• https://keras.io/
15
Data pipelines
• Data ingestion
• CSV/JSON/XML/H5 files, RDBMS, NoSQL, HTTP,...
• Data cleaning
• outliers/invalid values?  filter
• missing values?  impute
• Data transformation
• scaling/normalization
16
Must be done systematically
Supervised learning: methodology
• Select model, e.g., random forest, (deep) neural network, ...
• Train model, i.e., determine parameters
• Data: input + output
• training data  determine model parameters
• validation data  yardstick to avoid overfitting
• Test model
• Data: input + output
• testing data  final scoring of the model
• Production
• Data: input  predict output
17
Experiment with underfitting and overfitting:
010_underfitting_overfitting.ipynb
From neurons to ANNs
18
𝑦 = 𝜎
𝑖=1
𝑁
𝑤𝑖𝑥𝑖 + 𝑏
𝑥
𝜎 𝑥
activation function
𝑤1
𝑤2
𝑤3
𝑤𝑁
𝑥1
𝑥2
𝑥3
𝑥𝑁
...
𝑏
𝑦
+1
inspiration
Multilayer network
19
How to determine
weights?
Training: backpropagation
• Initialize weights "randomly"
• For all training epochs
• for all input-output in training set
• using input, compute output (forward)
• compare computed output with training output
• adapt weights (backward) to improve output
• if accuracy is good enough, stop
20
Task: handwritten digit recognition
• Input data
• grayscale image
• Output data
• digit 0, 1, ..., 9
• Training examples
• Test examples
21
Explore the data: 020_mnist_data_exploration.ipynb
First approach
• Data preprocessing
• Input data as 1D array
• output data as array with
one-hot encoding
• Model: multilayer perceptron
• 758 inputs
• dense hidden layer with 512 units
• ReLU activation function
• dense layer with 512 units
• ReLU activation function
• dense layer with 10 units
• SoftMax activation function
22
array([ 0.0, 0.0,..., 0.951, 0.533,..., 0.0, 0.0], dtype=f
5
array([ 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], dtype=ui
Activation functions: 030_activation_functions.ipynb
Multilayer perceptron: 040_mnist_mlp.ipynb
Deep neural networks
• Many layers
• Features are learned, not given
• Low-level features combined into
high-level features
• Special types of layers
• convolutional
• drop-out
• recurrent
• ...
23
Convolutional neural networks
24
1 ⋯ 0
⋮ ⋱ ⋮
0 ⋯ 1

Convolution examples
25
1 ⋯ 0
⋮ ⋱ ⋮
0 ⋯ 1
0 ⋯ 1
⋮ ⋱ ⋮
1 ⋯ 0
1 ⋯ 0
⋮ ⋱ ⋮
0 ⋯ 1
0 ⋯ 1
⋮ ⋱ ⋮
1 ⋯ 0
Convolution: 050_convolution.ipynb
Second approach
• Data preprocessing
• Input data as 2D array
• output data as array with
one-hot encoding
• Model: convolutional neural
network (CNN)
• 28  28 inputs
• CNN layer with 32 filters 3  3
• ReLU activation function
• flatten layer
• dense layer with 10 units
• SoftMax activation function
26
array([[ 0.0, 0.0,..., 0.951, 0.533,..., 0.0, 0.0]], dtype
5
array([ 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], dtype=ui
Convolutional neural network: 060_mnist_cnn.ipynb
Task: sentiment classification
• Input data
• movie review (English)
• Output data
• Training examples
• Test examples
27
Explore the data: 070_imdb_data_exploration.ipynb
/
<start> this film was just brilliant casting
location
scenery story direction everyone's really suited the
part
they played and you could just imagine being there
Robert
redford's is an amazing actor and now the same being
director
norman's father came from the same scottish island
as myself
so i loved the fact there was a real connection with
this
film the witty remarks throughout the film were
great it was
just brilliant so much that i bought the film as
soon as it

Word embedding
• Represent words as one-hot vectors
length = vocabulary size
• Word embeddings
• dense vector
• vector distance  semantic distance
• Training
• use context
• discover relations with surrounding
words
28
Issues:
• unwieldy
• no semantics
How to remember?
Manage history, network learns
• what to remember
• what to forget
Long-term correlations!
Use, e.g.,
• LSTM (Long Short-Term Memory
• GRU (Gated Recurrent Unit)
Deal with variable length input and/or
output
29
Gated Recurrent
Unit (GRU)
• Update gate
• Reset gate
• Current memory content
• Final memory/output
30
𝑧𝑡 = 𝜎 𝑊
𝑧𝑥𝑡 + 𝑈𝑧ℎ𝑡−1
𝑟𝑡 = 𝜎 𝑊
𝑟𝑥𝑡 + 𝑈𝑟ℎ𝑡−1
ℎ′𝑡 = tanh 𝑊𝑥𝑡 + 𝑟𝑡 ⊙ 𝑈ℎ𝑡−1
ℎ𝑡 = 𝑧𝑡 ⊙ ℎ𝑡−1 + 1 − 𝑧𝑡 ⊙ ℎ′𝑡
Approach
• Data preprocessing
• Input data as padded array
• output data as 0 or 1
• Model: recurrent neural network
(GRU)
• 100 inputs
• embedding layer, 5,000 words, 64
element representation length
• GRU layer, 64 units
• dropout layer, rate = 0.5
• dense layer, 1 output
• sigmoid activation function
31
Recurrent neural network: 080_imdb_rnn.pynb
Caveat
• InspiroBot (http://inspirobot.me/)
• "I am an artificial intelligence dedicated to generating unlimited amounts of unique inspirational quotes for endless
enrichment of pointless human existence".
32

More Related Content

Similar to prace_days_ml_2019.pptx

Deep Learning with Microsoft Cognitive Toolkit
Deep Learning with Microsoft Cognitive ToolkitDeep Learning with Microsoft Cognitive Toolkit
Deep Learning with Microsoft Cognitive ToolkitBarbara Fusinska
 
Dev nexus 2017
Dev nexus 2017Dev nexus 2017
Dev nexus 2017Roy Russo
 
2_Image Classification.pdf
2_Image Classification.pdf2_Image Classification.pdf
2_Image Classification.pdfFEG
 
Machine Learning with ML.NET and Azure - Andy Cross
Machine Learning with ML.NET and Azure - Andy CrossMachine Learning with ML.NET and Azure - Andy Cross
Machine Learning with ML.NET and Azure - Andy CrossAndrew Flatters
 
DL4J at Workday Meetup
DL4J at Workday MeetupDL4J at Workday Meetup
DL4J at Workday MeetupDavid Kale
 
Startup.Ml: Using neon for NLP and Localization Applications
Startup.Ml: Using neon for NLP and Localization Applications Startup.Ml: Using neon for NLP and Localization Applications
Startup.Ml: Using neon for NLP and Localization Applications Intel Nervana
 
1. Introduction to deep learning.pptx
1. Introduction to deep learning.pptx1. Introduction to deep learning.pptx
1. Introduction to deep learning.pptxOmer Tariq
 
Taming the resource tiger
Taming the resource tigerTaming the resource tiger
Taming the resource tigerElizabeth Smith
 
Image Classification (20230411)
Image Classification (20230411)Image Classification (20230411)
Image Classification (20230411)FEG
 
Atom: A cloud native deep learning platform at Supremind
Atom: A cloud native deep learning platform at SupremindAtom: A cloud native deep learning platform at Supremind
Atom: A cloud native deep learning platform at SupremindAlluxio, Inc.
 
Taming the resource tiger
Taming the resource tigerTaming the resource tiger
Taming the resource tigerElizabeth Smith
 
Data Management - Full Stack Deep Learning
Data Management - Full Stack Deep LearningData Management - Full Stack Deep Learning
Data Management - Full Stack Deep LearningSergey Karayev
 
Agile Data Science: Hadoop Analytics Applications
Agile Data Science: Hadoop Analytics ApplicationsAgile Data Science: Hadoop Analytics Applications
Agile Data Science: Hadoop Analytics ApplicationsRussell Jurney
 
Agile Data Science: Building Hadoop Analytics Applications
Agile Data Science: Building Hadoop Analytics ApplicationsAgile Data Science: Building Hadoop Analytics Applications
Agile Data Science: Building Hadoop Analytics ApplicationsRussell Jurney
 
Ruby and Distributed Storage Systems
Ruby and Distributed Storage SystemsRuby and Distributed Storage Systems
Ruby and Distributed Storage SystemsSATOSHI TAGOMORI
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkYan Xu
 
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014The Hive
 
Urs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksUrs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksIntel Nervana
 
Data Science meets Software Development
Data Science meets Software DevelopmentData Science meets Software Development
Data Science meets Software DevelopmentAlexis Seigneurin
 

Similar to prace_days_ml_2019.pptx (20)

Deep Learning with Microsoft Cognitive Toolkit
Deep Learning with Microsoft Cognitive ToolkitDeep Learning with Microsoft Cognitive Toolkit
Deep Learning with Microsoft Cognitive Toolkit
 
Dev nexus 2017
Dev nexus 2017Dev nexus 2017
Dev nexus 2017
 
2_Image Classification.pdf
2_Image Classification.pdf2_Image Classification.pdf
2_Image Classification.pdf
 
Machine Learning with ML.NET and Azure - Andy Cross
Machine Learning with ML.NET and Azure - Andy CrossMachine Learning with ML.NET and Azure - Andy Cross
Machine Learning with ML.NET and Azure - Andy Cross
 
DL4J at Workday Meetup
DL4J at Workday MeetupDL4J at Workday Meetup
DL4J at Workday Meetup
 
Startup.Ml: Using neon for NLP and Localization Applications
Startup.Ml: Using neon for NLP and Localization Applications Startup.Ml: Using neon for NLP and Localization Applications
Startup.Ml: Using neon for NLP and Localization Applications
 
1. Introduction to deep learning.pptx
1. Introduction to deep learning.pptx1. Introduction to deep learning.pptx
1. Introduction to deep learning.pptx
 
Deep Domain
Deep DomainDeep Domain
Deep Domain
 
Taming the resource tiger
Taming the resource tigerTaming the resource tiger
Taming the resource tiger
 
Image Classification (20230411)
Image Classification (20230411)Image Classification (20230411)
Image Classification (20230411)
 
Atom: A cloud native deep learning platform at Supremind
Atom: A cloud native deep learning platform at SupremindAtom: A cloud native deep learning platform at Supremind
Atom: A cloud native deep learning platform at Supremind
 
Taming the resource tiger
Taming the resource tigerTaming the resource tiger
Taming the resource tiger
 
Data Management - Full Stack Deep Learning
Data Management - Full Stack Deep LearningData Management - Full Stack Deep Learning
Data Management - Full Stack Deep Learning
 
Agile Data Science: Hadoop Analytics Applications
Agile Data Science: Hadoop Analytics ApplicationsAgile Data Science: Hadoop Analytics Applications
Agile Data Science: Hadoop Analytics Applications
 
Agile Data Science: Building Hadoop Analytics Applications
Agile Data Science: Building Hadoop Analytics ApplicationsAgile Data Science: Building Hadoop Analytics Applications
Agile Data Science: Building Hadoop Analytics Applications
 
Ruby and Distributed Storage Systems
Ruby and Distributed Storage SystemsRuby and Distributed Storage Systems
Ruby and Distributed Storage Systems
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
Agile Data Science by Russell Jurney_ The Hive_Janruary 29 2014
 
Urs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksUrs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural Networks
 
Data Science meets Software Development
Data Science meets Software DevelopmentData Science meets Software Development
Data Science meets Software Development
 

More from SreeVani74

AJS UNIT-1 2021-converted.pdf
AJS UNIT-1 2021-converted.pdfAJS UNIT-1 2021-converted.pdf
AJS UNIT-1 2021-converted.pdfSreeVani74
 
MachineLearning.pptx
MachineLearning.pptxMachineLearning.pptx
MachineLearning.pptxSreeVani74
 
inputdevices demo new.ppt
inputdevices demo new.pptinputdevices demo new.ppt
inputdevices demo new.pptSreeVani74
 
INTRODUCTION.pptx
INTRODUCTION.pptxINTRODUCTION.pptx
INTRODUCTION.pptxSreeVani74
 
inputdevices demo new.ppt
inputdevices demo new.pptinputdevices demo new.ppt
inputdevices demo new.pptSreeVani74
 
internal partsNEW.ppt
internal partsNEW.pptinternal partsNEW.ppt
internal partsNEW.pptSreeVani74
 

More from SreeVani74 (6)

AJS UNIT-1 2021-converted.pdf
AJS UNIT-1 2021-converted.pdfAJS UNIT-1 2021-converted.pdf
AJS UNIT-1 2021-converted.pdf
 
MachineLearning.pptx
MachineLearning.pptxMachineLearning.pptx
MachineLearning.pptx
 
inputdevices demo new.ppt
inputdevices demo new.pptinputdevices demo new.ppt
inputdevices demo new.ppt
 
INTRODUCTION.pptx
INTRODUCTION.pptxINTRODUCTION.pptx
INTRODUCTION.pptx
 
inputdevices demo new.ppt
inputdevices demo new.pptinputdevices demo new.ppt
inputdevices demo new.ppt
 
internal partsNEW.ppt
internal partsNEW.pptinternal partsNEW.ppt
internal partsNEW.ppt
 

Recently uploaded

Capitol Tech U Doctoral Presentation - April 2024.pptx
Capitol Tech U Doctoral Presentation - April 2024.pptxCapitol Tech U Doctoral Presentation - April 2024.pptx
Capitol Tech U Doctoral Presentation - April 2024.pptxCapitolTechU
 
Alper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentAlper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentInMediaRes1
 
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...M56BOOKSTORE PRODUCT/SERVICE
 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfUjwalaBharambe
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon AUnboundStockton
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfMahmoud M. Sallam
 
How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17Celine George
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxiammrhaywood
 
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxPOINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxSayali Powar
 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Celine George
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
 
Introduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxIntroduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxpboyjonauth
 
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxHistory Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxsocialsciencegdgrohi
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdfssuser54595a
 
Introduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher EducationIntroduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher Educationpboyjonauth
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersSabitha Banu
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationnomboosow
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatYousafMalik24
 

Recently uploaded (20)

Capitol Tech U Doctoral Presentation - April 2024.pptx
Capitol Tech U Doctoral Presentation - April 2024.pptxCapitol Tech U Doctoral Presentation - April 2024.pptx
Capitol Tech U Doctoral Presentation - April 2024.pptx
 
Alper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentAlper Gobel In Media Res Media Component
Alper Gobel In Media Res Media Component
 
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
Model Call Girl in Tilak Nagar Delhi reach out to us at 🔝9953056974🔝
 
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon A
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdf
 
How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17How to Configure Email Server in Odoo 17
How to Configure Email Server in Odoo 17
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
 
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxPOINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
 
Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17Computed Fields and api Depends in the Odoo 17
Computed Fields and api Depends in the Odoo 17
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
 
Introduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptxIntroduction to AI in Higher Education_draft.pptx
Introduction to AI in Higher Education_draft.pptx
 
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxHistory Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
 
Introduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher EducationIntroduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher Education
 
DATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginnersDATA STRUCTURE AND ALGORITHM for beginners
DATA STRUCTURE AND ALGORITHM for beginners
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communication
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice great
 
9953330565 Low Rate Call Girls In Rohini Delhi NCR
9953330565 Low Rate Call Girls In Rohini  Delhi NCR9953330565 Low Rate Call Girls In Rohini  Delhi NCR
9953330565 Low Rate Call Girls In Rohini Delhi NCR
 

prace_days_ml_2019.pptx

  • 1. vscentrum.be Introduction to machine learning/AI Geert Jan Bex, Jan Ooghe, Ehsan Moravveji
  • 2. Material • All material available on GitHub • this presentation • conda environments • Jupyter notebooks 2 https://github.com/gjbex/PRACE_ML or https://bit.ly/prace2019_ml
  • 3. Introduction • Machine learning is making great strides • Large, good data sets • Compute power • Progress in algorithms • Many interesting applications • commericial • scientific • Links with artificial intelligence • However, AI  machine learning 3
  • 4. Machine learning tasks • Supervised learning • regression: predict numerical values • classification: predict categorical values, i.e., labels • Unsupervised learning • clustering: group data according to "distance" • association: find frequent co-occurrences • link prediction: discover relationships in data • data reduction: project features to fewer features • Reinforcement learning 4
  • 5. Regression Colorize B&W images automatically https://tinyclouds.org/colorize/ 5
  • 7. Reinforcement learning Learning to play Break Out https://www.youtube.com/watch?v=V1eY niJ0Rnk 7
  • 8. Clustering Crime prediction using k-means clustering http://www.grdjournals.com/uploads/articl e/GRDJE/V02/I05/0176/GRDJEV02I0501 76.pdf 8
  • 10. Machine learning algorithms • Regression: Ridge regression, Support Vector Machines, Random Forest, Multilayer Neural Networks, Deep Neural Networks, ... • Classification: Naive Base, , Support Vector Machines, Random Forest, Multilayer Neural Networks, Deep Neural Networks, ... • Clustering: k-Means, Hierarchical Clustering, ... 10
  • 11. Issues • Many machine learning/AI projects fail (Gartner claims 85 %) • Ethics, e.g., Amazon has/had sub-par employees fired by an AI automatically 11
  • 12. Reasons for failure • Asking the wrong question • Trying to solve the wrong problem • Not having enough data • Not having the right data • Having too much data • Hiring the wrong people • Using the wrong tools • Not having the right model • Not having the right yardstick 12
  • 13. Frameworks • Programming languages • Python • R • C++ • ... • Many libraries • scikit-learn • PyTorch • TensorFlow • Keras • … 13 classic machine learning deep learning frameworks Fast-evolving ecosystem!
  • 14. scikit-learn • Nice end-to-end framework • data exploration (+ pandas + holoviews) • data preprocessing (+ pandas) • cleaning/missing values • normalization • training • testing • application • "Classic" machine learning only • https://scikit-learn.org/stable/ 14
  • 15. Keras • High-level framework for deep learning • TensorFlow backend • Layer types • dense • convolutional • pooling • embedding • recurrent • activation • … • https://keras.io/ 15
  • 16. Data pipelines • Data ingestion • CSV/JSON/XML/H5 files, RDBMS, NoSQL, HTTP,... • Data cleaning • outliers/invalid values?  filter • missing values?  impute • Data transformation • scaling/normalization 16 Must be done systematically
  • 17. Supervised learning: methodology • Select model, e.g., random forest, (deep) neural network, ... • Train model, i.e., determine parameters • Data: input + output • training data  determine model parameters • validation data  yardstick to avoid overfitting • Test model • Data: input + output • testing data  final scoring of the model • Production • Data: input  predict output 17 Experiment with underfitting and overfitting: 010_underfitting_overfitting.ipynb
  • 18. From neurons to ANNs 18 𝑦 = 𝜎 𝑖=1 𝑁 𝑤𝑖𝑥𝑖 + 𝑏 𝑥 𝜎 𝑥 activation function 𝑤1 𝑤2 𝑤3 𝑤𝑁 𝑥1 𝑥2 𝑥3 𝑥𝑁 ... 𝑏 𝑦 +1 inspiration
  • 19. Multilayer network 19 How to determine weights?
  • 20. Training: backpropagation • Initialize weights "randomly" • For all training epochs • for all input-output in training set • using input, compute output (forward) • compare computed output with training output • adapt weights (backward) to improve output • if accuracy is good enough, stop 20
  • 21. Task: handwritten digit recognition • Input data • grayscale image • Output data • digit 0, 1, ..., 9 • Training examples • Test examples 21 Explore the data: 020_mnist_data_exploration.ipynb
  • 22. First approach • Data preprocessing • Input data as 1D array • output data as array with one-hot encoding • Model: multilayer perceptron • 758 inputs • dense hidden layer with 512 units • ReLU activation function • dense layer with 512 units • ReLU activation function • dense layer with 10 units • SoftMax activation function 22 array([ 0.0, 0.0,..., 0.951, 0.533,..., 0.0, 0.0], dtype=f 5 array([ 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], dtype=ui Activation functions: 030_activation_functions.ipynb Multilayer perceptron: 040_mnist_mlp.ipynb
  • 23. Deep neural networks • Many layers • Features are learned, not given • Low-level features combined into high-level features • Special types of layers • convolutional • drop-out • recurrent • ... 23
  • 24. Convolutional neural networks 24 1 ⋯ 0 ⋮ ⋱ ⋮ 0 ⋯ 1 
  • 25. Convolution examples 25 1 ⋯ 0 ⋮ ⋱ ⋮ 0 ⋯ 1 0 ⋯ 1 ⋮ ⋱ ⋮ 1 ⋯ 0 1 ⋯ 0 ⋮ ⋱ ⋮ 0 ⋯ 1 0 ⋯ 1 ⋮ ⋱ ⋮ 1 ⋯ 0 Convolution: 050_convolution.ipynb
  • 26. Second approach • Data preprocessing • Input data as 2D array • output data as array with one-hot encoding • Model: convolutional neural network (CNN) • 28  28 inputs • CNN layer with 32 filters 3  3 • ReLU activation function • flatten layer • dense layer with 10 units • SoftMax activation function 26 array([[ 0.0, 0.0,..., 0.951, 0.533,..., 0.0, 0.0]], dtype 5 array([ 0, 0, 0, 0, 0, 1, 0, 0, 0, 0], dtype=ui Convolutional neural network: 060_mnist_cnn.ipynb
  • 27. Task: sentiment classification • Input data • movie review (English) • Output data • Training examples • Test examples 27 Explore the data: 070_imdb_data_exploration.ipynb / <start> this film was just brilliant casting location scenery story direction everyone's really suited the part they played and you could just imagine being there Robert redford's is an amazing actor and now the same being director norman's father came from the same scottish island as myself so i loved the fact there was a real connection with this film the witty remarks throughout the film were great it was just brilliant so much that i bought the film as soon as it 
  • 28. Word embedding • Represent words as one-hot vectors length = vocabulary size • Word embeddings • dense vector • vector distance  semantic distance • Training • use context • discover relations with surrounding words 28 Issues: • unwieldy • no semantics
  • 29. How to remember? Manage history, network learns • what to remember • what to forget Long-term correlations! Use, e.g., • LSTM (Long Short-Term Memory • GRU (Gated Recurrent Unit) Deal with variable length input and/or output 29
  • 30. Gated Recurrent Unit (GRU) • Update gate • Reset gate • Current memory content • Final memory/output 30 𝑧𝑡 = 𝜎 𝑊 𝑧𝑥𝑡 + 𝑈𝑧ℎ𝑡−1 𝑟𝑡 = 𝜎 𝑊 𝑟𝑥𝑡 + 𝑈𝑟ℎ𝑡−1 ℎ′𝑡 = tanh 𝑊𝑥𝑡 + 𝑟𝑡 ⊙ 𝑈ℎ𝑡−1 ℎ𝑡 = 𝑧𝑡 ⊙ ℎ𝑡−1 + 1 − 𝑧𝑡 ⊙ ℎ′𝑡
  • 31. Approach • Data preprocessing • Input data as padded array • output data as 0 or 1 • Model: recurrent neural network (GRU) • 100 inputs • embedding layer, 5,000 words, 64 element representation length • GRU layer, 64 units • dropout layer, rate = 0.5 • dense layer, 1 output • sigmoid activation function 31 Recurrent neural network: 080_imdb_rnn.pynb
  • 32. Caveat • InspiroBot (http://inspirobot.me/) • "I am an artificial intelligence dedicated to generating unlimited amounts of unique inspirational quotes for endless enrichment of pointless human existence". 32

Editor's Notes

  1. https://www.kdnuggets.com/2018/07/why-machine-learning-project-fail.html