SlideShare ist ein Scribd-Unternehmen logo
1 von 100
Downloaden Sie, um offline zu lesen
for Image
Understanding:
Deep Learning with
Convolutional Neural Nets
Roelof Pieters
PhD candidate at KTH & Data Science
consultant at Graph Technologies 
@graphific
London 2015roelof@graph-technologies.com
What is Deep
Learning?
“Deep learning is a set of algorithms in
machine learning that attempt to learn in
multiple levels, corresponding to different
levels of abstraction.” (much debated definition)
A Definition
• A host of statistical machine learning
techniques
• Enables the automatic learning of feature
hierarchies
• Generally based on artificial neural
networks
A typology
Deep learning is:
Manually designed features are often over-specified,
incomplete and take a long time to design and validate
Learned features are easy to adapt, fast to learn
Deep learning provides a very flexible, (possibly?)
universal, learnable framework for representing world,
visual and linguistic information.
Deep learning can learn unsupervised (from raw text/
audio/images/whatever content) and supervised (with
specific labels like positive/negative)

Summary by Richard Socher.
Old vs new school?
No More Handcrafted Features !
6
“Brain”-like: Feature Hierarchies
input layer
output layer
hidden layers
Feature Hierarchies: Vision
input layer
output layer
hidden layers
Feature Hierarchies: Audio
cars elephants chairs
Feature Hierarchies: And so on…
History: audio recognition
chart by Clarifai
History: image recognition
chart by Clarifai
History: image recognition
Krizhevsky et al. ImageNet Classification with Deep Convolutional
Neural Networks, ILSVRC2010
16
Karpathy, A., Fei Fei, L. (2015) 

Deep Visual-Semantic Alignments for Generating Image Descriptions
Image-Text: Joint Visual Semantic embeddings
Video Scene Detection
http://googleresearch.blogspot.co.uk/2015/06/inceptionism-going-deeper-into-neural.html
http://googleresearch.blogspot.co.uk/2015/06/inceptionism-going-deeper-into-neural.html
How does Deep
Learning work?
Activation Functions
Sigmoid
Activation Functions
Tanh
Activation Functions
ReLU
often approximated by just
optimization strategies
So what’s there for
Python?
python has a wide range of deep learning-related
libraries available
Deep Learning with Python
Low level
High level
(efficient gpu-powered math)
(computer-vision oriented DL framework,

model-zoo, prototxt model definitions) 

pythonification ongoing!
(wrapper for theano, yaml, experiment-oriented)
(theano-wrapper, models in python code, 

abstracts theano away)
(theano-extension, models in python code, 

theano not hidden)
and of course:
python has a wide range of deep learning-related
libraries available
Deep Learning with Python
Low level
High level
deeplearning.net/software/theano
caffe.berkeleyvision.org
deeplearning.net/software/pylearn2
keras.io
lasagne.readthedocs.org/en/latest
and of course:
python has a wide range of deep learning-related
libraries available
Deep Learning with Python
Low level
High level
deeplearning.net/software/theano
caffe.berkeleyvision.org
deeplearning.net/software/pylearn2
keras.io
lasagne.readthedocs.org/en/latest
and of course:
we will use lasagne in our examples
Doing Deep
Learning?
1. Preprocess the data
2. Choose architecture
3. Train
4. Optimize/Regularize
5. Tips/Tricks
Training a (deep) Neural Network
1. Preprocess the data
2. Choose architecture
3. Train
4. Optimize/Regularize
5. Tips/Tricks
Training a (deep) Neural Network
• Mean subtraction
• Normalization
• PCA and Whitening
1. Preprocess the data
• Mean subtraction
• Normalization
• PCA and Whitening
1. Preprocess the data: Normalization
(mean image visualised of cifar-10)
• Mean subtraction
• Normalization
• PCA and Whitening
1. Preprocess the data: PCA & Whitening
1. Preprocess the data: PCA & Whitening
1. Preprocess the data, the right way
Warning:
• compute preprocessing statistics on training data
• apply on all (training / validation / test) data
1. Preprocess the data
2. Choose architecture
3. Train
4. Optimize/Regularize
5. Tips/Tricks
Training a (deep) Neural Network
• Deep Belief Network (DBN)
• Convolutional Net (CNN)
• Recurrent Net (RNN)
2. Choosing the right architecture
• Deep Belief Network (DBN)
• Convolutional Net (CNN)
• Recurrent Net (RNN)
2. Choosing the right architecture
• Deep Belief Network (DBN)
• Convolutional Net (CNN)
• Recurrent Net (RNN)
2. Choosing the right architecture
• Deep Belief Network (DBN)
• Convolutional Net (CNN)
• Recurrent Net (RNN)
2. Choosing the right architecture
Convolutional Neural Net
Pbird
Psunset
Pdog
Pcat
Convolutional Neural Net
DrawCNN: visualizing the units' connections
Agrawal, et al. Analyzing the performance of multilayer neural networks for object recognition. ECCV, 2014
Szegedy, et al. Intriguing properties of neural networks.arXiv preprint arXiv:1312.6199, 2013
Zeiler, M. et al. Visualizing and Understanding Convolutional Networks, ECCV 2014
1. Preprocess the data
2. Choose architecture
3. Train
4. Optimize/Regularize
5. Tips/Tricks
Training a (deep) Neural Network
1. Preprocess the data
2. Choose architecture
3. Train (Code Finally!)
4. Optimize/Regularize
5. Tips/Tricks
Training a (deep) Neural Network
Training a (deep) Neural Network
(…)
layer definitions
layer

