SlideShare ist ein Scribd-Unternehmen logo
1 von 64
Downloaden Sie, um offline zu lesen
Convolutional Neural
Networks
(CNN, ConvNets)
Deep Learning: Theory
Xavier Giro-i-Nieto
@DocXavi
xavier.giro@upc.edu
Associate Professor
Universitat Politècnica de Catalunya[GCED] [Lectures repo]
Acknowledgements
2
Míriam Bellver
miriam.bellver@bsc.edu
PhD Candidate
Barcelona Supercomputing Center
Kevin McGuinness
kevin.mcguinness@dcu.ie
Research Fellow
Insight Centre for Data Analytics
Dublin City University
Outline
1. Architecture
2. Interpretability
3. Computation
4. Receptive Fields
5. Convoluzionization
6. Applications
3
Multi-Layer Perceptron Convolutional Neural Net
4
ConvNets Architecture
Figure: Fei-Fei Li et al, “CS231n: Convolutional Neural Networks for Visual Recognition”, Stanford University.
ConvNets Architecture
A ConvNet is a sequence of Convolution Layers, interspersed with activation
functions
5
Figure: Fei-Fei Li et al, “CS231n: Convolutional Neural Networks for Visual Recognition”, Stanford University.
Neocognitron (predecessor)
6
#Neocognitron Fukushima, K., & Wake, N. (1991). Handwritten alphanumeric character recognition by the
neocognitron. IEEE transactions on Neural Networks, 2(3), 355-365.
ConvNets Architecture
7
LeNet-1, the first convolutional network that could recognize handwritten digits with good speed and accuracy.
Developed between 1988 and 1993 in the Adaptive System Research Department, headed by Larry Jackel, at Bell Labs
in Holmdel, NJ, USA:
ConvNets Architecture
LeNet-5: The most typical architecture consists on several convolutional layers,
interspersed with pooling layers, and followed by a small number of fully
connected layers
8
#LeNet LeCun, Y., Bottou, L., Bengio, Y., & Haffner, P. Gradient-based learning applied to document recognition.
Proceedings of the IEEE, 1998.
9
You can also
check @boredyannlecun
on Twitter...
Yann LeCun
ConvNets Architecture
Convolution in Color Images (eg. RGB, YCBCr...)
A 5x5 convolution on a volume of
depth 3 (e.g. an image) needs a filter
(kernel) with 5x5x3 elements
(weights) + a bias.
Kernels move along 2 dimensions,
that’s why these are 2D convolutions
as well.
32
32
5
5
3
10
Figure: Fei-Fei Li et al, “CS231n: Convolutional Neural Networks for Visual Recognition”, Stanford University.
ConvNets in Color Images (eg. RGB, YCBCr...)
11#AlexNet Krizhevsky, Alex, Ilya Sutskever, and Geoffrey E. Hinton. "Imagenet classification with deep convolutional neural
networks." NIPS 2012
Outline
1. Architecture
2. Interpretability
3. Computation
4. Receptive Fields
5. Convoluzionization
6. Applications
12
ConvNets Architecture
13
Demo: 3D Visualization of a Convolutional Neural Network
Harley, Adam W. "An Interactive Node-Link Visualization of Convolutional Neural Networks." In Advances in Visual Computing,
pp. 867-877. Springer International Publishing, 2015.
ConvNets Architecture
14
Demo: Classify MNIST digits with a Convolutional Neural Network
“ConvNetJS is a Javascript library for
training Deep Learning models (mainly
Neural Networks) entirely in your browser.
Open a tab and you're training. No
software requirements, no compilers, no
installations, no GPUs, no sweat.”
15
#CNNExplainer Wang, Z. J., Turko, R., Shaikh, O., Park, H., Das, N., Hohman, F., ... & Chau, D. H. (2020). CNN Explainer:
Learning Convolutional Neural Networks with Interactive Visualization. IEEE VIS 2020.
Why using CNNs for images?
● The patterns they learn are translation
invariant:
○ Each filter will learn to detect a certain pattern,
that can be recognized in any location of the image.
Then these filters are translation invariant. This is
data efficient, and with less training samples CNNs
can learn representations that can generalize.
● They can learn hierarchies of patterns.
○ A first convolutional layer will learn small local
patterns, and the following convolutional layers will
learn larger patterns made of features of the first
layers, and so on. Then convnets can learn complex
and abstract visual concepts.
16
Figure: François Chollet, ”Deep Learning with Python”, Mannnig Publications 2017.
Outline
1. Architecture
2. Interpretability
3. Computation
4. Receptive Fields
5. Convoluzionization
6. Applications
17
Outline
1. Architecture
2. Interpretability
3. Computation
○ Memory
4. Receptive Fields
5. Convoluzionization
6. Applications
18
Kevin McGuinness, “Deep Learning for Computer Vision”,
UPC TelecomBCN Barcelona 2016
Improving convnet accuracy
A common strategy for improving convnet accuracy
is to make it bigger
● Add more layers
● Made layers wider, increase depth
● Increase kernel sizes*
Works if you have sufficient data and strong
regularization (dropout, maxout, etc.)
Especially true in light of recent advances:
● ResNets: 50-1000 layers
● Batch normalization: reduce covariate shift
network year layers top-5
Alexnet 2012 7 17.0
VGG-19 2014 19 9.35
GoogleNet 2014 22 9.15
Resnet-50 2015 50 6.71
Resnet-152 2015 152 5.71
Without ensembles
19
Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
Increasing network size
Increasing network size means using more
memory
Train time:
● Memory to store outputs of intermediate
layers (forward pass)
● Memory to store parameters
● Memory to store error signal at each
neuron
● Memory to store gradient of parameters
● Any extra memory needed by optimizer
(e.g. for momentum)
Test time:
● Memory to store outputs of intermediate
layers (forward pass)
● Memory to store parameters
Modern GPUs are still relatively memory
constrained:
● GTX Titan X: 12GB
● GTX 980: 4GB
● Tesla K40: 12GB
● Tesla K20: 5GB
20
Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
Calculating memory requirements
Often the size of the network will be practically bound by available memory
Useful to be able to estimate memory requirements of network
True memory usage depends on the implementation
21
Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
Calculating the model size
Conv layers:
Num weights on conv layers does not depend on
input size (weight sharing)
Depends only on depth, kernel size, and depth of
previous layer
22
Calculating the model size
parameters
weights: depthn
x (kernelw
x kernelh
) x depth(n-1)
biases: depthn
23
Calculating the model size
parameters
weights: 32 x (3 x 3) x 1 = 288
biases: 32
24
Calculating the model size
parameters
weights: 32 x (3 x 3) x 32 = 9216
biases: 32
25
Calculating the model size
Pooling layers are parameter-free
26
Calculating the model size
Fully connected layers
● #weights = #outputs x #inputs
● #biases = #outputs
If previous layer has spatial extent
(e.g. pooling or convolutional), then
#inputs is size of flattened layer.
27
Calculating the model size
parameters
weights: #outputs x #inputs
biases: #inputs
28
Calculating the model size
parameters
weights: 128 x (14 x 14 x 32) = 802816
biases: 128
29
Calculating the model size
parameters
weights: 10 x 128 = 1280
biases: 10
30
Total model size
parameters
weights: 10 x 128 = 1280
biases: 10
parameters
weights: 128 x (14 x 14 x 32) = 802816
biases: 128
parameters
weights: 32 x (3 x 3) x 32 = 9216
biases: 32
parameters
weights: 32 x (3 x 3) x 1 = 288
biases: 32
Total: 813,802
~ 3.1 MB (32-bit floats) 31
Feature map sizes
Easy…
Conv layers: width x height x depth
FC layers: #outputs
32 x (14 x 14) = 6,272
32 x (28 x 28) = 25,088
32
Total memory requirements (train time)
Memory for layer error
Memory for parameters
Memory for param gradients
Depends on implementation and optimizer
Memory for momentum
Memory for layer outputs
Implementation overhead (memory for convolutions, etc.)
33
Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
Total memory requirements (test time)
Memory for layer error
Memory for parameters
Memory for param gradients
Depends on implementation and optimizer
Memory for momentum
Memory for layer outputs
Implementation overhead (memory for convolutions, etc.)
34
Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
Outline
1. Architecture
2. Interpretability
3. Computation
○ Operations
4. Receptive Fields
5. Convoluzionization
6. Applications
35
Estimating computational complexity
Useful to be able to estimate computational
complexity of an architecture when designing it
Computation in deep NN is dominated by
multiply-adds in FC and conv layers.
Typically we estimate the number of FLOPs
(multiply-adds) in the forward pass
Ignore non-linearities, dropout, and normalization
layers (negligible cost).
36
Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
Estimating computational complexity
Fully connected layer FLOPs
Easy: equal to the number of weights
(ignoring biases)
= #num_inputs x #num_outputs
Convolution layer FLOPs
Product of:
● Spatial width of the map
● Spatial height of the map
● Previous layer depth
● Current layer depjh
● Kernel width
● Kernel height
37
Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
Example: VGG-16
Layer H W kernel H kernel W depth repeats FLOP/s
input 224 224 1 1 3 1 0.00E+00
conv1 224 224 3 3 64 2 1.94E+09
conv2 112 112 3 3 128 2 2.77E+09
conv3 56 56 3 3 256 3 4.62E+09
conv4 28 28 3 3 512 3 4.62E+09
conv5 14 14 3 3 512 3 1.39E+09
flatten 1 1 0 0 100352 1 0.00E+00
fc6 1 1 1 1 4096 1 4.11E+08
fc7 1 1 1 1 4096 1 1.68E+07
fc8 1 1 1 1 100 1 4.10E+05
1.58E+10
Bulk of
computation is
here
38
Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
Outline
1. Architecture
2. Interpretability
3. Computation
4. Receptive Fields
5. Convoluzionization
6. Applications
39
Receptive Field
40
Receptive field: Part of the input that is visible to a neuron. It increases as we
stack more convolutional layers (i.e. neurons in deeper layers have larger receptive
fields).
Figure: Saulius Garalevicius
Receptive Field (1D Conv)
41
1 2 3 4 5
1st Conv
Layer
K=3
2nd Conv
Layer
K=3
1 2 3
Input
Layer
Receptive Field
42
Useful to be able to compute how far a
convolutional node in a convnet sees:
● Size of the input pixel patch that affects a
node’s output
● Known as the effective aperture size,
coverage, or receptive field size
Depends on kernel size and strides from
previous layers
● 7x7 kernel can see a 7x7 patch of the
layer below
● Stride of 2 doubles what all layers after
can see
Calculate recursively
43
Receptive Field & Stacked Convolutions
#VGG Simonyan, Karen, and Andrew Zisserman. "Very deep convolutional networks for large-scale image recognition."
ICLR 2015. [video] [slides] [project]
44
Receptive Field & Inception Modules
#NiN Lin, Min, Qiang Chen, and Shuicheng Yan. "Network in network." ICLR 2014.
45
now, a filter of 2x2 will
see a bigger patch of the
input image! Receptive
field will be bigger, and
learn more abstract
concepts!
Figure Credit, CS231n Course
Receptive Field & Pooling Layer
Receptive Field
46
Larger receptive field is
related to the performance
of computer vision models.
André Araujo, Wade Norris, Jack Sim, “Computing Receptive Fields of Convolutional Neural Networks”. Distill.pub
2019.
Problem: Receptive field may be limited, and pixel-wise predictions at
the deepest layer may not be aware of the whole image.
Dilated Convolutions
● By adding more layers:
○ The receptive field grows exponentially.
○ The number of learnable parameters (filter weights) grows linearly.
47
Yu, F., & Koltun, V. (2015). Multi-scale context aggregation by dilated convolutions. ICLR 2016.
Dilated Convolutions
48
Vincent Dumoulin, Francesco Visin, “A guide to convolution arithmetic for deep learning”, arXiv 2016. [code]
Outline
1. Architecture
2. Interpretability
3. Computation
4. Receptive Fields
5. Convoluzionization
6. Applications
49
Convoluzionization
50
3x2x2 tensor
(RGB image of 2x2)
2 fully connected
neurons
3x2x2 * 2 weights
2 convolutional filters of 3 x 2 x 2
(same size as input tensor)
3x2x2 * 2 weights
A neuron in a fully connected layer is equivalent to a convolutional neuron with as
many weights as input values from the previous layer.
Convoluzionization
51
...a model trained for image classification on low-definition images can provide local
response when fed with high-definition images.
Long, Jonathan, Evan Shelhamer, and Trevor Darrell. "Fully convolutional networks for semantic segmentation." CVPR
2015. (original figure has been modified)
Convoluzionization
52Campos, V., Jou, B., & Giro-i-Nieto, X. . From Pixels to Sentiment: Fine-tuning CNNs for Visual Sentiment Prediction.
Image and Vision Computing. (2017)
The FC to Conv redefinition allows generating heatmaps of the class prediction over
the input images.
Convoluzionization
53
Outline
1. Architecture
2. Interpretability
3. Computation
4. Receptive Fields
5. Convoluzionization
6. Applications
54
Convolutional neural networks
Is this exclusive to images?
NO!!
Convolutional Neural Networks have been proved to work well for other kinds of
signals (text, speech…) as they are computationally very efficient and can learn
very useful representations!
55
56
Speech Encoding
#SEGAN Pascual, Santiago, Antonio Bonafonte, and Joan Serra. "SEGAN: Speech enhancement generative adversarial
network." Interspeech 2017.
57
Speech Recognition
#Conformer Gulati, A., Qin, J., Chiu, C. C., Parmar, N., Zhang, Y., Yu, J., ... & Pang, R. (2020). Conformer:
Convolution-augmented Transformer for Speech Recognition. arXiv preprint arXiv:2005.08100.
58
Gehring, Jonas, Michael Auli, David Grangier, Denis Yarats, and Yann N. Dauphin. "Convolutional sequence to sequence
learning." ICML 2017.
Text Encoding
Outline
1. Architecture
2. Interpretability
3. Computation
4. Receptive Fields
5. Convoluzionization
6. Applications
59
60
Deep Learning TV, “Convolutional Neural Networks - Ep. 8”
Learn more
Learn more
61
Sander Dieleman, “The Deep Learning Lecture Series”, UCL (2020)
The end of convolutional layers ?
62
Learn more
Jordi Pons, “Convolutional neural networks”. 2020.
Lecture notes by Andrej Karpathy (Stanford)
Fan, Y., Xian, Y., Losch, M. M., & Schiele, B. (2020). Analyzing the Dependency of
ConvNets on Spatial Information. arXiv preprint arXiv:2002.01827.
Ed Wagstaff & Fabian Fuchs, “Group CNNs”
Islam, M. A., Jia, S., & Bruce, N. D. (2020). How much Position Information Do
Convolutional Neural Networks Encode?. ICLR 2020. [tweet1] [tweet2]
Vinee Pratap, Ronan Collobert, Online speech recognition with
wav2letter@anywhere. Facebook AI (2020)
63
64

