SlideShare a Scribd company logo
1 of 42
Download to read offline
Caffe:
Deep learning
Framework
Ramin Fahimi
PyCon 2016 , IUST
Many contents has been taken from Caffe CVPR’15 tutorial and CS231n lectures, Stanford.
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Took million years from nature to
form effective visual recognition
system.
It didn’t happened in one night!
Evolution.
Computer Vision
1. Controlling processes: an industrial robot
2. Navigation: an autonomous vehicle
3. Detecting events: visual surveillance
4. Organizing information: indexing databases of
images and image sequences
5. Modeling objects or environments: medical
image analysis or topographical modeling
6. Interaction: input to a device for computer-
human interaction
7. Automatic inspection in manufacturing
applications.
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
ILSVRC – Visual recognition challenges
What is neural network?
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
What is deep learning? (DL)
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Input image
Weights
Loss
The number of neurons in each layer is given by 253440,
186624, 64896, 64896, 43264, 4096, 4096, 1000
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Why?
What changed?
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Why?
What changed?
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
1. Improvements in hardware
2. Data Size
3. Initialization
4. Successfully applying back propagation
5. Many other things
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Training Deep networks
Back propagation
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Back propagation – cont.
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Frameworks
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Use Cases
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
• Extract AlexNet or VGG features? Use Caffe
• Fine-tune AlexNet for new classes? Use Caffe
• Image Captioning with fine-tuning?
o Need pre-trained models (Caffe, Torch, Lasagne)
o Need RNNs (Torch or Lasagne)
o Use Torch or Lasagna
• Segmentation? (Classify every pixel)
o Use Caffe If loss function exists in Caffe else Use Torch
• Object Detection?
o Need pre-trained model (Torch, Caffe, Lasagne)
o Need lots of custom imperative code (NOT Lasagne), Use Caffe or Torch
Use Cases – Cont.
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
• Feature extraction / fine-tuning existing models: Use Caffe
• Complex uses of pre-trained models: Use Lasagne or Torch
• Write your own layers: Use Torch
• Crazy RNNs: Use Theano or Tensorflow
• Huge model, need model parallelism: Use TensorFlow
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Why Caffe?
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
§ Expression: models + optimizations are plaintext schemas, not code.
§ Speed: for state-of-the-art models and massive data.
§ Modularity: to extend to new tasks and architectures.
§ Openness: common code and reference models for reproducibility.
§ Community: joint discussion, development, and modeling
● Frameworks are more alike than different
o All express deep models
o All are nicely open-source
o All include scripting for hacking and prototyping
● No strict winners – experiment and choose the framework that best fits your
work
Open model collections
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
• The Caffe model zoo contains open collection of deep models
o VGG ILSVRC14 + Devil models in the zoo
o Network-in-Network / CCCP model in the zoo
o MIT Places scene recognition model in the zoo
• help disseminate and reproduce research
• bundled tools for loading and publishing models
• Share Your Models! with your citation + license of course
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Blobs
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Models and solvers are schema, not code
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Prototxt : Define Layer
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
References.
Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
[1]. http://caffe.berkeleyvision.org/
[1]. http://cs231n.stanford.edu/
[2]. http://www.panderson.me/images/Caffe.pdf
Thanks for your attention.
Questions?

More Related Content

What's hot

Introduction to Diffusion Models
Introduction to Diffusion ModelsIntroduction to Diffusion Models
Introduction to Diffusion ModelsSangwoo Mo
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNNNoura Hussein
 
Convolutional Neural Network and RNN for OCR problem.
Convolutional Neural Network and RNN for OCR problem.Convolutional Neural Network and RNN for OCR problem.
Convolutional Neural Network and RNN for OCR problem.Vishal Mishra
 
ECCV2022 paper reading - MultiMAE: Multi-modal Multi-task Masked Autoencoders...
ECCV2022 paper reading - MultiMAE: Multi-modal Multi-task Masked Autoencoders...ECCV2022 paper reading - MultiMAE: Multi-modal Multi-task Masked Autoencoders...
ECCV2022 paper reading - MultiMAE: Multi-modal Multi-task Masked Autoencoders...Antonio Tejero de Pablos
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural NetworksDean Wyatte
 