parameters
Training a (deep) Neural Network
hyper

parameters
Training a (deep) Neural Network
Lift off!
Training a (deep) Neural Network
1. Preprocess the data
2. Choose architecture
3. Train
4. Optimize/Regularize
5. Tips/Tricks
Debug
Debug Training: Visualize Loss Curve
Debug Training: Visualize Loss Curve
Debug Training: Visualize Loss Curve
This looks (too) linear: lower your learning rate!
This looks (too) wide: increase your batch size!
Debug Training: Visualize Accuracy
big gap: overfitting: regularize!
no gap: underfitting
(increase model size)
Debug Training: Visualize Weights
(usually: first layer)
complete mess, doesn't get past the random initialisation
Debug Training: Visualize Weights
(usually: first layer)
better, but still “noisy” weights
mostly solvable
by stronger
regularisation
Debug Training: Visualize Weights
(usually: first layer)
good: now operates as “edge detector”
Training a (deep) Neural Network
1. Preprocess the data
2. Choose architecture
3. Train
4. Optimize/Regularize
5. Tips/Tricks
Debug
• Tweak Hyperparameters / Architecture
• Data Augmentation
• Dropout
• Batch Normalization
Optimize / Regularize
• Tweak Hyperparameters / Architecture
• Data Augmentation
• Dropout
• Batch Normalization
Optimize / Regularize
• Grid search won't work on your millions + parameters
• Random Search? Mwah…
• Bayesian Optimization: Yeh baby!
• Spearmint: https://github.com/HIPS/Spearmint
• Hypergrad: https://github.com/HIPS/hypergrad
Choosing Hyperparameters
• Tweak Hyperparameters / Architecture
• Data Augmentation
• Dropout
• Batch Normalization
Overfitting
Data Augmentation
Data Augmentation
http://benanne.github.io/2015/03/17/plankton.html
(realtime data augmentation at Kaggle’s #1 National Data Science Bowl

≋ Deep Sea ≋ team)
rotation: random with angle between 0° and 360° (uniform)
translation: random with shift between -10 and 10 pixels (uniform)
rescaling: random with scale factor between 1/1.6 and 1.6 (log-
uniform)
flipping: yes or no (bernoulli)
shearing: random with angle between -20° and 20° (uniform)
stretching: random with stretch factor between 1/1.3 and 1.3 (log-
uniform)
• Tweak Hyperparameters / Architecture
• Data Augmentation
• Dropout
• Batch Normalization
Optimize / Regularize
Dropout as Regularization
(naively trained net)
Overfits !
Dropout as Regularization
(naively trained net)
Overfits !
Dropout!
Dropout as Regularization
(naively trained net)
Overfits !
Dropout!
Dropout as Regularization
(naively trained net) (net with dropout)
less strongly overfitted & 

can run for more epochs higher accuracy
Overfitting
• Tweak Hyperparameters / Architecture
• Data Augmentation
• Dropout
• Batch Normalization
•Normalize the activations in
each layer within a minibatch
•Learn the mean and variance
of each layer as parameters
Batch Normalization as regularization
Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift 