Weitere ähnliche Inhalte

Was ist angesagt?

Interpretability of Convolutional Neural Networks - Xavier Giro - UPC Barcelo...
Interpretability of Convolutional Neural Networks - Xavier Giro - UPC Barcelo...Interpretability of Convolutional Neural Networks - Xavier Giro - UPC Barcelo...
Interpretability of Convolutional Neural Networks - Xavier Giro - UPC Barcelo...Universitat Politècnica de Catalunya
 
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020Universitat Politècnica de Catalunya
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Universitat Politècnica de Catalunya
 
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018Universitat Politècnica de Catalunya
 
Recurrent Neural Networks RNN - Xavier Giro - UPC TelecomBCN Barcelona 2020
Recurrent Neural Networks RNN - Xavier Giro - UPC TelecomBCN Barcelona 2020Recurrent Neural Networks RNN - Xavier Giro - UPC TelecomBCN Barcelona 2020
Recurrent Neural Networks RNN - Xavier Giro - UPC TelecomBCN Barcelona 2020Universitat Politècnica de Catalunya
 
Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)
Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)
Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)Universitat Politècnica de Catalunya
 
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018Universitat Politècnica de Catalunya
 
Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...
Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...
Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...Universitat Politècnica de Catalunya
 
Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...
Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...
Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...Universitat Politècnica de Catalunya
 
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)Universitat Politècnica de Catalunya
 