フロントエンド開発の3ステップ(npm事始め)
フロントエンド開発の3ステップ(npm事始め)フロントエンド開発の3ステップ(npm事始め)
フロントエンド開発の3ステップ(npm事始め)hashedrock
 
DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...
DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...
DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...Joonhyung Lee
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
 A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs) A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)Thomas da Silva Paula
 
[DL輪読会]A Higher-Dimensional Representation for Topologically Varying Neural R...
[DL輪読会]A Higher-Dimensional Representation for Topologically Varying Neural R...[DL輪読会]A Higher-Dimensional Representation for Topologically Varying Neural R...
[DL輪読会]A Higher-Dimensional Representation for Topologically Varying Neural R...Deep Learning JP
 
Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with KerasQuantUniversity
 
Neural Networks: Self-Organizing Maps (SOM)
Neural Networks:  Self-Organizing Maps (SOM)Neural Networks:  Self-Organizing Maps (SOM)
Neural Networks: Self-Organizing Maps (SOM)Mostafa G. M. Mostafa
 
오토인코더의 모든 것
오토인코더의 모든 것오토인코더의 모든 것
오토인코더의 모든 것NAVER Engineering
 
Lecture_16_Self-supervised_Learning.pptx
Lecture_16_Self-supervised_Learning.pptxLecture_16_Self-supervised_Learning.pptx
Lecture_16_Self-supervised_Learning.pptxKarimdabbabi
 
Brief intro : Invariance and Equivariance
Brief intro : Invariance and EquivarianceBrief intro : Invariance and Equivariance
Brief intro : Invariance and Equivariance홍배 김
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Prakhar Rastogi
 

What's hot (20)

Introduction to Diffusion Models
Introduction to Diffusion ModelsIntroduction to Diffusion Models
Introduction to Diffusion Models
 
Cnn
CnnCnn
Cnn
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Convolutional Neural Network and RNN for OCR problem.
Convolutional Neural Network and RNN for OCR problem.Convolutional Neural Network and RNN for OCR problem.
Convolutional Neural Network and RNN for OCR problem.
 
Deep learning を用いた画像から説明文の自動生成に関する研究の紹介
Deep learning を用いた画像から説明文の自動生成に関する研究の紹介Deep learning を用いた画像から説明文の自動生成に関する研究の紹介
Deep learning を用いた画像から説明文の自動生成に関する研究の紹介
 
ECCV2022 paper reading - MultiMAE: Multi-modal Multi-task Masked Autoencoders...
ECCV2022 paper reading - MultiMAE: Multi-modal Multi-task Masked Autoencoders...ECCV2022 paper reading - MultiMAE: Multi-modal Multi-task Masked Autoencoders...
ECCV2022 paper reading - MultiMAE: Multi-modal Multi-task Masked Autoencoders...
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural Networks
 
フロントエンド開発の3ステップ(npm事始め)
フロントエンド開発の3ステップ(npm事始め)フロントエンド開発の3ステップ(npm事始め)
フロントエンド開発の3ステップ(npm事始め)
 
DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...
DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...
DeepLab V3+: Encoder-Decoder with Atrous Separable Convolution for Semantic I...
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
 A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs) A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
 
TensorFlow
TensorFlowTensorFlow
TensorFlow
 
[DL輪読会]A Higher-Dimensional Representation for Topologically Varying Neural R...
[DL輪読会]A Higher-Dimensional Representation for Topologically Varying Neural R...[DL輪読会]A Higher-Dimensional Representation for Topologically Varying Neural R...
[DL輪読会]A Higher-Dimensional Representation for Topologically Varying Neural R...
 
Deep learning with Keras
Deep learning with KerasDeep learning with Keras
Deep learning with Keras
 
Neural Networks: Self-Organizing Maps (SOM)
Neural Networks:  Self-Organizing Maps (SOM)Neural Networks:  Self-Organizing Maps (SOM)
Neural Networks: Self-Organizing Maps (SOM)
 
