Top Banner
1 Approved for Public Release: Distribution Unlimited. AFOTEC Public Affairs Public Release Number 2017-01 Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date: 6 MAR 17
61

Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

Jun 24, 2020

Download

Documents

dariahiddleston
Welcome message from author
This document is posted to help you gain knowledge. Please leave a comment to let me know what you think about it! Share it to your friends and learn new things together.
Transcript
Page 1: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

1

Approved for Public Release: Distribution Unlimited. AFOTEC Public Affairs Public Release Number 2017-01

Machine Learning: Overview

& Applications to Test

1st Lt Takayuki Iguchi

1st Lt Megan E. Lewis

AFOTEC/Det 5/DTSRelease Date: 6 MAR 17

Page 2: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

2

Why use Machine Learning in test?

• It takes more time to analyze large high dimensional

data than it does to collect it

− Video

− Audio

− BUS data

•Machine learning is designed to work with large high

dimensional data

Page 3: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

3

Visualizing Large High Dimensional Data

Page 4: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

4

Visualizing Large High Dimensional Data

Page 5: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

5

Visualizing Large High Dimensional Data

Page 6: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

6

Visualizing Large High Dimensional Data

Page 7: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

7

Visualizing Large High Dimensional Data

Page 8: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

8

Visualizing Large High Dimensional Data

Page 9: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

9

What is Machine Learning?

• A computer program is said to learn from experience 𝑬with respect to some class of tasks 𝑻 and performance

measure 𝑷, if its performance at tasks in 𝑻, as measured

by 𝑷, improves with experience 𝑬.

• “The field of study that gives computers the ability to

learn without being explicitly programmed.”

Page 10: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

10

Types of Machine Learning

• Reinforcement Learning

− Learn to select action that maximize the accumulated

reward over time.

• Unsupervised Learning

− Infer a function from unlabeled training data

• Supervised Learning

− Infer a function from labeled training data

Page 11: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

11

Types of ML

• Unsupervised Learning

“These things are

similar”

“These things will add up to

something that will look like a 2.”

(van der Maaten [2008])

(Hinton [2013])

Page 12: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

12

“This is the correct

salary of a professor

given the time since

highest degree earned.”

Types of Machine Learning

• Supervised Learning

“These are a camels.

Those are a people.”

Include graph of a

simple linear

regression

(Weisberg [1985]) (ImageNet [2014])

Page 13: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

13

Unsupervised Learning Tasks

• Anomaly detection / outlier detection

• Dimensionality Reduction

•Manifold Learning

• Clustering

Page 14: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

14

Anomaly Detection

• As instrumentation has improved, often the limiting

factor isn’t that there isn’t enough data but that there is

too much data

•With flight test there is often a small time window

between sorties. Thus quick cursory data analysis is

desired but not currently possible

• Anomaly Detection methods can help identify otherwise

hidden issues (not detected by aircrew) before they

manifest into larger issues

Page 15: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

15

Anomaly Detection

• Perform problem ID with logged & uncontrollable factors

− Variety of different algorithms and methodologies

− Choice of algorithm & methodology is dependent on

application and nature of data

Page 16: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

16

Dimensionality Reduction

• The goal: Take a high dimensional dataset and find a

“good” representation in a lower dimension (e.g., 2-D).

• Signal decomposition

methods:

− Principal Component

Analysis (PCA)

− Kernel PCA

− Factor Analysis

− Non-negative matrix

factorization

• Manifold learning:

– Isomap

– Locally linear embedding (LLE)

– Spectral embedding

– Multi-dimensional scaling (MDS)

– 𝒕-stochastic Neighbor

Embedding (𝒕-SNE)

Page 17: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

17

𝒕-stochastic Neighbor Embedding

• PCA is variance based.

• If the structure in the high dimensional space lies on a

non-linear manifold, PCA will not work well.

(Vanderplas, scikit-learn [2016])

Page 18: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

18

𝒕-stochastic Neighbor Embedding

(van der Maaten [2016])

Page 19: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

19

𝒕-stochastic Neighbor Embedding

(van der Maaten [2016])

Page 20: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

20

𝒕-stochastic Neighbor Embedding

(van der Maaten [2016])

Page 21: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

21

𝒕-stochastic Neighbor Embedding

(van der Maaten [2016])

Page 22: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

22

𝒕-stochastic neighbor embedding

0

1

2

3

4

5

6

7

8

9

t-SNE

Isomap

Sammon mapping

Locally Linear Embedding

(van der Maaten [2008])

Page 23: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

23

Clustering

• The goal: Partition a dataset to maximize similarity

within each partition.