Reinforcement Learning (Reloaded) - Xavier Giró-i-Nieto - UPC Barcelona 2018
Reinforcement Learning (Reloaded) - Xavier Giró-i-Nieto - UPC Barcelona 2018Reinforcement Learning (Reloaded) - Xavier Giró-i-Nieto - UPC Barcelona 2018
Reinforcement Learning (Reloaded) - Xavier Giró-i-Nieto - UPC Barcelona 2018Universitat Politècnica de Catalunya
 

Was ist angesagt? (20)

Interpretability of Convolutional Neural Networks - Xavier Giro - UPC Barcelo...
Interpretability of Convolutional Neural Networks - Xavier Giro - UPC Barcelo...Interpretability of Convolutional Neural Networks - Xavier Giro - UPC Barcelo...
Interpretability of Convolutional Neural Networks - Xavier Giro - UPC Barcelo...
 
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
Attention for Deep Learning - Xavier Giro - UPC TelecomBCN Barcelona 2020
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
 
Backpropagation for Neural Networks
Backpropagation for Neural NetworksBackpropagation for Neural Networks
Backpropagation for Neural Networks
 
Backpropagation for Deep Learning
Backpropagation for Deep LearningBackpropagation for Deep Learning
Backpropagation for Deep Learning
 
Deep Learning Representations for All (a.ka. the AI hype)
Deep Learning Representations for All (a.ka. the AI hype)Deep Learning Representations for All (a.ka. the AI hype)
Deep Learning Representations for All (a.ka. the AI hype)
 
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
 
The Perceptron - Xavier Giro-i-Nieto - UPC Barcelona 2018
The Perceptron - Xavier Giro-i-Nieto - UPC Barcelona 2018The Perceptron - Xavier Giro-i-Nieto - UPC Barcelona 2018
The Perceptron - Xavier Giro-i-Nieto - UPC Barcelona 2018
 
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
Attention Models (D3L6 2017 UPC Deep Learning for Computer Vision)
 
Recurrent Neural Networks RNN - Xavier Giro - UPC TelecomBCN Barcelona 2020
Recurrent Neural Networks RNN - Xavier Giro - UPC TelecomBCN Barcelona 2020Recurrent Neural Networks RNN - Xavier Giro - UPC TelecomBCN Barcelona 2020
Recurrent Neural Networks RNN - Xavier Giro - UPC TelecomBCN Barcelona 2020
 
Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)
Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)
Deep Neural Networks (D1L2 Insight@DCU Machine Learning Workshop 2017)
 
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
 
