Deep Learning-based Deep Neural Networks and Applications Flashcards

1
Q

What is DL/DNN?

A

a subfield of machine learning that involves training neural networks to learn from data and make predicitons

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
2
Q

What fields are DNNs used in?

A

computer vision, NLP, speech recognition, etc

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
3
Q

What are deep learning algorithms designed to do?

A

automatically learn features from raw data by stacking multiple layers of nonlinear transformations

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
4
Q

What does the term “deep” refer to?

A

The number of layers which can range from a few to hundreds to thousands

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
5
Q

What can NN based on deep learning be viewed as?

A

a special case of an already existing multi-layer neural network

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
6
Q

What was the beginning of deep learning?

A

Neocognitron which had 7 layers

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
7
Q

By who and when was Neocognitron developed?

A

Dr. Fukushina in early 1980s

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
8
Q

What was Neocognitron used for?

A

handwritten japanese character recognition and pattern recognition

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
9
Q

What did Neocognitron inspire?

A

CNNs (it just didn’t use backpropagation)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
10
Q

What did Hubel and Wiesel win the 1981 Nobel Prize in Physiology or Medicine for?

A

research on the visual system

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
11
Q

What did Hubel and Wiesel discover?

A

feature detectors (neurons that respond selectively to lines or edges)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
12
Q

What kind of machine learning techniques are a majority?

A

SVM

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
13
Q

When was deep learning started and why?

A

in 2006 because CPUs and GPUs have become able to handle more massive amounts of data quickly

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
14
Q

How was deep learning different from existing multi-layer perceptrons (when it began)?

A

added pre-processing through learning, had up to 1000 hidden layers as opposed to 1 to 2

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
15
Q

What algorithm solves the overfitting problem?

A

dropout algorithm

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
16
Q

When did Hinton and his students win the Turing award for deep learning achievements?

A

2018

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
17
Q

Since 2009 how has deep learning advanced?

A

has begun to surpass existing pattern recognition methods

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
18
Q

What field is deep learning excelling in?

A

pattern recognition

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
19
Q

What is the difference between classification methods in machine learning and deep learning?

A

machine learning has separate feature extraction and classification steps while deep learning does those simultaneously and automatically

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
20
Q

What kind of data sets does deep learning learn from?

A

large scale data sets

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
21
Q

When is deep learning superior to other learning models?

A

when there are larger data sets

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
22
Q

What kind of operations does a CNN use?

A

convolutional operations

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
23
Q

What is CNN used for?

A

image analysis and image recognition

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
24
Q

How do CNNs learn?

A

using feature maps

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
25
Q

What particular image recognition application are CNNs used for?

A

car systems

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
26
Q

What are 3 major CNNs throughout history?

A

Neocognitron (1980), LeNet-5 (1989-1998), AlexNet (2012)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
27
Q

How does CNN perform object recognition?

A

measures the likelihood of an object’s identity in an image

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
28
Q

What is a loose definition of a CNN?

A

a neural network created to mimic the way the eye processes image information

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
29
Q

How does CNN compare to FNN?

A

its more complex but more effective for image processing

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
30
Q

How does CNN borrow techniques from cat visual cells?

A

the neurons that are activated depend on where the “cat” is looking at the screen (only specific areas of neurons are activated at certain times)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
31
Q

How is the CNN designed based off of cat visual cells?

A

there’s a neural network that corresponds to neurons for each region on the screen

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
32
Q

What is convolution?

A

an operation that multiplies the weights of surrounding pixel values and adds them then uses this as a new pixel

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
33
Q

How do we implement a CNN to mimic the flow and processing of visual information in a human brain?

A

using convolutional filters

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
34
Q

What is stride?

A

distance to apply the kernel (if stride=1 then move kernel 1 pixel at a time, stride=2 skip one pixel each move, etc)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
35
Q

If the original size is mm, kernel size is nn, and stride is s, what does the image size become?

A

(mn)/(s+1) * (mn)/(s+1) (aka 1/stride)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
36
Q

What are CNN weights?

A