• Connectivity-based /

hierarchical clustering

– Single Linkage

Clustering (SLINK)

• Centroid based

clustering

– 𝒌-means++

– 𝒌-medians

• Density based clustering

– Density-based spatial

clustering of

applications with noise

(DBSCAN)

• Distribution based

clustering

– Gaussian Mixture

Models

Page 24: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

24

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 25: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

25

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 26: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

26

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 27: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

27

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 28: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

28

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 29: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

29

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 30: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

30

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 31: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

31

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 32: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

32

𝒌-means

• Randomly draw

cluster centroids

• Until clustering

remains unchanged

− Assign points to

nearest centroid

− Calculate new

centroids

•Output Clustering

Page 33: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

33

Supervised Learning Tasks

• Classification

− Output is discrete

Speech Recognition

Image Classification

• Regression

− Output is continuous

Page 34: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

34

Neural Networks

• A Neuron

•Mathematical

model for a

neuron

𝑔

𝑎𝑗Σ𝑎𝑖𝑤𝑖𝑗

𝑤0𝑗

𝑎0 = 1

(Russell, Norvig [2010])

Page 35: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

35

Perceptrons

𝑥2

𝑥3

𝑥1

𝑦

𝑤1

𝑤2

𝑤3

• All inputs connected to outputs

• Error function:

− 𝑬 =𝟏

𝟐𝒕 − 𝒚 𝟐

• Update weights with each training case:

− Output unit is a threshold unit

𝚫𝒘𝒊 = 𝝐 𝒚 − 𝒕𝒉𝒓𝒆𝒔𝒉𝒐𝒍𝒅(𝒘⊤𝒙 ) ∗ 𝒙𝒊

− Output unit is a logistic unit

𝚫𝒘𝒊 = 𝝐𝝏𝑬

𝝏𝒘𝒊= 𝝐𝝈 𝒘⊤𝒙 (𝒚 − 𝝈 𝒘⊤𝒙 )(𝟏 − 𝝈 𝒘⊤𝒙 )𝒙𝒊

(Russell, Norvig [2010])

Page 36: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

36

Multi-layer Perceptron

• Better performing than a single-layer feed forward

neural network

• Trained with backpropagation

𝑥2

𝑥3

𝑥1

𝑤1

𝑤4

𝑤2

𝑤6

𝑤5

𝑤3

𝑦

𝑤7

𝑤8

ℎ1

ℎ2

Page 37: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

37

Image Text Recognition

•Over-the-shoulder videos are

common data sources

− Cheap to implement

− Processing is time intensive

• ANNs can help

(Karpathy [2015]) (Shi, et. al. [2016])

Page 38: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

38

Convolutional Neural Network

• Typically used for image classification

• RGB Images can be thought of as a 3d matrix

• Fully connected hidden layers too many weights

• The forward pass: pass a filter over the image

(Hinton [2013])

Page 39: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

39

Convolutional Neural Network

(Karpathy [2016])

Page 40: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

40

Convolutional Neural Network

(Karpathy [2016])

Page 41: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

41

Convolutional Neural Network

(Karpathy [2016])

Page 42: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

42

Convolutional Neural Network

(Karpathy [2016])

Page 43: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

43

Convolutional Neural Network

(Karpathy [2016])

Page 44: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

44

Convolutional Neural Network

(Karpathy [2016])

Page 45: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

45

Convolutional Neural Network

(Karpathy [2016])

Page 46: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

46

Convolutional Neural Network

(Karpathy [2016])

Page 47: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

47

Convolutional Neural Network

(Karpathy [2016])

Page 48: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

48

Hyperspectral Classification

Data from https://engineering.purdue.edu/biehl/MultiSpec/hyperspectral.html

Per-pixel classification from hyperspectral data

Page 49: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

49

CNNs on MNIST

•Misclassifications of

LeNet5

(LeCun [1998])

Page 50: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

50

Recurrent Neural Networks

• Directed cycles in their connection graph

•MLPs and CNNs require fixed sized input

• Used to model sequential data

• Hard to Train

Input

Layer

Hidden

Layer

Output

Layer

𝑡1 𝑡2 𝑡3 𝑡4 𝑡5 𝑡6

Page 51: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

51

Recurrent Neural Networks

(Karpathy [2015])

Page 52: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

52

Image Text Recognition

• Different ways of thinking

about the problem

• Long Short-Term Memory

Layer most recently used

(Karpathy [2015]) (Shi, et. al. [2016])

Page 53: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

53

Audio-speech Recognition

• Traditional Speech Models

Speech

waveform

Acoustic

Model