Learning where to look: focus and attention in deep vision
Learning where to look: focus and attention in deep visionLearning where to look: focus and attention in deep vision
Learning where to look: focus and attention in deep vision
 
Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)
Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)
Perceptrons (D1L2 2017 UPC Deep Learning for Computer Vision)
 
Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...
Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...
Transfer Learning and Domain Adaptation (DLAI D5L2 2017 UPC Deep Learning for...
 
Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...
Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...
Convolutional Neural Networks (DLAI D5L1 2017 UPC Deep Learning for Artificia...
 
Deep Generative Models - Kevin McGuinness - UPC Barcelona 2018
Deep Generative Models - Kevin McGuinness - UPC Barcelona 2018Deep Generative Models - Kevin McGuinness - UPC Barcelona 2018
Deep Generative Models - Kevin McGuinness - UPC Barcelona 2018
 
AlexNet
AlexNetAlexNet
AlexNet
 
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
Convolutional Neural Networks (D1L3 2017 UPC Deep Learning for Computer Vision)
 
Reinforcement Learning (Reloaded) - Xavier Giró-i-Nieto - UPC Barcelona 2018
Reinforcement Learning (Reloaded) - Xavier Giró-i-Nieto - UPC Barcelona 2018Reinforcement Learning (Reloaded) - Xavier Giró-i-Nieto - UPC Barcelona 2018
Reinforcement Learning (Reloaded) - Xavier Giró-i-Nieto - UPC Barcelona 2018
 

Ähnlich wie Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020

Deep Learning for Computer Vision: Memory usage and computational considerati...
Deep Learning for Computer Vision: Memory usage and computational considerati...Deep Learning for Computer Vision: Memory usage and computational considerati...
Deep Learning for Computer Vision: Memory usage and computational considerati...Universitat Politècnica de Catalunya
 
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_ReportSaptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_ReportSitakanta Mishra
 
Pres Tesi LM-2016+transcript_eng
Pres Tesi LM-2016+transcript_engPres Tesi LM-2016+transcript_eng
Pres Tesi LM-2016+transcript_engDaniele Ciriello
 
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...Edge AI and Vision Alliance
 
(Im2col)accelerating deep neural networks on low power heterogeneous architec...
(Im2col)accelerating deep neural networks on low power heterogeneous architec...(Im2col)accelerating deep neural networks on low power heterogeneous architec...
(Im2col)accelerating deep neural networks on low power heterogeneous architec...Bomm Kim
 
UNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptxUNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptxNoorUlHaq47
 
Efficient de cvpr_2020_paper
Efficient de cvpr_2020_paperEfficient de cvpr_2020_paper
Efficient de cvpr_2020_papershanullah3
 
Once-for-All: Train One Network and Specialize it for Efficient Deployment
 Once-for-All: Train One Network and Specialize it for Efficient Deployment Once-for-All: Train One Network and Specialize it for Efficient Deployment
Once-for-All: Train One Network and Specialize it for Efficient Deploymenttaeseon ryu
 
Towards better analysis of deep convolutional neural networks
Towards better analysis of deep convolutional neural networksTowards better analysis of deep convolutional neural networks
Towards better analysis of deep convolutional neural networks曾 子芸
 
PR-183: MixNet: Mixed Depthwise Convolutional Kernels
PR-183: MixNet: Mixed Depthwise Convolutional KernelsPR-183: MixNet: Mixed Depthwise Convolutional Kernels
PR-183: MixNet: Mixed Depthwise Convolutional KernelsJinwon Lee
 
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Universitat Politècnica de Catalunya
 
convolutional_neural_networks.pptx
convolutional_neural_networks.pptxconvolutional_neural_networks.pptx
convolutional_neural_networks.pptxMsKiranSingh
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkIRJET Journal
 
Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep LearningBrahim HAMADICHAREF
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxssuser3aa461
 
Small Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignSmall Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignForrest Iandola
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network Yan Xu
 
InternImage: Exploring Large-Scale Vision Foundation Models with Deformable C...
InternImage: Exploring Large-Scale Vision Foundation Models with Deformable C...InternImage: Exploring Large-Scale Vision Foundation Models with Deformable C...
InternImage: Exploring Large-Scale Vision Foundation Models with Deformable C...taeseon ryu
 

Ähnlich wie Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020 (20)

Deep Learning for Computer Vision: Memory usage and computational considerati...
Deep Learning for Computer Vision: Memory usage and computational considerati...Deep Learning for Computer Vision: Memory usage and computational considerati...
Deep Learning for Computer Vision: Memory usage and computational considerati...
 
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_ReportSaptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
 
Pres Tesi LM-2016+transcript_eng
Pres Tesi LM-2016+transcript_engPres Tesi LM-2016+transcript_eng
Pres Tesi LM-2016+transcript_eng
 
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
 
Deep Learning Initiative @ NECSTLab
Deep Learning Initiative @ NECSTLabDeep Learning Initiative @ NECSTLab
Deep Learning Initiative @ NECSTLab
 
(Im2col)accelerating deep neural networks on low power heterogeneous architec...
(Im2col)accelerating deep neural networks on low power heterogeneous architec...(Im2col)accelerating deep neural networks on low power heterogeneous architec...
(Im2col)accelerating deep neural networks on low power heterogeneous architec...
 
UNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptxUNetEliyaLaialy (2).pptx
UNetEliyaLaialy (2).pptx
 
Efficient de cvpr_2020_paper
Efficient de cvpr_2020_paperEfficient de cvpr_2020_paper
Efficient de cvpr_2020_paper
 
B.tech_project_ppt.pptx
B.tech_project_ppt.pptxB.tech_project_ppt.pptx
B.tech_project_ppt.pptx
 
Once-for-All: Train One Network and Specialize it for Efficient Deployment
 Once-for-All: Train One Network and Specialize it for Efficient Deployment Once-for-All: Train One Network and Specialize it for Efficient Deployment
Once-for-All: Train One Network and Specialize it for Efficient Deployment
 
Towards better analysis of deep convolutional neural networks
Towards better analysis of deep convolutional neural networksTowards better analysis of deep convolutional neural networks
Towards better analysis of deep convolutional neural networks
 
PR-183: MixNet: Mixed Depthwise Convolutional Kernels
PR-183: MixNet: Mixed Depthwise Convolutional KernelsPR-183: MixNet: Mixed Depthwise Convolutional Kernels
PR-183: MixNet: Mixed Depthwise Convolutional Kernels
 
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
 
convolutional_neural_networks.pptx
convolutional_neural_networks.pptxconvolutional_neural_networks.pptx
convolutional_neural_networks.pptx
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
 
Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep Learning
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
 
Small Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignSmall Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their Design
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
InternImage: Exploring Large-Scale Vision Foundation Models with Deformable C...
InternImage: Exploring Large-Scale Vision Foundation Models with Deformable C...InternImage: Exploring Large-Scale Vision Foundation Models with Deformable C...
InternImage: Exploring Large-Scale Vision Foundation Models with Deformable C...
 

Mehr von Universitat Politècnica de Catalunya

The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...Universitat Politècnica de Catalunya
 
Towards Sign Language Translation & Production | Xavier Giro-i-Nieto
Towards Sign Language Translation & Production | Xavier Giro-i-NietoTowards Sign Language Translation & Production | Xavier Giro-i-Nieto
Towards Sign Language Translation & Production | Xavier Giro-i-NietoUniversitat Politècnica de Catalunya
 
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...Universitat Politècnica de Catalunya
 
Generation of Synthetic Referring Expressions for Object Segmentation in Videos
Generation of Synthetic Referring Expressions for Object Segmentation in VideosGeneration of Synthetic Referring Expressions for Object Segmentation in Videos
Generation of Synthetic Referring Expressions for Object Segmentation in VideosUniversitat Politècnica de Catalunya
 
Learn2Sign : Sign language recognition and translation using human keypoint e...
Learn2Sign : Sign language recognition and translation using human keypoint e...Learn2Sign : Sign language recognition and translation using human keypoint e...
Learn2Sign : Sign language recognition and translation using human keypoint e...Universitat Politècnica de Catalunya
 
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...Universitat Politècnica de Catalunya
 
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)Universitat Politècnica de Catalunya
 
Transcription-Enriched Joint Embeddings for Spoken Descriptions of Images and...
Transcription-Enriched Joint Embeddings for Spoken Descriptions of Images and...Transcription-Enriched Joint Embeddings for Spoken Descriptions of Images and...
Transcription-Enriched Joint Embeddings for Spoken Descriptions of Images and...Universitat Politècnica de Catalunya
 
Object Detection with Deep Learning - Xavier Giro-i-Nieto - UPC School Barcel...
Object Detection with Deep Learning - Xavier Giro-i-Nieto - UPC School Barcel...Object Detection with Deep Learning - Xavier Giro-i-Nieto - UPC School Barcel...
Object Detection with Deep Learning - Xavier Giro-i-Nieto - UPC School Barcel...Universitat Politècnica de Catalunya
 
Self-supervised Audiovisual Learning 2020 - Xavier Giro-i-Nieto - UPC Telecom...
Self-supervised Audiovisual Learning 2020 - Xavier Giro-i-Nieto - UPC Telecom...Self-supervised Audiovisual Learning 2020 - Xavier Giro-i-Nieto - UPC Telecom...
Self-supervised Audiovisual Learning 2020 - Xavier Giro-i-Nieto - UPC Telecom...Universitat Politècnica de Catalunya
 
Self-supervised Visual Learning 2020 - Xavier Giro-i-Nieto - UPC Barcelona
Self-supervised Visual Learning 2020 - Xavier Giro-i-Nieto - UPC BarcelonaSelf-supervised Visual Learning 2020 - Xavier Giro-i-Nieto - UPC Barcelona
Self-supervised Visual Learning 2020 - Xavier Giro-i-Nieto - UPC BarcelonaUniversitat Politècnica de Catalunya
 
Deep Video Object Tracking 2020 - Xavier Giro - UPC TelecomBCN Barcelona
Deep Video Object Tracking 2020 - Xavier Giro - UPC TelecomBCN BarcelonaDeep Video Object Tracking 2020 - Xavier Giro - UPC TelecomBCN Barcelona
Deep Video Object Tracking 2020 - Xavier Giro - UPC TelecomBCN BarcelonaUniversitat Politècnica de Catalunya
 
Hate Speech in Pixels: Detection of Offensive Memes towards Automatic Moderation
Hate Speech in Pixels: Detection of Offensive Memes towards Automatic ModerationHate Speech in Pixels: Detection of Offensive Memes towards Automatic Moderation
Hate Speech in Pixels: Detection of Offensive Memes towards Automatic ModerationUniversitat Politècnica de Catalunya
 

Mehr von Universitat Politècnica de Catalunya (20)

Deep Generative Learning for All
Deep Generative Learning for AllDeep Generative Learning for All
Deep Generative Learning for All
 
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
 
Towards Sign Language Translation & Production | Xavier Giro-i-Nieto
Towards Sign Language Translation & Production | Xavier Giro-i-NietoTowards Sign Language Translation & Production | Xavier Giro-i-Nieto
Towards Sign Language Translation & Production | Xavier Giro-i-Nieto
 
The Transformer - Xavier Giró - UPC Barcelona 2021
The Transformer - Xavier Giró - UPC Barcelona 2021The Transformer - Xavier Giró - UPC Barcelona 2021
The Transformer - Xavier Giró - UPC Barcelona 2021
 
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
Learning Representations for Sign Language Videos - Xavier Giro - NIST TRECVI...
 
Open challenges in sign language translation and production
Open challenges in sign language translation and productionOpen challenges in sign language translation and production
Open challenges in sign language translation and production
 
Generation of Synthetic Referring Expressions for Object Segmentation in Videos
Generation of Synthetic Referring Expressions for Object Segmentation in VideosGeneration of Synthetic Referring Expressions for Object Segmentation in Videos
Generation of Synthetic Referring Expressions for Object Segmentation in Videos
 
Discovery and Learning of Navigation Goals from Pixels in Minecraft
Discovery and Learning of Navigation Goals from Pixels in MinecraftDiscovery and Learning of Navigation Goals from Pixels in Minecraft
Discovery and Learning of Navigation Goals from Pixels in Minecraft
 
Learn2Sign : Sign language recognition and translation using human keypoint e...
Learn2Sign : Sign language recognition and translation using human keypoint e...Learn2Sign : Sign language recognition and translation using human keypoint e...
Learn2Sign : Sign language recognition and translation using human keypoint e...
 
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
Self-Supervised Audio-Visual Learning - Xavier Giro - UPC TelecomBCN Barcelon...
 
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
Language and Vision with Deep Learning - Xavier Giró - ACM ICMR 2020 (Tutorial)
 
Curriculum Learning for Recurrent Video Object Segmentation
Curriculum Learning for Recurrent Video Object SegmentationCurriculum Learning for Recurrent Video Object Segmentation
Curriculum Learning for Recurrent Video Object Segmentation
 
Transcription-Enriched Joint Embeddings for Spoken Descriptions of Images and...
Transcription-Enriched Joint Embeddings for Spoken Descriptions of Images and...Transcription-Enriched Joint Embeddings for Spoken Descriptions of Images and...
Transcription-Enriched Joint Embeddings for Spoken Descriptions of Images and...
 
Object Detection with Deep Learning - Xavier Giro-i-Nieto - UPC School Barcel...
Object Detection with Deep Learning - Xavier Giro-i-Nieto - UPC School Barcel...Object Detection with Deep Learning - Xavier Giro-i-Nieto - UPC School Barcel...
Object Detection with Deep Learning - Xavier Giro-i-Nieto - UPC School Barcel...
 
Self-supervised Audiovisual Learning 2020 - Xavier Giro-i-Nieto - UPC Telecom...
Self-supervised Audiovisual Learning 2020 - Xavier Giro-i-Nieto - UPC Telecom...Self-supervised Audiovisual Learning 2020 - Xavier Giro-i-Nieto - UPC Telecom...
Self-supervised Audiovisual Learning 2020 - Xavier Giro-i-Nieto - UPC Telecom...
 
Self-supervised Visual Learning 2020 - Xavier Giro-i-Nieto - UPC Barcelona
Self-supervised Visual Learning 2020 - Xavier Giro-i-Nieto - UPC BarcelonaSelf-supervised Visual Learning 2020 - Xavier Giro-i-Nieto - UPC Barcelona
Self-supervised Visual Learning 2020 - Xavier Giro-i-Nieto - UPC Barcelona
 
Deep Video Object Tracking 2020 - Xavier Giro - UPC TelecomBCN Barcelona
Deep Video Object Tracking 2020 - Xavier Giro - UPC TelecomBCN BarcelonaDeep Video Object Tracking 2020 - Xavier Giro - UPC TelecomBCN Barcelona
Deep Video Object Tracking 2020 - Xavier Giro - UPC TelecomBCN Barcelona
 
Neural Architectures for Video Encoding
Neural Architectures for Video EncodingNeural Architectures for Video Encoding
Neural Architectures for Video Encoding
 
Hate Speech in Pixels: Detection of Offensive Memes towards Automatic Moderation
Hate Speech in Pixels: Detection of Offensive Memes towards Automatic ModerationHate Speech in Pixels: Detection of Offensive Memes towards Automatic Moderation
Hate Speech in Pixels: Detection of Offensive Memes towards Automatic Moderation
 
Automatic Reminiscence Therapy for Dementia
Automatic Reminiscence Therapy for DementiaAutomatic Reminiscence Therapy for Dementia
Automatic Reminiscence Therapy for Dementia
 

Kürzlich hochgeladen

why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...Jack Cole
 
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024Susanna-Assunta Sansone
 
knowledge representation in artificial intelligence
knowledge representation in artificial intelligenceknowledge representation in artificial intelligence
knowledge representation in artificial intelligencePriyadharshiniG41
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxaleedritatuxx
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Cathrine Wilhelmsen
 
DATA ANALYSIS using various data sets like shoping data set etc
DATA ANALYSIS using various data sets like shoping data set etcDATA ANALYSIS using various data sets like shoping data set etc
DATA ANALYSIS using various data sets like shoping data set etclalithasri22
 
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...Boston Institute of Analytics
 
Digital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksDigital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksdeepakthakur548787
 
What To Do For World Nature Conservation Day by Slidesgo.pptx
What To Do For World Nature Conservation Day by Slidesgo.pptxWhat To Do For World Nature Conservation Day by Slidesgo.pptx
What To Do For World Nature Conservation Day by Slidesgo.pptxSimranPal17
 
Decoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectDecoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectBoston Institute of Analytics
 
Bank Loan Approval Analysis: A Comprehensive Data Analysis Project
Bank Loan Approval Analysis: A Comprehensive Data Analysis ProjectBank Loan Approval Analysis: A Comprehensive Data Analysis Project
Bank Loan Approval Analysis: A Comprehensive Data Analysis ProjectBoston Institute of Analytics
 
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...Dr Arash Najmaei ( Phd., MBA, BSc)
 
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis model
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis modelDecoding Movie Sentiments: Analyzing Reviews with Data Analysis model
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis modelBoston Institute of Analytics
 
English-8-Q4-W3-Synthesizing-Essential-Information-From-Various-Sources-1.pdf
English-8-Q4-W3-Synthesizing-Essential-Information-From-Various-Sources-1.pdfEnglish-8-Q4-W3-Synthesizing-Essential-Information-From-Various-Sources-1.pdf
English-8-Q4-W3-Synthesizing-Essential-Information-From-Various-Sources-1.pdfblazblazml
 
IBEF report on the Insurance market in India
IBEF report on the Insurance market in IndiaIBEF report on the Insurance market in India
IBEF report on the Insurance market in IndiaManalVerma4
 
Statistics For Management by Richard I. Levin 8ed.pdf
Statistics For Management by Richard I. Levin 8ed.pdfStatistics For Management by Richard I. Levin 8ed.pdf
Statistics For Management by Richard I. Levin 8ed.pdfnikeshsingh56
 
Rithik Kumar Singh codealpha pythohn.pdf
Rithik Kumar Singh codealpha pythohn.pdfRithik Kumar Singh codealpha pythohn.pdf
Rithik Kumar Singh codealpha pythohn.pdfrahulyadav957181
 
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdfWorld Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdfsimulationsindia
 
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Boston Institute of Analytics
 

Kürzlich hochgeladen (20)

why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
why-transparency-and-traceability-are-essential-for-sustainable-supply-chains...
 
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
FAIR, FAIRsharing, FAIR Cookbook and ELIXIR - Sansone SA - Boston 2024
 
knowledge representation in artificial intelligence
knowledge representation in artificial intelligenceknowledge representation in artificial intelligence
knowledge representation in artificial intelligence
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)
 