numbers listed in the filter (correlates to the weight of FNN)

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
37
Q

What is perceptron learning?

A

process of modifying weight (modifying numbers inside the filter) which allows features to be effectively extracted from the image

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
38
Q

How do you use CNNs to mimic the human visual cortex?

A

stack CNNs like perceptrons allowing you to learn simple info in low layers and abstract info in high layers

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
39
Q

What is a Hierarchical Feature Map?

A

the information processed at each layer of multiple stacked CNNs that is organized and expressed graphically

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
40
Q

What is another word for a feature map?

A

activation map

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
41
Q

What does a feature map show?

A

the result of extracting features from the input image

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
42
Q

How do CNNs use extracted features?

A

for object recognition

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
43
Q

True or false: As layers become deeper the original image becomes less abstract?

A

false, it becomes more abstract

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
44
Q

How do CNNS build neural networks?

A

by connecting multiple layers

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
45
Q

When and why would CNN use an FNN classifier attached to the back?

A

for video data, because CNN has excellent ability to compress video data but the output of CNN is only 2D so the FNN helps with that

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
46
Q

What reduces the size of input data?

A

pooling aka subsampling

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
47
Q

Why should we use pooling?

A

calculations are faster when the layer size is smaller and the probability of overfitting decreases with smaller neural network parameters

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
48
Q

True or false: The higher the floor, the more information it contains?

A

true

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
49
Q

What kind of features does classic computer vision use?

A

hand-crafted features

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
50
Q

Why is computer able to have a certain level of performance?

A

because it is designed with human intuition

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
51
Q

True or false: Computer vision has high performance on complex data like natural images?

A

false

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
52
Q

What was the paradigm change in feature extraction brought by CNN?

A

learning feature extraction and classification is simultaneous

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
53
Q

Why is CNN end-to-end learning?

A

since the entire process from input to output is learned at once

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
54
Q

Which CNN layers are responsible for feature extraction?

A

convolution layer and pooling layer

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
55
Q

Which CNN layer is responsible for classification?

A

FC layer

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
56
Q

Why is CNN superior to traditional CV or FNN in performance?

A

end-to-end learning, feature learning, uses tens to hundreds of layers, maintains original structure of data, and partial connectivity and weight sharing

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
57
Q

What does partial connectivity and weight sharing do in terms of performance?

A

dramatically reduces the number of operations

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
58
Q

What is a RNN?

A

a recurrent neural network is a type of ANN that is capable of processing sequential data

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
59
Q

What do RNNs have that is different from feedforward neural networks?

A

a feedback loop

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
60
Q

What kind of data is RNN useful for?

A

sequential data such as time series, speech recognition, and handwriting recognition

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
61
Q

What is sequential data?

A

ordered data (either temporal or spatial)

62
Q

What are some examples of sequential data?

A

stock prices, text and audio data

63
Q

What is necessary for processing sequential data and making accurate predictions?

A

to remember historical data

64
Q

Why is there a need for RNN, aka a neural network to better handle sequential data?

A

standard neural networks don’t remember data from the distant past

65
Q

What are the functions of RNNs?

A

ability to: handle variable-length inputs, track long-term dependencies, and keep information about the order

66
Q

What is recurrent data?

A

data used to train recurrent neural networks

67
Q

What is necessary to train and RNN?

A

cutting data to certain lengths to make multiple training sample

68
Q

What serves as a kind of memory that carries information from the past into the future?

A

when past learning influences future learning outcomes

69
Q

What are some applications for RNNs?

A

language modeling and generation, music composition, speech recognition, and time series anomaly detection

70
Q

What is a classification model?

A

ability to recognize features or objects and recognize emotions based off of facial expressions, mainly focuses on discernment abilities

71
Q

What are some examples of classification models?

A

multi-layer perceptron, CNN, RNN, etc

72
Q

What is a generative model?

A

AI that imitates human handwriting, art styles, etc.

73
Q

What are some examples of generative models?

A

HMM and deep learning based generation model

74
Q

What is the key difference between classification and generative models?

A

classification models determine which classes inputs belong to, and generative models learn patterns from input data