오토인코더의 모든 것
오토인코더의 모든 것오토인코더의 모든 것
오토인코더의 모든 것
 
Lecture_16_Self-supervised_Learning.pptx
Lecture_16_Self-supervised_Learning.pptxLecture_16_Self-supervised_Learning.pptx
Lecture_16_Self-supervised_Learning.pptx
 
Brief intro : Invariance and Equivariance
Brief intro : Invariance and EquivarianceBrief intro : Invariance and Equivariance
Brief intro : Invariance and Equivariance
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)
 

Viewers also liked

Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream) Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream) IT Arena
 
Semi fragile watermarking
Semi fragile watermarkingSemi fragile watermarking
Semi fragile watermarkingYash Diwakar
 
Caffe framework tutorial2
Caffe framework tutorial2Caffe framework tutorial2
Caffe framework tutorial2Park Chunduck
 
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkitde:code 2017
 
Face recognition and deep learning โดย ดร. สรรพฤทธิ์ มฤคทัต NECTEC
Face recognition and deep learning  โดย ดร. สรรพฤทธิ์ มฤคทัต NECTECFace recognition and deep learning  โดย ดร. สรรพฤทธิ์ มฤคทัต NECTEC
Face recognition and deep learning โดย ดร. สรรพฤทธิ์ มฤคทัต NECTECBAINIDA
 
Optimization in deep learning
Optimization in deep learningOptimization in deep learning
Optimization in deep learningJeremy Nixon
 
Center loss for Face Recognition
Center loss for Face RecognitionCenter loss for Face Recognition
Center loss for Face RecognitionJisung Kim
 
Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...
Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...
Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...Joe Suzuki
 
Caffe framework tutorial
Caffe framework tutorialCaffe framework tutorial
Caffe framework tutorialPark Chunduck
 
Computer vision, machine, and deep learning
Computer vision, machine, and deep learningComputer vision, machine, and deep learning
Computer vision, machine, and deep learningIgi Ardiyanto
 
Using Gradient Descent for Optimization and Learning
Using Gradient Descent for Optimization and LearningUsing Gradient Descent for Optimization and Learning
Using Gradient Descent for Optimization and LearningDr. Volkan OBAN
 
Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...
Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...
Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...Petroleum Training Institute
 
Processor, Compiler and Python Programming Language
Processor, Compiler and Python Programming LanguageProcessor, Compiler and Python Programming Language
Processor, Compiler and Python Programming Languagearumdapta98
 
Pattern Recognition and Machine Learning : Graphical Models
Pattern Recognition and Machine Learning : Graphical ModelsPattern Recognition and Machine Learning : Graphical Models
Pattern Recognition and Machine Learning : Graphical Modelsbutest
 
Rattani - Ph.D. Defense Slides
Rattani - Ph.D. Defense SlidesRattani - Ph.D. Defense Slides
Rattani - Ph.D. Defense SlidesPluribus One
 
怖くない誤差逆伝播法 Chainerを添えて
怖くない誤差逆伝播法 Chainerを添えて怖くない誤差逆伝播法 Chainerを添えて
怖くない誤差逆伝播法 Chainerを添えてmarujirou
 
Pattern Recognition and Machine Learning: Section 3.3
Pattern Recognition and Machine Learning: Section 3.3Pattern Recognition and Machine Learning: Section 3.3
Pattern Recognition and Machine Learning: Section 3.3Yusuke Oda
 

Viewers also liked (20)

Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream) Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
Face Recognition Based on Deep Learning (Yurii Pashchenko Technology Stream)
 
Semi fragile watermarking
Semi fragile watermarkingSemi fragile watermarking
Semi fragile watermarking
 
портфоліо Бабич О.А.
портфоліо Бабич О.А.портфоліо Бабич О.А.
портфоліо Бабич О.А.
 
Caffe framework tutorial2
Caffe framework tutorial2Caffe framework tutorial2
Caffe framework tutorial2
 
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
 