DATA ANALYSIS using various data sets like shoping data set etc
DATA ANALYSIS using various data sets like shoping data set etcDATA ANALYSIS using various data sets like shoping data set etc
DATA ANALYSIS using various data sets like shoping data set etc
 
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
Decoding the Heart: Student Presentation on Heart Attack Prediction with Data...
 
Digital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing worksDigital Marketing Plan, how digital marketing works
Digital Marketing Plan, how digital marketing works
 
What To Do For World Nature Conservation Day by Slidesgo.pptx
What To Do For World Nature Conservation Day by Slidesgo.pptxWhat To Do For World Nature Conservation Day by Slidesgo.pptx
What To Do For World Nature Conservation Day by Slidesgo.pptx
 
Decoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis ProjectDecoding Patterns: Customer Churn Prediction Data Analysis Project
Decoding Patterns: Customer Churn Prediction Data Analysis Project
 
Bank Loan Approval Analysis: A Comprehensive Data Analysis Project
Bank Loan Approval Analysis: A Comprehensive Data Analysis ProjectBank Loan Approval Analysis: A Comprehensive Data Analysis Project
Bank Loan Approval Analysis: A Comprehensive Data Analysis Project
 
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
6 Tips for Interpretable Topic Models _ by Nicha Ruchirawat _ Towards Data Sc...
 
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis model
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis modelDecoding Movie Sentiments: Analyzing Reviews with Data Analysis model
Decoding Movie Sentiments: Analyzing Reviews with Data Analysis model
 
