0 AI M Learning Deep Learning 2022
0 AI M Learning Deep Learning 2022
INTELLIGENCE,
MACHINE LEARNING,
AND DEEP LEARNING
UPDATED IN: APRIL, 2022
BY: CELESTE NG
DIRECT QUOTE FROM SOURCES:
AS INDICATED IN EACH INDIVIDUAL SLIDE
CONTENTS
Source: https://www.youtube.com/watch?v=WSbgixdC9g8&t=19s
1. AI TIMELINE ( 時間線 )
1952–
1956: The 1974– 1987–
birth of 1980: The 1993: The
artificial first AI second AI
intelligence winter winter
NLP
Speech recognition
- Works along with ML and DL Machine vision
- Works with NLP
- To form a complete human- - Is used in industrial
- To resolve ambiguity in
computer interactions automation & robotics
language
- Rely on digital sensor
in camera to acquire
images
Source: https://www.javatpoint.com/subsets-of-ai
COMPUTER VISION – EXAMPLE-1
Requirements:
high power LED light + high
resolution camera + AI + BDA + DL
Source: https://www.youtube.com/watch?v=7zg5OBsySMA
1. AI, MACHINE LEARNING & DEEP
LEARNING – TIMELINE ( 時間線 )
多層的神經網絡
CONTENTS
Source: https://www.youtube.com/watch?v=WSbgixdC9g8&t=19s
2. HOW CAN MACHINES LEARN?
Celeste: the main problems
with dataset are:
Representative? Bias?
Quality? Transparency?
In order to “educate” the machine,
you need these 3 components:
• (1) Datasets.
• Machine learning systems are
trained on special collections of
samples called datasets.
• The samples can include
numbers, images, texts or any
other kind of data.
• It usually takes a lot of time and
effort to create a good dataset.
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learn
2. HOW CAN MACHINES LEARN? – DATASET
Computer Vision Datasets
xView: xView is one of the most
massive publicly available datasets
of overhead imagery. It contains
images from complex scenes around
the world, annotated using bounding
boxes.
ImageNet: The largest image dataset
for computer vision. It provides an
accessible image database that is
organized hierarchically, according
to WordNet.
Kinetics-700: A large-scale dataset
of video URLs from Youtube.
Including human-centered actions. It
contains over 700,000 videos.
Google’s Open Images: A vast
dataset from Google AI containing
over 10 million images.
Source:
https://pub.towardsai.net/best-datasets-for-machine-learning-data-science-computer-vision-nlp-a
2. HOW CAN MACHINES LEARN? – DATASET
Sentiment Analysis Datasets
Lexicoder Sentiment Dictionary: This dataset
is specific for sentiment analysis. The dataset
Self-driving
contains over 3000 (Autonomous
negative words Driving) Datasets
and over
2000Waymo
positive Open
Clinical Dataset: This
words. is a fantastic
Datasets
sentiment
IMDB dataset resource
reviews: from the folks
MaskedFace-Net: MaskedFace-Net
An interesting at Waymo.
dataset with is a real
overIncludes a vastcontaining
50,000 dataset
movie dataset of
reviews autonomous
human
from driving,
faces with
Kaggle. correct and
enough
Stanford to train deep
incorrectly
Sentiment netsmasks.
worn
Treebank: from zero.
It contains over 137k
Standard
Berkeley
sentiment DeepDrive
images
dataset which
with BDD100k: One
are based
sentiment on the of the
annotations.
largest
Twitter USdatasets for
Flick-Faces-HQ
Airline self-driving cars,data
dataset [21].
Sentiment: Twitter containing
For more details
on
over 2000about the
hours dataset and
of driving its uses, please visit the
US airlines from February 2015,experiences
classified asacross
documentation
Newnegative,
York and and
California.on Github.
positive, neutral tweets
COVID-19
Bosch Small Traffic Dataset: The AllenDataset
Light Dataset: Institute of AI
for smallresearch
traffic has released
lights a vast
for deep research dataset of
learning.
over 45,000 scholarly articles about COVID-19.
MIMIC-III: Openly available dataset developed
by the MIT Lab for Computational Physiology,
comprising de-identified health data associated
with ~40,000 critical care patients. It includes
demographics, vital signs, laboratory tests,
medications, and more.
Source:
2. HOW CAN MACHINES LEARN? – DATASET
Source: https://developers.google.com/machine-learning/data-prep
2. HOW CAN MACHINES LEARN? – FEATURES
(2) Features.
• Are important – the key to the solution of the
task.
Celeste: Example of the
features in “housing price
prediction”: location,
house size, # of bedrooms,
# of bathrooms
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-difference-dccce18efe7f
2. HOW CAN MACHINES LEARN? –
ALGORITHM
(3) Algorithm.
• It is possible to solve the same task
using different algorithms.
• Depending on the algorithm, the
accuracy or speed of getting the
results can be different.
• Sometimes in order to achieve better
performance, you combine different
algorithms, like in ensemble learning.
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learn
2. Steps in Machine Learning Process
Celeste: Identify
your ML problem Steps taken by a
first, then … data scientist in
building a
machine learning
applications 數據
科學家在構建機
器學習應用時採
取的步驟
1. Identify data set 確定數據集
2. Select ML algorithm 選擇 ML 算法
3. Develop analytical model 開發分析模型
4. Train model 訓練模型
5. Generate scores 計算分數
Source: https://www.techemergence.com/artificial-intelligence-industry-an-overview-by-segment/
2. Machine learning algorithms/types (1)
(URL: https://www.analyticsvidhya.com/blog/2017/09/common-machine-learning-algorithms/ )
In the problem
Broadly, there are 3 types of Machine Learning of housing price
Algorithms or Types .. prediction:
• Outcome
1. Supervised Learning 監督學習 variable?
• How it works: • Independent
– This algorithm consist of a target / outcome variable (or variables
dependent variable) 目標 / 結果變量(或因變量) which is to
be predicted from a given set of predictors (independent
variables) 一組給定的預測變量(獨立變量 ).
– The training process continues until the model achieves a
desired level of accuracy on the training data.
• Examples of Supervised Learning (analytical model):
Regression 回歸 , Decision Tree, Random Forest隨機森林 ,
KNN, Logistic Regression 邏輯回歸 etc.
2. Machine learning algorithms/types (1) –
(URL: https://www.analyticsvidhya.com/blog/2017/09/common-machine-learning-algorithms/ )
Coding of “supervised
learning” – using the
algorithm of “decision
tree”
2. Machine learning algorithms/types (2)
(URL: https://www.analyticsvidhya.com/blog/2017/09/common-machine-learning-algorithms/ )
Source:
https://www.oreilly.com
/radar/reinforcement-lea
rning-explained/
識別集群
Source: https://neptune.ai/blog/reinforcement-learning-applications
Source: https://www.analyticsvidhya.com/machine-learning/types_of_ml/
2. SUPERVISED MACHINE LEARNING
Types:
classification 分類
Source: https://vas3k.com/blog/machine_learning/?ref=hn
2. EXAMPLE OF SUPERVISED LEARNING TECHNIQUE
Algorithm
a= 方程的截距
Celeste: b=coefficient 係數
Inputs +
label-outputs
Source:
https://towardsdatascience.com/simple-machine-learning-model-in-python-in-5-lines-of-code-fe
2. EXAMPLE OF SUPERVISED LEARNING TECHNIQUE
Features or “x”es
(input values)
Predicted value
of y (=
ŷ )
Coefficients of
Source: “x”es
https://towardsdatascience.com/simple-machine-learning-model-in-python-in-5-lines-of-code-fe
UNSUPERVISED MACHINE LEARNING
Types:
識別數據中的序列 / 順序
Problems related to:
通過相似性分類
cluster 聚類 and
classification 分類
找到隱藏性的數據依賴關係
Source: https://vas3k.com/blog/machine_learning/?ref=hn
Supervised vs. Unsupervised Machine Learning
Source:
https://www.researchgate.net/figure/Supervised-learning-and-unsupervised-learning-Supervi
SUPERVISED VS. UNSUPERVISED LEARNING
Clustering
Regression
因變量和一個或多個自變量
之間的線性關係
Source:
https://www.researchgate.net/figure/Examples-of-Supervised-Learning-Linear-Regression-a
2. MACHINE LEARNING
APPLICATIONS - OVERVIEW
找到隱藏性的數據依賴關係
dimensionality
reduction 降維
通過相似性分聚類
Source:
https://www.oreilly.com/library/
view/java-deep-learning/978178
8997454/a8fce962-51dd-4e29-a
7f9-9bf4fd245b1d.xhtml
2. ADDITIONAL: MACHINE LEARNING – TYPE,
ALGORITHM & APPLICATION AREAS
Source: https://www.codeproject.com/Articles/5245488/Introduction-to-Machine-Learning-and-ML-NET-Part-1
2. ADDITIONAL EXAMPLES OF SUPERVISED
LEARNING SYSTEM / APPLICATION AREAS
語音筆錄
Deep learning is
• A particular kind of ML that
• Is inspired by the functionality of brain cells (neuron),
• [Celeste Ng: … its model mimics the structure of our
neuron network of our brain cells]
• which leads to the concept of artificial neural network
(ANN)
( 一種特殊的機器學習 , 來自腦細胞神經元功能的啟
發, 這導致了人工神經網絡的概念 )
• Learning styles: can be supervised, semi-supervised,
unsupervised or reinforcement learning (as in AlphaGo Zero)
--- Source: Wikipedia, 2020
Source: https://www.youtube.com/watch?v=WSbgixdC9g8&t=19s
DEEP LEARNING – CONCEPT OF “ARTIFICIAL
NEURAL NETWORK”
Nodes (artificial neurons) cf. brain’s neurons
Edges (connections) cf. brain’s synapses – signal
transmission ( 每個連接,就像生物大腦中的突觸一樣,可以向其他神經
元傳輸信號 )
Layers – consist of nodes / neurons & are meant for
diff. input transformations
Node output = Node activation function
= f (k)
= f (k =Bias + sum_of_its_ inputs)
f = can be a sigmoid function
Deep learning is
• Modeled using layers of artificial neurons or
computational units
• to receive input
• In a simple model
• the first layer is input layer,
• followed by a hidden layer, and
• lastly by an output layer. Source:
https://chatbotslife.com/deep-learning-in-
7-lines-of-code-7879a8ef8cfb
• Each layer contains one or more neurons.
Source: https://towardsdatascience.com/cousins-of-artificial-intelligence-dda4edc27b55
3. DEEP LEARNING – A REAL EXAMPLE
Source: https://www.youtube.com/watch?v=6M5VXKLf4D4
3. DEEP LEARNING – A REAL EXAMPLE: TRAINING
ALGORITHM TO IDENTIFY HAND-WRITTEN DIGIT
# of layers & # of
neurons in each are
Input layer, output arbitrary (to start
layer & hidden layer with)
Each image is
represented
by 28x28
pixels Each
neuron
represents a
digit
Hidden Layer
Source: https://www.youtube.com/watch?v=6M5VXKLf4D4
3. DEEP LEARNING – A REAL EXAMPLE
Connected channels, weighted channels,
Source: https://www.youtube.com/watch?v=6M5VXKLf4D4
3. DEEP LEARNING – A REAL EXAMPLE
Which neurons are activated? “Bias”
Bias, weighted sum of inputs, activation is added to the “weighted sum of
function inputs ” reaching the neuron, which is
then applied to a function, known as
Each neuron has a “activation function”
unique number
f(k=Bias + Weighted sum of
associated with it,
inputs)
called “bias”(i.e. Weighted
[activation] sum of
inputs
Source: https://www.youtube.com/watch?v=6M5VXKLf4D4
3. DEEP LEARNING – A REAL EXAMPLE
The results of the “activation function”
Activation function results determines which neurons are activated.
The activated neurons passed the
information to the following layers.
… continue until the 2nd last layer
Source: https://www.youtube.com/watch?v=6M5VXKLf4D4
3. DEEP LEARNING – A REAL EXAMPLE
The one neuron activated in the output
Final result layer corresponds to the input digit
Source: https://www.youtube.com/watch?v=6M5VXKLf4D4
3. DEEP LEARNING – A REAL EXAMPLE
Source: https://www.youtube.com/watch?v=6M5VXKLf4D4
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
FEATURE & NEURON
Edges Patterns
Digits
Edges
patterns
digit
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
rence-dccce18efe7f
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
PARAMETER FOR THE CONNECTIONS
Weighted sum of inputs
a
Each neuron has a number (0 – 1);
a = activation (a number in a neuron)
w = weight of a channel;
can be positive or negative
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
rence-dccce18efe7f
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
WEIGHTED SUM
The computed
weighted sum can
The activation function be any negative, 0
or positive numbers
BUT, we want
the activation
value to be
between 0 and 1
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
rence-dccce18efe7f
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
SIGMOID FUNCTION BUT, we want
the activation
value to be
The activation function between 0 and 1
The common
function to do this is
called “sigmoid”
function or logistic
curve
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
rence-dccce18efe7f
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
SIGMOID FUNCTION
“… the activation of neuron
here is basically a measure
The activation function of how positive the relevant
weighted sum is
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
rence-dccce18efe7f
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
BIAS
Bias = help to determine which neuron is activated
a = activation; w = weight
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
rence-dccce18efe7f
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
TOTAL # OF WEIGHTS & BIAS (= PARAMETERS)
a = activation; w = weight
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
MATRIX VECTOR FORM
a = activation; w = weight
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
rence-dccce18efe7f
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
MATRIX VECTOR FORM
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
3. ADDITIONAL: DEEP LEARNING – A REAL EXAMPLE:
PROGRAM CODE
Source:
https://medium.com/ai-in-plain-english/artificial-intelligence-vs-machine-learning-vs-deep-learning-whats-the-diffe
rence-dccce18efe7f
3. ADDITIONAL: EXAMPLES OF DEEP LEARNING CODE
•Scikit-learn •Matplotlib List of important
•NuPIC •Theano Python libraries
•Ramp •SymPy
•NumPy •Caffe2
•Pipenv •Seaborn
•TensorFlow •Hebel
•Bob •Chainer
•PyTorch •OpenCV Python
•PyBrain •Theano
•MILK •NLTK
•Keras •SQLAlchemy
•Dash •Bokeh
•Pandas •Important Python Libraries for D
•Scipy Source:
https://www.mygreatlearning.com/blog/open-source-py
thon-libraries/
Source: https://chatbotslife.com/deep-learning-in-7-lines-of-code-7879a8ef8cfb
3. ADDITIONAL: EXAMPLES OF DEEP LEARNING CODE
Source: https://chatbotslife.com/deep-learning-in-7-lines-of-code-7879a8ef8cfb
3. DEEP LEARNING FRAMEWORKS
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
3. DEEP LEARNING FRAMEWORKS
Read on Your Own (ROYO)
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
3. DEEP LEARNING FRAMEWORKS
Read on Your Own (ROYO)
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
3. DEEP LEARNING FRAMEWORKS
Read on Your Own (ROYO)
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
3. DEEP LEARNING FRAMEWORKS
Read on Your Own (ROYO)
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
3. DEEP LEARNING FRAMEWORKS
Read on Your Own (ROYO)
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
3. DEEP LEARNING FRAMEWORKS
Read on Your Own (ROYO)
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
3. DEEP LEARNING FRAMEWORKS
Read on Your Own (ROYO)
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
3. DEEP LEARNING FRAMEWORKS
Source: https://www.youtube.com/watch?v=_FBXfarXKuA
CONTENTS
Source: https://www.youtube.com/watch?v=6M5VXKLf4D4
4. DEEP LEARNING – APPLICATIONS
Source: https://www.mygreatlearning.com/blog/deep-learning-applications/
4. MACHINE LEARNING
APPLICATIONS
Source:
https://medium.com/app-affairs/9-applications-of-machine-learning-from-day-to-day-life-11
4. MACHINE LEARNING
APPLICATIONS
• 3. Videos Surveillance 視頻監控 Vision
Source:
https://medium.com/app-affairs/9-applications-of-machine-learning-from-day-to-day-life-11
4. MACHINE LEARNING
APPLICATIONS
ML - RL
• 4. Social Media Services
• Personalizing your news feed ( 動態消息 ), providing better ads
targeting
• The applications of ML.
• People You May Know: Machine learning works on a simple
concept: understanding with experiences. Facebook
continuously notices the friends that you connect with, the
profiles that you visit very often, your interests, workplace, or
a group that you share with someone
• Face Recognition: You upload a picture of you with a friend
and Facebook instantly recognizes that friend.
Source:
https://medium.com/app-affairs/9-applications-of-machine-learning-from-day-to-day-life-11
4. MACHINE LEARNING
APPLICATIONS
• 5. Email Spam and Malware Filtering ML - UL
• Over 325, 000 malwares ( 惡意軟件 ) are detected everyday and each piece of code is 90–
98% similar to its previous versions.
• The system security programs that are powered by machine learning understand the
coding pattern.
• Therefore, they detects new malware with 2–10% variation easily and offer protection
against them.
NLP, ML –
• 6. Online Customer Support
RL
• Chatbots tend to extract information from the website and present it to the customers.
• Chatbots advances with time. They tend to understand the user queries better and serve
them with better answers, which is possible due to its machine learning algorithms.
Source:
https://medium.com/app-affairs/9-applications-of-machine-learning-from-day-to-day-life-11
4. MACHINE LEARNING
APPLICATIONS
• 7. Search Engine Result Refining 搜索引擎結果優化 ML –
RL
• Google and other search engines use machine learning to improve the
search results for you.
• Every time you execute a search, the algorithms at the backend keep a
watch at how you respond to the results.
• If you open the top results and stay on the web page for long, the search
engine assumes that the results it displayed were in accordance to the
query.
Source:
https://medium.com/app-affairs/9-applications-of-machine-learning-from-day-to-day-life-11
4. MACHINE LEARNING
APPLICATIONS
• 8. Product Recommendations 產品推薦 ML – UL
• You shopped for a product online few days back and then
you keep receiving emails for shopping suggestions.
• If not this, then you might have noticed that the shopping
website or the app recommends you some items that
somehow matches with your taste. Certainly, this refines
the shopping experience
Source:
https://medium.com/app-affairs/9-applications-of-machine-learning-from-day-to-day-life-11
4. MACHINE LEARNING
APPLICATIONS
• 9. Online Fraud Detection 在線欺詐檢測 ML –
• Machine learning is proving its potential to make cyberspace a UL
Source:
https://medium.com/app-affairs/9-applications-of-machine-learning-from-day-to-day-life-11
OTHER REFERENCES
1. https://www.datarobot.com/wiki/model/
2. https://www.analyticsvidhya.com/blog/2017/09/c
ommon-machine-learning-algorithms/
3. https://towardsdatascience.com/coding-deep-lear
ning-for-beginners-types-of-machine-learning-b9
e651e1ed9d
4. https://medium.com/ai-in-plain-english/artificial-
intelligence-vs-machine-learning-vs-deep-learnin
g-whats-the-difference-dccce18efe7f
5. https://www.youtube.com/watch?v=IHZwWFH
Wa-w
GENETIC ALGORITHM Back
Bayesians Analogizers
Source:
https://www.researchgate.net/figure/Example-of-a-geometr
y-problem-used-for-the-investigation-of-the-target-maps-ap
plication_fig5_252642618
Source:
https://www.researchgate.net/figure/Example-of-a-geometr
y-problem-used-for-the-investigation-of-the-target-maps-ap
plication_fig5_252642618
Source:
https://medium.com/@shrutijadon10104776/survey-on-activation-functions-for-deep-learning-9689331ba09