Face recognition and deep learning โดย ดร. สรรพฤทธิ์ มฤคทัต NECTEC
Face recognition and deep learning  โดย ดร. สรรพฤทธิ์ มฤคทัต NECTECFace recognition and deep learning  โดย ดร. สรรพฤทธิ์ มฤคทัต NECTEC
Face recognition and deep learning โดย ดร. สรรพฤทธิ์ มฤคทัต NECTEC
 
Optimization in deep learning
Optimization in deep learningOptimization in deep learning
Optimization in deep learning
 
Center loss for Face Recognition
Center loss for Face RecognitionCenter loss for Face Recognition
Center loss for Face Recognition
 
Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...
Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...
Structure Learning of Bayesian Networks with p Nodes from n Samples when n&lt...
 
Caffe framework tutorial
Caffe framework tutorialCaffe framework tutorial
Caffe framework tutorial
 
Facebook Deep face
Facebook Deep faceFacebook Deep face
Facebook Deep face
 
Computer vision, machine, and deep learning
Computer vision, machine, and deep learningComputer vision, machine, and deep learning
Computer vision, machine, and deep learning
 
Using Gradient Descent for Optimization and Learning
Using Gradient Descent for Optimization and LearningUsing Gradient Descent for Optimization and Learning
Using Gradient Descent for Optimization and Learning
 
Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...
Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...
Muzammil Abdulrahman PPT On Gabor Wavelet Transform (GWT) Based Facial Expres...
 
Processor, Compiler and Python Programming Language
Processor, Compiler and Python Programming LanguageProcessor, Compiler and Python Programming Language
Processor, Compiler and Python Programming Language
 
Pattern Recognition and Machine Learning : Graphical Models
Pattern Recognition and Machine Learning : Graphical ModelsPattern Recognition and Machine Learning : Graphical Models
Pattern Recognition and Machine Learning : Graphical Models
 
Rattani - Ph.D. Defense Slides
Rattani - Ph.D. Defense SlidesRattani - Ph.D. Defense Slides
Rattani - Ph.D. Defense Slides
 
怖くない誤差逆伝播法 Chainerを添えて
怖くない誤差逆伝播法 Chainerを添えて怖くない誤差逆伝播法 Chainerを添えて
怖くない誤差逆伝播法 Chainerを添えて
 
Pattern Recognition and Machine Learning: Section 3.3
Pattern Recognition and Machine Learning: Section 3.3Pattern Recognition and Machine Learning: Section 3.3
Pattern Recognition and Machine Learning: Section 3.3
 
Deep Learning for Computer Vision: Face Recognition (UPC 2016)
Deep Learning for Computer Vision: Face Recognition (UPC 2016)Deep Learning for Computer Vision: Face Recognition (UPC 2016)
Deep Learning for Computer Vision: Face Recognition (UPC 2016)
 

Similar to Caffe - A deep learning framework (Ramin Fahimi)

BinaryPig - Scalable Malware Analytics in Hadoop
BinaryPig - Scalable Malware Analytics in HadoopBinaryPig - Scalable Malware Analytics in Hadoop
BinaryPig - Scalable Malware Analytics in HadoopJason Trost
 
OpenAPI at Scale
OpenAPI at ScaleOpenAPI at Scale
OpenAPI at ScaleNordic APIs
 
LT-Accelerate 2016: Between Custom and Off-the-shelf NLP
LT-Accelerate 2016: Between Custom and Off-the-shelf NLPLT-Accelerate 2016: Between Custom and Off-the-shelf NLP
LT-Accelerate 2016: Between Custom and Off-the-shelf NLPYves Peirsman
 
Raspberry pi performace and program by open cv
Raspberry pi performace and program by open cvRaspberry pi performace and program by open cv
Raspberry pi performace and program by open cvKazuhiko Inaba
 
Meetups - The Oracle Ace Way
Meetups - The Oracle Ace WayMeetups - The Oracle Ace Way
Meetups - The Oracle Ace WayPhil Wilkins
 
C# .NET - Um overview da linguagem
C# .NET - Um overview da linguagem C# .NET - Um overview da linguagem
C# .NET - Um overview da linguagem Claudson Oliveira
 