S Ioffe and C Szegedy (2015)
85%
50%
15%
Training a (deep) Neural Network
1. Preprocess the data
2. Choose architecture
3. Train
4. Optimize/Regularize
5. Further Tips & Tricks to improve Model Accuracy
Debug
• Ensembles
• Finetuning pre-trained/earlier-trained net
• Sticking extracted layer features in another classifier (ie
SVM)
Other “Tricks”
• Ensembles
• Finetuning pre-trained/earlier-trained net
• Sticking extracted layer features in another classifier (ie
SVM)
Other “Tricks”
Ensembles
• majority vote when hard predictions (ie classes)
• average vote for soft predictions (continious scale)
• make sure classifiers are uncorrelated
• cross validate ensemble weights (by grid search, or
rank average)
• stacked
• blending
Ensembles
(10 similar nets with varying hyperparameters on same tiny-imagenet dataset)
avg: 0.3647
Ensembles
(10 similar nets with varying hyperparameters on same tiny-imagenet dataset)
predict by mean of all: 0.4244
avg: 0.3647
Ensembles
(10 similar nets with varying hyperparameters on same tiny-imagenet dataset)
(10 similar nets with varying hyperparameters on same tiny-imagenet dataset)
predict by mean of all: 0.4244
leave out model9: 0.4259
avg: 0.3647
Ensembles
(10 similar nets with varying hyperparameters on same tiny-imagenet dataset)
0.4259 0.4244
0.3647
Ensembles
danielnouri.org/notes/2014/12/17/using-convolutional-neural-nets-to-detect-facial-keypoints-tutorial/
(ensembling specialist nets by Daniel Nouri, Kaggle facial keypoint tutorial)
Ensembles
“Specialists” Ensemble
https://www.kaggle.com/c/facial-keypoints-detection/
try it yourself :)
3 similar nets trained on the same data but with different
hyper parameters.

RMSE’s:
•2,08449
•2,04575
•2.01565
together: 

1.93397
disclaimer: Kaggle is not real life, people…
Machine learning
systems can easily be
fooled
but beware… / no
free lunch:
Saliency Maps
K. Simonyan, A. Vedaldi, A. Zisserman , "Deep Inside Convolutional Networks: Visualising Image
Classification Models and Saliency Maps", ICLR Workshop 2014
first we predict on a pixel level
Fooling ConvNets
Szegedy, Christian, et al. "Intriguing properties of neural networks." arXiv preprint, 2013.
Nguyen, Anh, Jason Yosinski, and Jeff Clune. "Deep Neural Networks are Easily Fooled: High
Confidence Predictions for Unrecognizable Images." arXiv preprint
then we do our “magic”
Fooling ConvNets
Szegedy, Christian, et al. "Intriguing properties of neural networks." arXiv preprint, 2013.
Nguyen, Anh, Jason Yosinski, and Jeff Clune. "Deep Neural Networks are Easily Fooled: High
Confidence Predictions for Unrecognizable Images." arXiv preprint
then we do our “magic”
Failing ConvNets
Failing ConvNets
“Suddenly, a leopard print sofa appears”, rocknrollnerd.github.io
Failing ConvNets
“Suddenly, a leopard print sofa appears”, rocknrollnerd.github.io
Failing ConvNets
“Suddenly, a leopard print sofa appears”, rocknrollnerd.github.io
Failing ConvNets
thanks for listening ;)
questions?
or find me @graphific
• Computer Vision: 

Fei-Fei Li & Andrej Karpathy, Stanford course “Convolutional
Neural Networks for Visual Recognition”

http://vision.stanford.edu/teaching/cs231n
• Natural Language Processing:

Richard Socher, Stanford course “Deep Learning for Natural
Language Processing”,

http://cs224d.stanford.edu/
• Neural Nets:

Geoffrey Hinton, Coursera/Toronto, “Neural Networks for
Machine Learning"

https://www.coursera.org/course/neuralnets
Wanna Play?
• Bunch of tutorials: 

http://deeplearning.net/tutorial/
• Book:

Yoshua Bengio, et al, “Deep Learning”

http://www.iro.umontreal.ca/~bengioy/dlbook/
• UFLDL Tutorial

http://deeplearning.stanford.edu/tutorial/
• Reading Lists:

http://deeplearning.net/reading-list/ 

http://memkite.com/deep-learning-bibliography/
• Podcast

Talking Machines, http://www.thetalkingmachines.com/

Weitere ähnliche Inhalte

Was ist angesagt?

Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Simplilearn
 