English-8-Q4-W3-Synthesizing-Essential-Information-From-Various-Sources-1.pdf
English-8-Q4-W3-Synthesizing-Essential-Information-From-Various-Sources-1.pdfEnglish-8-Q4-W3-Synthesizing-Essential-Information-From-Various-Sources-1.pdf
English-8-Q4-W3-Synthesizing-Essential-Information-From-Various-Sources-1.pdf
 
IBEF report on the Insurance market in India
IBEF report on the Insurance market in IndiaIBEF report on the Insurance market in India
IBEF report on the Insurance market in India
 
Statistics For Management by Richard I. Levin 8ed.pdf
Statistics For Management by Richard I. Levin 8ed.pdfStatistics For Management by Richard I. Levin 8ed.pdf
Statistics For Management by Richard I. Levin 8ed.pdf
 
Rithik Kumar Singh codealpha pythohn.pdf
Rithik Kumar Singh codealpha pythohn.pdfRithik Kumar Singh codealpha pythohn.pdf
Rithik Kumar Singh codealpha pythohn.pdf
 
Insurance Churn Prediction Data Analysis Project
Insurance Churn Prediction Data Analysis ProjectInsurance Churn Prediction Data Analysis Project
Insurance Churn Prediction Data Analysis Project
 
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdfWorld Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
World Economic Forum Metaverse Ecosystem By Utpal Chakraborty.pdf
 
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
Data Analysis Project Presentation: Unveiling Your Ideal Customer, Bank Custo...
 

Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020

  • 1. Convolutional Neural Networks (CNN, ConvNets) Deep Learning: Theory Xavier Giro-i-Nieto @DocXavi xavier.giro@upc.edu Associate Professor Universitat Politècnica de Catalunya[GCED] [Lectures repo]
  • 2. Acknowledgements 2 Míriam Bellver miriam.bellver@bsc.edu PhD Candidate Barcelona Supercomputing Center Kevin McGuinness kevin.mcguinness@dcu.ie Research Fellow Insight Centre for Data Analytics Dublin City University
  • 3. Outline 1. Architecture 2. Interpretability 3. Computation 4. Receptive Fields 5. Convoluzionization 6. Applications 3
  • 4. Multi-Layer Perceptron Convolutional Neural Net 4 ConvNets Architecture Figure: Fei-Fei Li et al, “CS231n: Convolutional Neural Networks for Visual Recognition”, Stanford University.
  • 5. ConvNets Architecture A ConvNet is a sequence of Convolution Layers, interspersed with activation functions 5 Figure: Fei-Fei Li et al, “CS231n: Convolutional Neural Networks for Visual Recognition”, Stanford University.
  • 6. Neocognitron (predecessor) 6 #Neocognitron Fukushima, K., & Wake, N. (1991). Handwritten alphanumeric character recognition by the neocognitron. IEEE transactions on Neural Networks, 2(3), 355-365.
  • 7. ConvNets Architecture 7 LeNet-1, the first convolutional network that could recognize handwritten digits with good speed and accuracy. Developed between 1988 and 1993 in the Adaptive System Research Department, headed by Larry Jackel, at Bell Labs in Holmdel, NJ, USA:
  • 8. ConvNets Architecture LeNet-5: The most typical architecture consists on several convolutional layers, interspersed with pooling layers, and followed by a small number of fully connected layers 8 #LeNet LeCun, Y., Bottou, L., Bengio, Y., & Haffner, P. Gradient-based learning applied to document recognition. Proceedings of the IEEE, 1998.
  • 9. 9 You can also check @boredyannlecun on Twitter... Yann LeCun ConvNets Architecture
  • 10. Convolution in Color Images (eg. RGB, YCBCr...) A 5x5 convolution on a volume of depth 3 (e.g. an image) needs a filter (kernel) with 5x5x3 elements (weights) + a bias. Kernels move along 2 dimensions, that’s why these are 2D convolutions as well. 32 32 5 5 3 10 Figure: Fei-Fei Li et al, “CS231n: Convolutional Neural Networks for Visual Recognition”, Stanford University.
  • 11. ConvNets in Color Images (eg. RGB, YCBCr...) 11#AlexNet Krizhevsky, Alex, Ilya Sutskever, and Geoffrey E. Hinton. "Imagenet classification with deep convolutional neural networks." NIPS 2012
  • 12. Outline 1. Architecture 2. Interpretability 3. Computation 4. Receptive Fields 5. Convoluzionization 6. Applications 12
  • 13. ConvNets Architecture 13 Demo: 3D Visualization of a Convolutional Neural Network Harley, Adam W. "An Interactive Node-Link Visualization of Convolutional Neural Networks." In Advances in Visual Computing, pp. 867-877. Springer International Publishing, 2015.
  • 14. ConvNets Architecture 14 Demo: Classify MNIST digits with a Convolutional Neural Network “ConvNetJS is a Javascript library for training Deep Learning models (mainly Neural Networks) entirely in your browser. Open a tab and you're training. No software requirements, no compilers, no installations, no GPUs, no sweat.”
  • 15. 15 #CNNExplainer Wang, Z. J., Turko, R., Shaikh, O., Park, H., Das, N., Hohman, F., ... & Chau, D. H. (2020). CNN Explainer: Learning Convolutional Neural Networks with Interactive Visualization. IEEE VIS 2020.
  • 16. Why using CNNs for images? ● The patterns they learn are translation invariant: ○ Each filter will learn to detect a certain pattern, that can be recognized in any location of the image. Then these filters are translation invariant. This is data efficient, and with less training samples CNNs can learn representations that can generalize. ● They can learn hierarchies of patterns. ○ A first convolutional layer will learn small local patterns, and the following convolutional layers will learn larger patterns made of features of the first layers, and so on. Then convnets can learn complex and abstract visual concepts. 16 Figure: François Chollet, ”Deep Learning with Python”, Mannnig Publications 2017.
  • 17. Outline 1. Architecture 2. Interpretability 3. Computation 4. Receptive Fields 5. Convoluzionization 6. Applications 17
  • 18. Outline 1. Architecture 2. Interpretability 3. Computation ○ Memory 4. Receptive Fields 5. Convoluzionization 6. Applications 18 Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016
  • 19. Improving convnet accuracy A common strategy for improving convnet accuracy is to make it bigger ● Add more layers ● Made layers wider, increase depth ● Increase kernel sizes* Works if you have sufficient data and strong regularization (dropout, maxout, etc.) Especially true in light of recent advances: ● ResNets: 50-1000 layers ● Batch normalization: reduce covariate shift network year layers top-5 Alexnet 2012 7 17.0 VGG-19 2014 19 9.35 GoogleNet 2014 22 9.15 Resnet-50 2015 50 6.71 Resnet-152 2015 152 5.71 Without ensembles 19 Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
  • 20. Increasing network size Increasing network size means using more memory Train time: ● Memory to store outputs of intermediate layers (forward pass) ● Memory to store parameters ● Memory to store error signal at each neuron ● Memory to store gradient of parameters ● Any extra memory needed by optimizer (e.g. for momentum) Test time: ● Memory to store outputs of intermediate layers (forward pass) ● Memory to store parameters Modern GPUs are still relatively memory constrained: ● GTX Titan X: 12GB ● GTX 980: 4GB ● Tesla K40: 12GB ● Tesla K20: 5GB 20 Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
  • 21. Calculating memory requirements Often the size of the network will be practically bound by available memory Useful to be able to estimate memory requirements of network True memory usage depends on the implementation 21 Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
  • 22. Calculating the model size Conv layers: Num weights on conv layers does not depend on input size (weight sharing) Depends only on depth, kernel size, and depth of previous layer 22
  • 23. Calculating the model size parameters weights: depthn x (kernelw x kernelh ) x depth(n-1) biases: depthn 23
  • 24. Calculating the model size parameters weights: 32 x (3 x 3) x 1 = 288 biases: 32 24
  • 25. Calculating the model size parameters weights: 32 x (3 x 3) x 32 = 9216 biases: 32 25
  • 26. Calculating the model size Pooling layers are parameter-free 26
  • 27. Calculating the model size Fully connected layers ● #weights = #outputs x #inputs ● #biases = #outputs If previous layer has spatial extent (e.g. pooling or convolutional), then #inputs is size of flattened layer. 27
  • 28. Calculating the model size parameters weights: #outputs x #inputs biases: #inputs 28
  • 29. Calculating the model size parameters weights: 128 x (14 x 14 x 32) = 802816 biases: 128 29
  • 30. Calculating the model size parameters weights: 10 x 128 = 1280 biases: 10 30
  • 31. Total model size parameters weights: 10 x 128 = 1280 biases: 10 parameters weights: 128 x (14 x 14 x 32) = 802816 biases: 128 parameters weights: 32 x (3 x 3) x 32 = 9216 biases: 32 parameters weights: 32 x (3 x 3) x 1 = 288 biases: 32 Total: 813,802 ~ 3.1 MB (32-bit floats) 31
  • 32. Feature map sizes Easy… Conv layers: width x height x depth FC layers: #outputs 32 x (14 x 14) = 6,272 32 x (28 x 28) = 25,088 32
  • 33. Total memory requirements (train time) Memory for layer error Memory for parameters Memory for param gradients Depends on implementation and optimizer Memory for momentum Memory for layer outputs Implementation overhead (memory for convolutions, etc.) 33 Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
  • 34. Total memory requirements (test time) Memory for layer error Memory for parameters Memory for param gradients Depends on implementation and optimizer Memory for momentum Memory for layer outputs Implementation overhead (memory for convolutions, etc.) 34 Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
  • 35. Outline 1. Architecture 2. Interpretability 3. Computation ○ Operations 4. Receptive Fields 5. Convoluzionization 6. Applications 35
  • 36. Estimating computational complexity Useful to be able to estimate computational complexity of an architecture when designing it Computation in deep NN is dominated by multiply-adds in FC and conv layers. Typically we estimate the number of FLOPs (multiply-adds) in the forward pass Ignore non-linearities, dropout, and normalization layers (negligible cost). 36 Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
  • 37. Estimating computational complexity Fully connected layer FLOPs Easy: equal to the number of weights (ignoring biases) = #num_inputs x #num_outputs Convolution layer FLOPs Product of: ● Spatial width of the map ● Spatial height of the map ● Previous layer depth ● Current layer depjh ● Kernel width ● Kernel height 37 Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
  • 38. Example: VGG-16 Layer H W kernel H kernel W depth repeats FLOP/s input 224 224 1 1 3 1 0.00E+00 conv1 224 224 3 3 64 2 1.94E+09 conv2 112 112 3 3 128 2 2.77E+09 conv3 56 56 3 3 256 3 4.62E+09 conv4 28 28 3 3 512 3 4.62E+09 conv5 14 14 3 3 512 3 1.39E+09 flatten 1 1 0 0 100352 1 0.00E+00 fc6 1 1 1 1 4096 1 4.11E+08 fc7 1 1 1 1 4096 1 1.68E+07 fc8 1 1 1 1 100 1 4.10E+05 1.58E+10 Bulk of computation is here 38 Slide: Kevin McGuinness, “Deep Learning for Computer Vision”, UPC TelecomBCN Barcelona 2016. [video]
  • 39. Outline 1. Architecture 2. Interpretability 3. Computation 4. Receptive Fields 5. Convoluzionization 6. Applications 39
  • 40. Receptive Field 40 Receptive field: Part of the input that is visible to a neuron. It increases as we stack more convolutional layers (i.e. neurons in deeper layers have larger receptive fields). Figure: Saulius Garalevicius
  • 41. Receptive Field (1D Conv) 41 1 2 3 4 5 1st Conv Layer K=3 2nd Conv Layer K=3 1 2 3 Input Layer
  • 42. Receptive Field 42 Useful to be able to compute how far a convolutional node in a convnet sees: ● Size of the input pixel patch that affects a node’s output ● Known as the effective aperture size, coverage, or receptive field size Depends on kernel size and strides from previous layers ● 7x7 kernel can see a 7x7 patch of the layer below ● Stride of 2 doubles what all layers after can see Calculate recursively
  • 43. 43 Receptive Field & Stacked Convolutions #VGG Simonyan, Karen, and Andrew Zisserman. "Very deep convolutional networks for large-scale image recognition." ICLR 2015. [video] [slides] [project]
  • 44. 44 Receptive Field & Inception Modules #NiN Lin, Min, Qiang Chen, and Shuicheng Yan. "Network in network." ICLR 2014.
  • 45. 45 now, a filter of 2x2 will see a bigger patch of the input image! Receptive field will be bigger, and learn more abstract concepts! Figure Credit, CS231n Course Receptive Field & Pooling Layer
  • 46. Receptive Field 46 Larger receptive field is related to the performance of computer vision models. André Araujo, Wade Norris, Jack Sim, “Computing Receptive Fields of Convolutional Neural Networks”. Distill.pub 2019. Problem: Receptive field may be limited, and pixel-wise predictions at the deepest layer may not be aware of the whole image.
  • 47. Dilated Convolutions ● By adding more layers: ○ The receptive field grows exponentially. ○ The number of learnable parameters (filter weights) grows linearly. 47 Yu, F., & Koltun, V. (2015). Multi-scale context aggregation by dilated convolutions. ICLR 2016.
  • 48. Dilated Convolutions 48 Vincent Dumoulin, Francesco Visin, “A guide to convolution arithmetic for deep learning”, arXiv 2016. [code]
  • 49. Outline 1. Architecture 2. Interpretability 3. Computation 4. Receptive Fields 5. Convoluzionization 6. Applications 49
  • 50. Convoluzionization 50 3x2x2 tensor (RGB image of 2x2) 2 fully connected neurons 3x2x2 * 2 weights 2 convolutional filters of 3 x 2 x 2 (same size as input tensor) 3x2x2 * 2 weights A neuron in a fully connected layer is equivalent to a convolutional neuron with as many weights as input values from the previous layer.
  • 51. Convoluzionization 51 ...a model trained for image classification on low-definition images can provide local response when fed with high-definition images. Long, Jonathan, Evan Shelhamer, and Trevor Darrell. "Fully convolutional networks for semantic segmentation." CVPR 2015. (original figure has been modified)
  • 52. Convoluzionization 52Campos, V., Jou, B., & Giro-i-Nieto, X. . From Pixels to Sentiment: Fine-tuning CNNs for Visual Sentiment Prediction. Image and Vision Computing. (2017) The FC to Conv redefinition allows generating heatmaps of the class prediction over the input images.
  • 54. Outline 1. Architecture 2. Interpretability 3. Computation 4. Receptive Fields 5. Convoluzionization 6. Applications 54
  • 55. Convolutional neural networks Is this exclusive to images? NO!! Convolutional Neural Networks have been proved to work well for other kinds of signals (text, speech…) as they are computationally very efficient and can learn very useful representations! 55
  • 56. 56 Speech Encoding #SEGAN Pascual, Santiago, Antonio Bonafonte, and Joan Serra. "SEGAN: Speech enhancement generative adversarial network." Interspeech 2017.
  • 57. 57 Speech Recognition #Conformer Gulati, A., Qin, J., Chiu, C. C., Parmar, N., Zhang, Y., Yu, J., ... & Pang, R. (2020). Conformer: Convolution-augmented Transformer for Speech Recognition. arXiv preprint arXiv:2005.08100.
  • 58. 58 Gehring, Jonas, Michael Auli, David Grangier, Denis Yarats, and Yann N. Dauphin. "Convolutional sequence to sequence learning." ICML 2017. Text Encoding
  • 59. Outline 1. Architecture 2. Interpretability 3. Computation 4. Receptive Fields 5. Convoluzionization 6. Applications 59
  • 60. 60 Deep Learning TV, “Convolutional Neural Networks - Ep. 8” Learn more
  • 61. Learn more 61 Sander Dieleman, “The Deep Learning Lecture Series”, UCL (2020)
  • 62. The end of convolutional layers ? 62
  • 63. Learn more Jordi Pons, “Convolutional neural networks”. 2020. Lecture notes by Andrej Karpathy (Stanford) Fan, Y., Xian, Y., Losch, M. M., & Schiele, B. (2020). Analyzing the Dependency of ConvNets on Spatial Information. arXiv preprint arXiv:2002.01827. Ed Wagstaff & Fabian Fuchs, “Group CNNs” Islam, M. A., Jia, S., & Bruce, N. D. (2020). How much Position Information Do Convolutional Neural Networks Encode?. ICLR 2020. [tweet1] [tweet2] Vinee Pratap, Ronan Collobert, Online speech recognition with wav2letter@anywhere. Facebook AI (2020) 63
  • 64. 64