"The OpenCV Open Source Computer Vision Library: What’s New and What’s Coming...
"The OpenCV Open Source Computer Vision Library: What’s New and What’s Coming..."The OpenCV Open Source Computer Vision Library: What’s New and What’s Coming...
"The OpenCV Open Source Computer Vision Library: What’s New and What’s Coming...Edge AI and Vision Alliance
 
Introduction to Crab - Python Framework for Building Recommender Systems
Introduction to Crab - Python Framework for Building Recommender SystemsIntroduction to Crab - Python Framework for Building Recommender Systems
Introduction to Crab - Python Framework for Building Recommender SystemsMarcel Caraciolo
 
502021435-12345678Minor-Project-Ppt.pptx
502021435-12345678Minor-Project-Ppt.pptx502021435-12345678Minor-Project-Ppt.pptx
502021435-12345678Minor-Project-Ppt.pptxshrey4922
 
PyData NYC by Akira Shibata
PyData NYC by Akira ShibataPyData NYC by Akira Shibata
PyData NYC by Akira ShibataAkira Shibata
 
Road signs detection using voila jone's algorithm with the help of opencv
Road signs detection using voila jone's algorithm with the help of opencvRoad signs detection using voila jone's algorithm with the help of opencv
Road signs detection using voila jone's algorithm with the help of opencvMohdSalim34
 
London Oracle Developer Meetup - June 18 - Drones with APIs
London Oracle Developer Meetup - June 18 - Drones with APIsLondon Oracle Developer Meetup - June 18 - Drones with APIs
London Oracle Developer Meetup - June 18 - Drones with APIsPhil Wilkins
 
2019 StartIT - Boosting your performance with Blackfire
2019 StartIT - Boosting your performance with Blackfire2019 StartIT - Boosting your performance with Blackfire
2019 StartIT - Boosting your performance with BlackfireMarko Mitranić
 
Run your Java code on Cloud Foundry
Run your Java code on Cloud FoundryRun your Java code on Cloud Foundry
Run your Java code on Cloud FoundryAndy Piper
 
computer_vision_dummies_with_Opencv.pdf
computer_vision_dummies_with_Opencv.pdfcomputer_vision_dummies_with_Opencv.pdf
computer_vision_dummies_with_Opencv.pdfDeepuChaudhary12
 
Ml goes fruitful
Ml goes fruitfulMl goes fruitful
Ml goes fruitfulPreeti Negi
 
EKON 24 ML_community_edition
EKON 24 ML_community_editionEKON 24 ML_community_edition
EKON 24 ML_community_editionMax Kleiner
 

Similar to Caffe - A deep learning framework (Ramin Fahimi) (20)

BinaryPig - Scalable Malware Analytics in Hadoop
BinaryPig - Scalable Malware Analytics in HadoopBinaryPig - Scalable Malware Analytics in Hadoop
BinaryPig - Scalable Malware Analytics in Hadoop
 
Project organization
Project organizationProject organization
Project organization
 
OpenAPI at Scale
OpenAPI at ScaleOpenAPI at Scale
OpenAPI at Scale
 
LT-Accelerate 2016: Between Custom and Off-the-shelf NLP
LT-Accelerate 2016: Between Custom and Off-the-shelf NLPLT-Accelerate 2016: Between Custom and Off-the-shelf NLP
LT-Accelerate 2016: Between Custom and Off-the-shelf NLP
 
Raspberry pi performace and program by open cv
Raspberry pi performace and program by open cvRaspberry pi performace and program by open cv
Raspberry pi performace and program by open cv
 
Meetups - The Oracle Ace Way
Meetups - The Oracle Ace WayMeetups - The Oracle Ace Way
Meetups - The Oracle Ace Way
 
C# .NET - Um overview da linguagem
C# .NET - Um overview da linguagem C# .NET - Um overview da linguagem
C# .NET - Um overview da linguagem
 
"The OpenCV Open Source Computer Vision Library: What’s New and What’s Coming...
"The OpenCV Open Source Computer Vision Library: What’s New and What’s Coming..."The OpenCV Open Source Computer Vision Library: What’s New and What’s Coming...
"The OpenCV Open Source Computer Vision Library: What’s New and What’s Coming...
 