Was ist angesagt? (20)

Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 
Applying your Convolutional Neural Networks
Applying your Convolutional Neural NetworksApplying your Convolutional Neural Networks
Applying your Convolutional Neural Networks
 
LeNet to ResNet
LeNet to ResNetLeNet to ResNet
LeNet to ResNet
 
Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with Keras
 
Long Short Term Memory
Long Short Term MemoryLong Short Term Memory
Long Short Term Memory
 
Support Vector Machines ( SVM )
Support Vector Machines ( SVM ) Support Vector Machines ( SVM )
Support Vector Machines ( SVM )
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?
 
Deep learning
Deep learning Deep learning
Deep learning
 
Image denoising using curvelet transform
Image denoising using curvelet transformImage denoising using curvelet transform
Image denoising using curvelet transform
 
RapidMiner: Introduction To Rapid Miner
RapidMiner: Introduction To Rapid MinerRapidMiner: Introduction To Rapid Miner
RapidMiner: Introduction To Rapid Miner
 
Introduction to Grad-CAM (complete version)
Introduction to Grad-CAM (complete version)Introduction to Grad-CAM (complete version)
Introduction to Grad-CAM (complete version)
 
Image analysis using python
Image analysis using pythonImage analysis using python
Image analysis using python
 
Pytorch
PytorchPytorch
Pytorch
 
Tensorflow presentation
Tensorflow presentationTensorflow presentation
Tensorflow presentation
 
Deploying Machine Learning Models to Production
Deploying Machine Learning Models to ProductionDeploying Machine Learning Models to Production
Deploying Machine Learning Models to Production
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
 