75
Q

Describe a generative model.

A

a neural network that automatically discovers patterns in the training data and creates new samples that resemble the probability distribution of the training data

76
Q

What does a generative model do to produce output?

A

learn the latent space representation of training data

77
Q

What is an auto encoder (AE)?

A

a neural network that learns input data and performs encoding and decoding to produce an output identical to the input

78
Q

What are AEs used for?

A

feature learning, dimensionality reduction, representation learning

79
Q

What are some applications of AEs?

A

anomaly detection, abnormal financial transactions, visualization and restoration of data, meaning extraction, and image search

80
Q

What are the elements of an AE?

A

encoder, latent space, decoder, loss function

81
Q

What does the encoder in an AE do?

A

encodes input into the latent space

82
Q

What does the latent space in an AE do?

A

high-level features that compress and represent the original pattern

83
Q

What does the decoder in an AE do?

A

unpacks the latent space and restores it to the input

84
Q

What does the loss function in an AE do?

A

uses MSE of input and output images

85
Q

Does modern deep learning need an AE to achieve high performance?

A

no

86
Q

Which generation models perform better than AE?

A

GAN and cycleGAN

87
Q

What is RBM?

A

Restricted Boltzmann Machine, a model proposed by Hinton and is an unsupervised generative model that captures higher-order correlations in the data

88
Q

How does RBM automatically fin patterns in data?

A

extracts important features and combines features to form patterns

89
Q

What are applications of RBM?

A

feature extraction, dimensionality reduction, e.g. spectrum analysis

90
Q

What kind of neural network does an RBM use?

A

shallow neural network with only 2 layers (visible layer and hidden layer)

91
Q

What is GAN?

A

Generative Adversarial Network

92
Q

When was GAN introduced and by who?

A

Ian Goodfellow and others in 2014

93
Q

How is GAN implemented?

A

2 competing neural networks in a zero-sum game where one aims to fool the other by producing realistic candidates

94
Q

What can GAN do?

A

create fake images or videos that look real

95
Q

What are the 2 GAN NN called?

A

the generator (DCNN) and the discriminator (CNN)

96
Q

What does the generator do?

A

creates new data instances and is trained to produce data that is similar to the training set

97
Q

What does the discriminator do?

A

evaluates the data instances for authenticity and is trained to distinguish between the generated data and real data

98
Q

What process trains the two NN together?

A

adversarial training

99
Q

How does adversarial training work?

A

when is begins, the generator doesn’t know what to generate so random noise is supplied as input, and it makes random noise output, then the discriminator has an easy time distinguishing between real and fake, but as training goes on, the replicas and distinguishing gets better

100
Q

Why should we use random noise in generators?

A

using average pixel value calculation we can produce images but they will be the same every times, so generative models need stochastic random elements to influence the output, essentially the random noise acts as a seed

101
Q

When did Google train a neural network to recognize cats?

A

2012

102
Q

How did Google train the cat recognition model?

A

expose it to 10 million randomly chosen youtube video thumbnails over 3 days

103
Q

What kind of learning did the cat recognition model use?

A

unsupervised learning to identify relevant parts of a photo based on data patterns

104
Q

What kind of accuracy did the cat recognition network have?

A

70%

105
Q

How many connections and computers did the cat recognition network have?

A

1 billion connections and 16,000 computers

106
Q

How is deep learning used in computer games?

A

adjust difficulty, personalize, and improve immersion

107
Q

How do computer games use deep learning to adjust game difficulty?

A

based on the player’s performance it adjusts the difficulty to balance the difficulty and player skill level in order to improve player engagement

108
Q

How do computer games use deep learning to personalize the game?

A

analyze player data and behavior to create tailored experiences and content recommendations

109
Q

How do computer games use deep learning to improve immersion?

A

improve text to speech, speech to text, and speech synthesis

110
Q

How does cycleGAN differ from GAN?

A

GAN uses 2 adversarial neural networks, and cycleGAN uses 4 (2 generators and 2 discriminators)

111
Q

What are some global companies that are using deep learning technology?