Mining Scipy Lectures
Mining Scipy LecturesMining Scipy Lectures
Mining Scipy Lectures
 
Introduction to Crab - Python Framework for Building Recommender Systems
Introduction to Crab - Python Framework for Building Recommender SystemsIntroduction to Crab - Python Framework for Building Recommender Systems
Introduction to Crab - Python Framework for Building Recommender Systems
 
Walter api
Walter apiWalter api
Walter api
 
502021435-12345678Minor-Project-Ppt.pptx
502021435-12345678Minor-Project-Ppt.pptx502021435-12345678Minor-Project-Ppt.pptx
502021435-12345678Minor-Project-Ppt.pptx
 
PyData NYC by Akira Shibata
PyData NYC by Akira ShibataPyData NYC by Akira Shibata
PyData NYC by Akira Shibata
 
Road signs detection using voila jone's algorithm with the help of opencv
Road signs detection using voila jone's algorithm with the help of opencvRoad signs detection using voila jone's algorithm with the help of opencv
Road signs detection using voila jone's algorithm with the help of opencv
 
London Oracle Developer Meetup - June 18 - Drones with APIs
London Oracle Developer Meetup - June 18 - Drones with APIsLondon Oracle Developer Meetup - June 18 - Drones with APIs
London Oracle Developer Meetup - June 18 - Drones with APIs
 
2019 StartIT - Boosting your performance with Blackfire
2019 StartIT - Boosting your performance with Blackfire2019 StartIT - Boosting your performance with Blackfire
2019 StartIT - Boosting your performance with Blackfire
 
Run your Java code on Cloud Foundry
Run your Java code on Cloud FoundryRun your Java code on Cloud Foundry
Run your Java code on Cloud Foundry
 
computer_vision_dummies_with_Opencv.pdf
computer_vision_dummies_with_Opencv.pdfcomputer_vision_dummies_with_Opencv.pdf
computer_vision_dummies_with_Opencv.pdf
 
Ml goes fruitful
Ml goes fruitfulMl goes fruitful
Ml goes fruitful
 
EKON 24 ML_community_edition
EKON 24 ML_community_editionEKON 24 ML_community_edition
EKON 24 ML_community_edition
 

More from irpycon

Medical image Processing - Vahid Nayini
Medical image Processing - Vahid NayiniMedical image Processing - Vahid Nayini
Medical image Processing - Vahid Nayiniirpycon
 
ایجاد کاره‌های اوبونتو با پایتون - دانیال بهزادی
ایجاد کاره‌های اوبونتو با پایتون - دانیال بهزادیایجاد کاره‌های اوبونتو با پایتون - دانیال بهزادی
ایجاد کاره‌های اوبونتو با پایتون - دانیال بهزادیirpycon
 
Word2Vec: Vector presentation of words - Mohammad Mahdavi
Word2Vec: Vector presentation of words - Mohammad MahdaviWord2Vec: Vector presentation of words - Mohammad Mahdavi
Word2Vec: Vector presentation of words - Mohammad Mahdaviirpycon
 
Python internals and how they affect your code - kasra ahmadvand
Python internals and how they affect your code - kasra ahmadvandPython internals and how they affect your code - kasra ahmadvand
Python internals and how they affect your code - kasra ahmadvandirpycon
 
تست وب اپ ها با سلنیوم - علیرضا عظیم زاده میلانی
تست وب اپ ها با سلنیوم - علیرضا عظیم زاده میلانیتست وب اپ ها با سلنیوم - علیرضا عظیم زاده میلانی
تست وب اپ ها با سلنیوم - علیرضا عظیم زاده میلانیirpycon
 
معرفی و آموزش سامانه مدیریت محتوای مزانین - سید مسعود صدر نژاد
معرفی و آموزش سامانه مدیریت محتوای مزانین - سید مسعود صدر نژادمعرفی و آموزش سامانه مدیریت محتوای مزانین - سید مسعود صدر نژاد
معرفی و آموزش سامانه مدیریت محتوای مزانین - سید مسعود صدر نژادirpycon
 