argmax𝑋

𝑃 𝑊 𝑋 = argmax𝑊,𝐿

𝑃 𝑋 𝐿 𝑃 𝐿 𝑊 𝑃(𝑊)

Pronunciation

Model

Language

ModelSentence

(kaˈfā) (cafe)

Phenomes Words

(Beaufays [2016])

Page 54: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

54

Other Acoustic Models

•Other DNN based approaches to acoustic modeling

(Beaufays [2016])

Method Year

DBN 2012

Long Short Term Memory

(LSTM)

2013

Convolutional LSTM DNN 2014

Connectionist Temporal

Classification (CTC)

2015

Page 55: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

55

Summary of Applications

• Audio to text

− Transcribe in-flight audio/ conversations

− Transcribe survey conversations

− Easily slew to audio of interest

• Image captioning

− Write text in image to a text file

− In-flight data

•Object recognition in images

− Help label truth data when testing sensors

• Video is just adding a time dimension to images

− Techniques from images may be applied to video

Page 56: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

56

Next Steps

• Low hanging fruit

− Use already existing open source text recognition in

images/video

OpenCV

− Use free audio transcription software

TensorFlow (Google)

SwiftScribe (Baidu)

Page 57: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

57

Next Steps

•Open areas for development:

− Transcribing acronyms

− Using Machine Learning on bus data to tell a maintainer of

a certain risk.

− ATC radar more accurately narrowing down location of a/c

in real time (Hrastovec et. al. [2014])

− Identifying early indications of airframe stress and strain

(Hickinbotham et. al. [2000])

Page 58: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

58

Acknowledgements

•Workshop organizers

• AFOTEC Det 5 leadership

•Mr. Jeff Wilson

• Capt Joshua Vaughan

Page 59: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

59

References

• Hinton, Geoffrey. Artificial Neural Networks. Coursera. (2013)

• ImageNet (2014). http://www.image-net.org/challenges/LSVRC/2014/ui/det.html

• Karpathy, Andrej et. al. CS321n online course notes: http://cs231n.stanford.edu/

• Karpathy, Andrej RNN github page (2015): http://karpathy.github.io/2015/05/21/rnn-

effectiveness/

• LeCun, Yann “Gradient-Based Learning Applied to document Recognition”

• MATLAB documentation (2017): https://www.mathworks.com/discovery/support-

vector-machine.html

• van der Maaten 𝒕-SNE github page (2016): https://lvdmaaten.github.io/tsne/

• van der Maaten, Hinton. “Visualizing Data using 𝒕-SNE” JMLR 2008

• Russell, Norvig. Artificial Intelligence: A Modern Approach. 3rd Ed. 2010. New Jersey:

Pearson.

• scikit-learn documentation (2016). http://scikit-learn.org/stable/documentation.html

• S. Weisberg (1985). Applied Linear Regression, Second Edition. New York: John

Wiley and Sons.

• Wolberg, W.H., & Mangasarian, O.L. (1990). Multisurface method of pattern

separation for medical diagnosis applied to breast cytology. In Proceedings of the

National Academy of Sciences, 87, 9193--9196.

Page 60: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

60

References

• van der Maaten, Hinton. “Visualizing Data using 𝒕-SNE” JMLR (2008).

• Shi, Baoguang, Xiang Bai, and Cong Yao. "An end-to-end trainable neural network

for image-based sequence recognition and its application to scene text recognition."

IEEE Transactions on Pattern Analysis and Machine Intelligence (2016).

• Ghamisi, Pedram, et al. "Advanced Supervised Spectral Classifiers for Hyperspectral

Images: A Review." IEEE Geoscience and Remote Sensing Magazine (GRSM) (2017).

• Dahl, George E., Dong, Deng, Acero. “ Context-Dependent Pre-Trained Deep Neural

Networks for Large-Vocabulary Speech Recognition.” IEEE Transactions on Audio,

Speech, and Language Processing (2012).

• Gupta, Manish, et. al. “Outlier Detection for Temporal Data: A Survey.” IEE

Transactions on Knowledge and Data Engineering (2014).

• Beaufays, Francoise. “Speech Recognition” Google I/O (2016).

• Yoon, Seunghyun, et al. "Efficient Transfer Learning Schemes for Personalized

Language Modeling using Recurrent Neural Network." arXiv preprint

arXiv:1701.03578 (2017).

Page 61: Machine Learning: Overview & Applications to Test · Machine Learning: Overview & Applications to Test 1st Lt Takayuki Iguchi 1st Lt Megan E. Lewis AFOTEC/Det 5/DTS Release Date:

61

Questions?