Face recognition attendance system
Face recognition attendance systemFace recognition attendance system
Face recognition attendance system
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow
 
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...
Image classification on Imagenet (D1L4 2017 UPC Deep Learning for Computer Vi...
 

Andere mochten auch

[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
台灣資料科學年會
 

Andere mochten auch (17)

Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Deep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsDeep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applications
 
P 02 internal_data_first_2017_04_22_v6
P 02 internal_data_first_2017_04_22_v6P 02 internal_data_first_2017_04_22_v6
P 02 internal_data_first_2017_04_22_v6
 
P 02 ta_in_uw_transformation_2017_06_13_v5
P 02 ta_in_uw_transformation_2017_06_13_v5P 02 ta_in_uw_transformation_2017_06_13_v5
P 02 ta_in_uw_transformation_2017_06_13_v5
 
Tracxn Research — Enterprise Collaboration Landscape, November 2016
Tracxn Research — Enterprise Collaboration Landscape, November 2016Tracxn Research — Enterprise Collaboration Landscape, November 2016
Tracxn Research — Enterprise Collaboration Landscape, November 2016
 
The Essentials of PowerPoint Color Theme
The Essentials of PowerPoint Color ThemeThe Essentials of PowerPoint Color Theme
The Essentials of PowerPoint Color Theme
 
P 03 ml_demystified_2017_05_02_v7
P 03 ml_demystified_2017_05_02_v7P 03 ml_demystified_2017_05_02_v7
P 03 ml_demystified_2017_05_02_v7
 
Deep Learning for Sales Professionals
Deep Learning for Sales ProfessionalsDeep Learning for Sales Professionals
Deep Learning for Sales Professionals
 
Introduction to Machine Learning for Heathcare, Finance, Energy, and Commerce...
Introduction to Machine Learning for Heathcare, Finance, Energy, and Commerce...Introduction to Machine Learning for Heathcare, Finance, Energy, and Commerce...
Introduction to Machine Learning for Heathcare, Finance, Energy, and Commerce...
 
P 01 paw_methods_2017_10_30_v4
P 01 paw_methods_2017_10_30_v4P 01 paw_methods_2017_10_30_v4
P 01 paw_methods_2017_10_30_v4
 
Artificial Intelligence (AI) for Financial Services
Artificial Intelligence (AI) for Financial Services Artificial Intelligence (AI) for Financial Services
Artificial Intelligence (AI) for Financial Services
 
14 Startups Leading the Artificial Intelligence (AI) Revolution
14 Startups Leading the Artificial Intelligence (AI) Revolution14 Startups Leading the Artificial Intelligence (AI) Revolution
14 Startups Leading the Artificial Intelligence (AI) Revolution
 
Transform your Business with AI, Deep Learning and Machine Learning
Transform your Business with AI, Deep Learning and Machine LearningTransform your Business with AI, Deep Learning and Machine Learning
Transform your Business with AI, Deep Learning and Machine Learning
 
The Spring of AI : Leveraging Collective Disruptor Insights
The Spring of AI : Leveraging Collective Disruptor InsightsThe Spring of AI : Leveraging Collective Disruptor Insights
The Spring of AI : Leveraging Collective Disruptor Insights
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
 
How to Become a Thought Leader in Your Niche
How to Become a Thought Leader in Your NicheHow to Become a Thought Leader in Your Niche
How to Become a Thought Leader in Your Niche
 

Ähnlich wie Python for Image Understanding: Deep Learning with Convolutional Neural Nets

Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
Uwe Friedrichsen
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
Shirin Elsinghorst
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Databricks
 

Ähnlich wie Python for Image Understanding: Deep Learning with Convolutional Neural Nets (20)

Georgia Tech cse6242 - Intro to Deep Learning and DL4J
Georgia Tech cse6242 - Intro to Deep Learning and DL4JGeorgia Tech cse6242 - Intro to Deep Learning and DL4J
Georgia Tech cse6242 - Intro to Deep Learning and DL4J
 
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
NLP and Deep Learning for non_experts
NLP and Deep Learning for non_expertsNLP and Deep Learning for non_experts
NLP and Deep Learning for non_experts
 
Week3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptxWeek3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptx
 
Deep learning introduction
Deep learning introductionDeep learning introduction
Deep learning introduction
 
Machine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning Systems
 
Troubleshooting Deep Neural Networks - Full Stack Deep Learning
Troubleshooting Deep Neural Networks - Full Stack Deep LearningTroubleshooting Deep Neural Networks - Full Stack Deep Learning
Troubleshooting Deep Neural Networks - Full Stack Deep Learning
 
17_00-Dima-Panchenko-cnn-tips-and-tricks.pptx
17_00-Dima-Panchenko-cnn-tips-and-tricks.pptx17_00-Dima-Panchenko-cnn-tips-and-tricks.pptx
17_00-Dima-Panchenko-cnn-tips-and-tricks.pptx
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 
Phx dl meetup
Phx dl meetupPhx dl meetup
Phx dl meetup
 
How to win data science competitions with Deep Learning
How to win data science competitions with Deep LearningHow to win data science competitions with Deep Learning
How to win data science competitions with Deep Learning
 
Synthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep LearningSynthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep Learning
 
EssentialsOfMachineLearning.pdf
EssentialsOfMachineLearning.pdfEssentialsOfMachineLearning.pdf
EssentialsOfMachineLearning.pdf
 
Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
 

Mehr von Roelof Pieters

Speculations in anthropology and tech for an uncertain future
Speculations in anthropology and tech for an uncertain futureSpeculations in anthropology and tech for an uncertain future
Speculations in anthropology and tech for an uncertain future
Roelof Pieters
 

Mehr von Roelof Pieters (20)

Speculations in anthropology and tech for an uncertain future
Speculations in anthropology and tech for an uncertain futureSpeculations in anthropology and tech for an uncertain future
Speculations in anthropology and tech for an uncertain future
 
AI assisted creativity
AI assisted creativity AI assisted creativity
AI assisted creativity
 
Creativity and AI: 
Deep Neural Nets "Going Wild"
Creativity and AI: 
Deep Neural Nets "Going Wild"Creativity and AI: 
Deep Neural Nets "Going Wild"
Creativity and AI: 
Deep Neural Nets "Going Wild"
 
Deep Neural Networks 
that talk (Back)… with style
Deep Neural Networks 
that talk (Back)… with styleDeep Neural Networks 
that talk (Back)… with style
Deep Neural Networks 
that talk (Back)… with style
 
Building a Deep Learning (Dream) Machine
Building a Deep Learning (Dream) MachineBuilding a Deep Learning (Dream) Machine
Building a Deep Learning (Dream) Machine
 
Multi-modal embeddings: from discriminative to generative models and creative ai
Multi-modal embeddings: from discriminative to generative models and creative aiMulti-modal embeddings: from discriminative to generative models and creative ai
Multi-modal embeddings: from discriminative to generative models and creative ai
 
Deep learning for natural language embeddings
Deep learning for natural language embeddingsDeep learning for natural language embeddings
Deep learning for natural language embeddings
 
Multi modal retrieval and generation with deep distributed models
Multi modal retrieval and generation with deep distributed modelsMulti modal retrieval and generation with deep distributed models
Multi modal retrieval and generation with deep distributed models
 
Deep Learning for Natural Language Processing: Word Embeddings
Deep Learning for Natural Language Processing: Word EmbeddingsDeep Learning for Natural Language Processing: Word Embeddings
Deep Learning for Natural Language Processing: Word Embeddings
 
Creative AI & multimodality: looking ahead
Creative AI & multimodality: looking aheadCreative AI & multimodality: looking ahead
Creative AI & multimodality: looking ahead
 
Explore Data: Data Science + Visualization
Explore Data: Data Science + VisualizationExplore Data: Data Science + Visualization
Explore Data: Data Science + Visualization
 
Deep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorDeep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog Detector
 
Deep Learning for Information Retrieval
Deep Learning for Information RetrievalDeep Learning for Information Retrieval
Deep Learning for Information Retrieval
 
Graph, Data-science, and Deep Learning
Graph, Data-science, and Deep LearningGraph, Data-science, and Deep Learning
Graph, Data-science, and Deep Learning
 
Deep Learning: a birds eye view
Deep Learning: a birds eye viewDeep Learning: a birds eye view
Deep Learning: a birds eye view
 
Learning to understand phrases by embedding the dictionary
Learning to understand phrases by embedding the dictionaryLearning to understand phrases by embedding the dictionary
Learning to understand phrases by embedding the dictionary
 
Zero shot learning through cross-modal transfer
Zero shot learning through cross-modal transferZero shot learning through cross-modal transfer
Zero shot learning through cross-modal transfer
 
Visual-Semantic Embeddings: some thoughts on Language
Visual-Semantic Embeddings: some thoughts on LanguageVisual-Semantic Embeddings: some thoughts on Language
Visual-Semantic Embeddings: some thoughts on Language
 
Deep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ersDeep Learning, an interactive introduction for NLP-ers
Deep Learning, an interactive introduction for NLP-ers
 
Deep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word EmbeddingsDeep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word Embeddings
 

Kürzlich hochgeladen

If this Giant Must Walk: A Manifesto for a New Nigeria
If this Giant Must Walk: A Manifesto for a New NigeriaIf this Giant Must Walk: A Manifesto for a New Nigeria
If this Giant Must Walk: A Manifesto for a New Nigeria
Kayode Fayemi
 
Bring back lost lover in USA, Canada ,Uk ,Australia ,London Lost Love Spell C...
Bring back lost lover in USA, Canada ,Uk ,Australia ,London Lost Love Spell C...Bring back lost lover in USA, Canada ,Uk ,Australia ,London Lost Love Spell C...
Bring back lost lover in USA, Canada ,Uk ,Australia ,London Lost Love Spell C...
amilabibi1
 
Uncommon Grace The Autobiography of Isaac Folorunso
Uncommon Grace The Autobiography of Isaac FolorunsoUncommon Grace The Autobiography of Isaac Folorunso
Uncommon Grace The Autobiography of Isaac Folorunso
Kayode Fayemi
 
Chiulli_Aurora_Oman_Raffaele_Beowulf.pptx
Chiulli_Aurora_Oman_Raffaele_Beowulf.pptxChiulli_Aurora_Oman_Raffaele_Beowulf.pptx
Chiulli_Aurora_Oman_Raffaele_Beowulf.pptx
raffaeleoman
 

Kürzlich hochgeladen (18)

If this Giant Must Walk: A Manifesto for a New Nigeria
If this Giant Must Walk: A Manifesto for a New NigeriaIf this Giant Must Walk: A Manifesto for a New Nigeria
If this Giant Must Walk: A Manifesto for a New Nigeria
 
Report Writing Webinar Training
Report Writing Webinar TrainingReport Writing Webinar Training
Report Writing Webinar Training
 
Aesthetic Colaba Mumbai Cst Call girls 📞 7738631006 Grant road Call Girls ❤️-...
Aesthetic Colaba Mumbai Cst Call girls 📞 7738631006 Grant road Call Girls ❤️-...Aesthetic Colaba Mumbai Cst Call girls 📞 7738631006 Grant road Call Girls ❤️-...
Aesthetic Colaba Mumbai Cst Call girls 📞 7738631006 Grant road Call Girls ❤️-...
 
ICT role in 21st century education and it's challenges.pdf
ICT role in 21st century education and it's challenges.pdfICT role in 21st century education and it's challenges.pdf
ICT role in 21st century education and it's challenges.pdf
 
Bring back lost lover in USA, Canada ,Uk ,Australia ,London Lost Love Spell C...
Bring back lost lover in USA, Canada ,Uk ,Australia ,London Lost Love Spell C...Bring back lost lover in USA, Canada ,Uk ,Australia ,London Lost Love Spell C...
Bring back lost lover in USA, Canada ,Uk ,Australia ,London Lost Love Spell C...
 
Uncommon Grace The Autobiography of Isaac Folorunso
Uncommon Grace The Autobiography of Isaac FolorunsoUncommon Grace The Autobiography of Isaac Folorunso
Uncommon Grace The Autobiography of Isaac Folorunso
 
Busty Desi⚡Call Girls in Sector 51 Noida Escorts >༒8448380779 Escort Service-...
Busty Desi⚡Call Girls in Sector 51 Noida Escorts >༒8448380779 Escort Service-...Busty Desi⚡Call Girls in Sector 51 Noida Escorts >༒8448380779 Escort Service-...
Busty Desi⚡Call Girls in Sector 51 Noida Escorts >༒8448380779 Escort Service-...
 
My Presentation "In Your Hands" by Halle Bailey
My Presentation "In Your Hands" by Halle BaileyMy Presentation "In Your Hands" by Halle Bailey
My Presentation "In Your Hands" by Halle Bailey
 
Digital collaboration with Microsoft 365 as extension of Drupal
Digital collaboration with Microsoft 365 as extension of DrupalDigital collaboration with Microsoft 365 as extension of Drupal
Digital collaboration with Microsoft 365 as extension of Drupal
 
AWS Data Engineer Associate (DEA-C01) Exam Dumps 2024.pdf
AWS Data Engineer Associate (DEA-C01) Exam Dumps 2024.pdfAWS Data Engineer Associate (DEA-C01) Exam Dumps 2024.pdf
AWS Data Engineer Associate (DEA-C01) Exam Dumps 2024.pdf
 
The workplace ecosystem of the future 24.4.2024 Fabritius_share ii.pdf
The workplace ecosystem of the future 24.4.2024 Fabritius_share ii.pdfThe workplace ecosystem of the future 24.4.2024 Fabritius_share ii.pdf
The workplace ecosystem of the future 24.4.2024 Fabritius_share ii.pdf
 
Sector 62, Noida Call girls :8448380779 Noida Escorts | 100% verified
Sector 62, Noida Call girls :8448380779 Noida Escorts | 100% verifiedSector 62, Noida Call girls :8448380779 Noida Escorts | 100% verified
Sector 62, Noida Call girls :8448380779 Noida Escorts | 100% verified
 
Dreaming Marissa Sánchez Music Video Treatment
Dreaming Marissa Sánchez Music Video TreatmentDreaming Marissa Sánchez Music Video Treatment
Dreaming Marissa Sánchez Music Video Treatment
 
Thirunelveli call girls Tamil escorts 7877702510
Thirunelveli call girls Tamil escorts 7877702510Thirunelveli call girls Tamil escorts 7877702510
Thirunelveli call girls Tamil escorts 7877702510
 
Chiulli_Aurora_Oman_Raffaele_Beowulf.pptx
Chiulli_Aurora_Oman_Raffaele_Beowulf.pptxChiulli_Aurora_Oman_Raffaele_Beowulf.pptx
Chiulli_Aurora_Oman_Raffaele_Beowulf.pptx
 
lONG QUESTION ANSWER PAKISTAN STUDIES10.
lONG QUESTION ANSWER PAKISTAN STUDIES10.lONG QUESTION ANSWER PAKISTAN STUDIES10.
lONG QUESTION ANSWER PAKISTAN STUDIES10.
 
Causes of poverty in France presentation.pptx
Causes of poverty in France presentation.pptxCauses of poverty in France presentation.pptx
Causes of poverty in France presentation.pptx
 
Dreaming Music Video Treatment _ Project & Portfolio III
Dreaming Music Video Treatment _ Project & Portfolio IIIDreaming Music Video Treatment _ Project & Portfolio III
Dreaming Music Video Treatment _ Project & Portfolio III
 

Python for Image Understanding: Deep Learning with Convolutional Neural Nets