More from irpycon (6)

Medical image Processing - Vahid Nayini
Medical image Processing - Vahid NayiniMedical image Processing - Vahid Nayini
Medical image Processing - Vahid Nayini
 
ایجاد کاره‌های اوبونتو با پایتون - دانیال بهزادی
ایجاد کاره‌های اوبونتو با پایتون - دانیال بهزادیایجاد کاره‌های اوبونتو با پایتون - دانیال بهزادی
ایجاد کاره‌های اوبونتو با پایتون - دانیال بهزادی
 
Word2Vec: Vector presentation of words - Mohammad Mahdavi
Word2Vec: Vector presentation of words - Mohammad MahdaviWord2Vec: Vector presentation of words - Mohammad Mahdavi
Word2Vec: Vector presentation of words - Mohammad Mahdavi
 
Python internals and how they affect your code - kasra ahmadvand
Python internals and how they affect your code - kasra ahmadvandPython internals and how they affect your code - kasra ahmadvand
Python internals and how they affect your code - kasra ahmadvand
 
تست وب اپ ها با سلنیوم - علیرضا عظیم زاده میلانی
تست وب اپ ها با سلنیوم - علیرضا عظیم زاده میلانیتست وب اپ ها با سلنیوم - علیرضا عظیم زاده میلانی
تست وب اپ ها با سلنیوم - علیرضا عظیم زاده میلانی
 
معرفی و آموزش سامانه مدیریت محتوای مزانین - سید مسعود صدر نژاد
معرفی و آموزش سامانه مدیریت محتوای مزانین - سید مسعود صدر نژادمعرفی و آموزش سامانه مدیریت محتوای مزانین - سید مسعود صدر نژاد
معرفی و آموزش سامانه مدیریت محتوای مزانین - سید مسعود صدر نژاد
 

Recently uploaded

How to write a Business Continuity Plan
How to write a Business Continuity PlanHow to write a Business Continuity Plan
How to write a Business Continuity PlanDatabarracks
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubKalema Edgar
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024BookNet Canada
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupFlorian Wilhelm
 
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc
 
"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii SoldatenkoFwdays
 
Take control of your SAP testing with UiPath Test Suite
Take control of your SAP testing with UiPath Test SuiteTake control of your SAP testing with UiPath Test Suite
Take control of your SAP testing with UiPath Test SuiteDianaGray10
 
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxPasskey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxLoriGlavin3
 
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek SchlawackFwdays
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
DSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningDSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningLars Bell
 
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdfHyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdfPrecisely
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Mattias Andersson
 
Digital Identity is Under Attack: FIDO Paris Seminar.pptx
Digital Identity is Under Attack: FIDO Paris Seminar.pptxDigital Identity is Under Attack: FIDO Paris Seminar.pptx
Digital Identity is Under Attack: FIDO Paris Seminar.pptxLoriGlavin3
 
Commit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyCommit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyAlfredo García Lavilla
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024BookNet Canada
 
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptxThe Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptxLoriGlavin3
 
Advanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionAdvanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionDilum Bandara
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brandgvaughan
 
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptxUse of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptxLoriGlavin3
 

Recently uploaded (20)

How to write a Business Continuity Plan
How to write a Business Continuity PlanHow to write a Business Continuity Plan
How to write a Business Continuity Plan
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding Club
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project Setup
 
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
 
"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko
 
Take control of your SAP testing with UiPath Test Suite
Take control of your SAP testing with UiPath Test SuiteTake control of your SAP testing with UiPath Test Suite
Take control of your SAP testing with UiPath Test Suite
 
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxPasskey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
 
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
DSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningDSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine Tuning
 
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdfHyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
Hyperautomation and AI/ML: A Strategy for Digital Transformation Success.pdf
 
Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?Are Multi-Cloud and Serverless Good or Bad?
Are Multi-Cloud and Serverless Good or Bad?
 