A

google, MS, facebook, twitter, and baidu

112
Q

How has google used deep learning?

A

voice recognition, translation, cat image recognition, youtube recommendations, automatic tagging, etc.

113
Q

How did google contribute to the deep learning research field?

A

released TensorFlow source code

114
Q

How has MS used deep learning?

A

detecting breed of dog from photo, simultaneous interpretation technology for Cortana and Skype

115
Q

What is MS’s main deep learning project?

A

Adam Project

116
Q

How has Facebook used deep learning?

A

creating DeepFace to recognize human faces, faces can be recognized from various angles or lighting based on user-uploaded pictures, translator tool

117
Q

What kind of accuracy does DeepFace have?

A

97%

118
Q

How has Twitter used deep learning?

A

photo analysis

119
Q

How did Baidu break into deep learning?

A

Prof. Andrew Ng, the leader of the Brain project at Google, moved to Baidu in 2014

120
Q

Which domestic (Korean) companies use deep learning?

A

Naver, Daum Kakao, Samsung, LG, etc

121
Q

How does Naver use deep learning?

A

voice recognition, news summaries

122
Q

What is evolving through deep learning?

A

image recognition

123
Q

How has image recognition improved?

A

accuracy increased and recognition time decreased

124
Q

What kind of deep learning technology will emerge in the near future?

A

XAI (Explainable AI) which means in addition to recognition results, the reason is also explained

125
Q

Where are some current limitations of deep learning?

A

in text, video, and voice recognition

126
Q

What are the current expectations of deep learning?

A

learning on large scale data, range getting wider, accuracy improving, scope of application is expanding (many high expectations for the 4th industrial revolution)

127
Q

Why are GPUs important for deep learning?

A

they can performs multiple computations simultaneously

128
Q

Why are GPUs optimized for training deep learning models?

A

they have thousands of cores

129
Q

How much faster is a GPU than a CPU?

A

3 times faster when processing parallel tasks

130
Q

What is crucial for speeding up deep learning neural network training and why?

A

parallelism because it requires millions of calculations

131
Q

What hardware was developed for the parallel processing that is needed by deep learning algorithms?

A

NPU (neural processing unit)

132
Q

What is NPU?

A

a processing unit specifically designed to speed up neural networks also called IPUs (intelligent processing unit)

133
Q

How does an NPU differ from a GPU?

A

NPU is specialized for AI tasks and GPU is versatile

134
Q

What range of tasks is a GPU good for?

A

graphics rendering, scientific simulations, and computation heavy tasks

135
Q

What market is rapidly increasing?

A

the AI semiconductor market

136
Q

What hardware is currently being developed for AI?

A

next generation NPUs

137
Q

Why is TensorFlow used for ML and DL?

A

it has convenient software kits that returns results when you put information into the library

138
Q

When was TensorFlow released and by who?

A

2015 by Google

139
Q

What is TensorFlow?

A

a deep learning framework implemented in C++ with multiple interfaces that can be accessed from multiple languages through Python

140
Q

How does TensorFlow visualize various tasks?

A

dataflow graphs

141
Q

What language is Keras written in?

A

Python

142
Q

What is the most popular backend to use with Keras?

A

TensorFlow

143
Q

What kind of neural networks does Keras use?

A

feedforward, convolutional, and recurrent neural networks and combinations of them

144
Q

What kind of hardware processing units can Keras run on?

A

CPU and GPU

145
Q

What model type is used in Keras as the core data structure?

A

sequential linear stack model

146
Q

How is Google utilizing TensorFlow?

A

search, ads, google maps, street view, translation, YouTube, etc

147
Q

How is TensorFlow utilized for ML and DL?

A

recognition or cursive letters or numbers, voice, image, NLP and machine translation

148
Q

Who was PyTorch developed by?

A

Facebook’s AI team

149
Q

What is PyTorch?

A

a Python-based open source ML library

150
Q

When was PyTorch released?

A

2016, then stabilized in April 2019

151
Q

what is PyTorch used for?

A

NLP

152
Q

129-133

A