Digital Identity is Under Attack: FIDO Paris Seminar.pptx
Digital Identity is Under Attack: FIDO Paris Seminar.pptxDigital Identity is Under Attack: FIDO Paris Seminar.pptx
Digital Identity is Under Attack: FIDO Paris Seminar.pptx
 
Commit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyCommit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easy
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
 
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptxThe Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
 
Advanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionAdvanced Computer Architecture – An Introduction
Advanced Computer Architecture – An Introduction
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brand
 
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptxUse of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
 

Caffe - A deep learning framework (Ramin Fahimi)

  • 1. Caffe: Deep learning Framework Ramin Fahimi PyCon 2016 , IUST Many contents has been taken from Caffe CVPR’15 tutorial and CS231n lectures, Stanford.
  • 2. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 Took million years from nature to form effective visual recognition system. It didn’t happened in one night! Evolution.
  • 3. Computer Vision 1. Controlling processes: an industrial robot 2. Navigation: an autonomous vehicle 3. Detecting events: visual surveillance 4. Organizing information: indexing databases of images and image sequences 5. Modeling objects or environments: medical image analysis or topographical modeling 6. Interaction: input to a device for computer- human interaction 7. Automatic inspection in manufacturing applications. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 4. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 ILSVRC – Visual recognition challenges
  • 5. What is neural network? Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 6. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 7. What is deep learning? (DL) Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 Input image Weights Loss The number of neurons in each layer is given by 253440, 186624, 64896, 64896, 43264, 4096, 4096, 1000
  • 8. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 9. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 10. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 11. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 12. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 13. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 14. Why? What changed? Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 15. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 16. Why? What changed? Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 1. Improvements in hardware 2. Data Size 3. Initialization 4. Successfully applying back propagation 5. Many other things
  • 17. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 Training Deep networks
  • 18. Back propagation Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 19. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 Back propagation – cont.
  • 20. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 21. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 22. Frameworks Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 23. Use Cases Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 • Extract AlexNet or VGG features? Use Caffe • Fine-tune AlexNet for new classes? Use Caffe • Image Captioning with fine-tuning? o Need pre-trained models (Caffe, Torch, Lasagne) o Need RNNs (Torch or Lasagne) o Use Torch or Lasagna • Segmentation? (Classify every pixel) o Use Caffe If loss function exists in Caffe else Use Torch • Object Detection? o Need pre-trained model (Torch, Caffe, Lasagne) o Need lots of custom imperative code (NOT Lasagne), Use Caffe or Torch
  • 24. Use Cases – Cont. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 • Feature extraction / fine-tuning existing models: Use Caffe • Complex uses of pre-trained models: Use Lasagne or Torch • Write your own layers: Use Torch • Crazy RNNs: Use Theano or Tensorflow • Huge model, need model parallelism: Use TensorFlow
  • 25. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 26. Why Caffe? Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 § Expression: models + optimizations are plaintext schemas, not code. § Speed: for state-of-the-art models and massive data. § Modularity: to extend to new tasks and architectures. § Openness: common code and reference models for reproducibility. § Community: joint discussion, development, and modeling ● Frameworks are more alike than different o All express deep models o All are nicely open-source o All include scripting for hacking and prototyping ● No strict winners – experiment and choose the framework that best fits your work
  • 27. Open model collections Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 • The Caffe model zoo contains open collection of deep models o VGG ILSVRC14 + Devil models in the zoo o Network-in-Network / CCCP model in the zoo o MIT Places scene recognition model in the zoo • help disseminate and reproduce research • bundled tools for loading and publishing models • Share Your Models! with your citation + license of course
  • 28. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 29. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 30. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 31. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 32. Blobs Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 33. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 34. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 35. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 36. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 37. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 Models and solvers are schema, not code
  • 38. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 39. Prototxt : Define Layer Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 40. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 41. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016
  • 42. References. Caffe: Deep learning Framework Ramin Fahimi, #irpycon 2016 [1]. http://caffe.berkeleyvision.org/ [1]. http://cs231n.stanford.edu/ [2]. http://www.panderson.me/images/Caffe.pdf Thanks for your attention. Questions?