SlideShare une entreprise Scribd logo
1  sur  47
Style Recognition
Youngjin Kim, Beomjun Shin, Hunjae Jung
4190.429 Image Processing (2015 Spring)
Final Project
June 1, 2015
• Why Style Recognition
• Environment Settings
• Data Sources
• Convolutional Neural Network
• CNN with Fine-tuning
• Hand-crafted Features
• Classifier
• Conclusion
• Demo
Outline
Why Style Recognition
What do you see in the picture?
4
Why Style Recognition
Not only Object, But also Style is important
Pastel Noir
5
Why Style Recognition
Style contains rich information about image
Flickr Style dataset Wikipaintings dataset
Build improved style recognizer
that provides rich and vivid information to image
Our Mission
Application
Example of filtering image search results by style.
Environment Setting
Required Hardware Specification
GPU with 4GB(≥) memory Affordable Motherboard 600W(≥) Power Supply
+ @
Environment Setting
What we have
i3 processor, 2GB memory, GTX 430 graphic card (…)
Environment Setting
We bought …
GTX 980(4GB)
Power(600W)
740 thousand ₩
Environment Setting
We bought …
GTX 980(4GB)
Power(600W)
740 thousand ₩
Our Motherboard was
Micro-ATX, So …
Environment Setting
We bought …
GTX 980(4GB)
Power(600W)
740 thousand ₩
We bought …
Motherboard, CPU,
SSD, Case
690 thousand ₩
Our Motherboard was
Micro-ATX, So …
Environment Setting
We bought …
GTX 980(4GB)
Power(600W)
740 thousand ₩
We bought …
Motherboard, CPU,
SSD, Case
690 thousand ₩
Our Motherboard was
Micro-ATX, So …
Memory was only 4GB
So…
Environment Setting
We bought …
GTX 980(4GB)
Power(600W)
740 thousand ₩
Our Motherboard was
Micro-ATX, So …
We bought …
Motherboard, CPU,
SSD, Case
690 thousand ₩
Memory was only 4GB
So…
We bought …
Memory 16GB
128 thousand ₩
Environment Setting
We bought …
GTX 980(4GB)
Power(600W)
740 thousand ₩
We bought …
Motherboard, CPU,
SSD, Case
690 thousand ₩
We bought …
Memory 16GB
128 thousand ₩
Our Motherboard was
Micro-ATX, So …
Memory was only 4GB
So…
Setting Deep Learning Toolbox
Keras(ver0.1): Theano-based library Caffe: fastest, nice framework
Python, No Configuration file(!) C++, protobuf
Work Flow
Classifier
pre-training
Top5 Score
Handcraft Features
ConvNet Features
Bright
Romantic
Serene
Sunny
Macro
Color Histogram
Color Variance
Datasets
GIST Descriptor
HOG Features
Work Flow
Classifier
pre-training
Top5 Score
Handcraft Features
ConvNet Features
Bright
Romantic
Serene
Sunny
Macro
Color Histogram
GIST Descriptor
HOG Features
Color Variance
Datasets
Data source
All labeled 20 styles
60% training, 20% validation, 20% test
Positive example : clean
Negative example : not clean
80,000 images
Curated by Flickr Group[Kerayev. et.al]
Style Labels
• Optical techniques : Macro, Depth-of-Field, Long Exposure, HDR
• Atmosphere : Hazy, Sunny
• Mood : Serene, Melancholy, Ethereal
• Composition styles : Minimal, Geometric, Detailed, Texture
• Color : Pastel, Bright
• Genre : Noir, Vintage, Romantic, Horror
Work Flow
Classifier
pre-training
Top5 Score
Handcraft Features
ConvNet Features
Bright
Romantic
Serene
Sunny
Macro
Color Histogram
Color Variance
Datasets
GIST Descriptor
Convolutional Neural Network
We made theano-based CNN model and tested it
too slow, need more data
128 batch, SGD optimize
INPUT(256x256)
CONV(32,3x3)
CONV(32,3x3)
MAXPOOLING(4x4)
CONV(32,3x3)
CONV(32,3x3)
MAXPOOLING(4x4)
FC(8192-2048)
FC(2048-20)
SOFTMAX
Our CNN Model (keras)
Convolutional Neural Network
CaffeNet without fine-tuning
too slow, need more data (!)
128 batch, SGD optimize
INPUT(256x256)
CONV(48,2x2)
MAXPOOLING(2x2)
CONV(128,3,3)
MAXPOOLING(2x2)
CONV(192,3x3)
CONV(192,3x3)
CONV(128,3x3)
MAXPOOLING(2x2)
FC(10,816-4,096)
FC(4,096-4,096)
FC(4,096-2000)
SOFTMAX
CaffeNet (Modified AlexNet)
Convolutional Neural Network
No Fine-tuning, No Future
Let’s not contribute to global warming
128 batch, SGD optimize
INPUT(256x256)
CONV(48,2x2)
MAXPOOLING(2x2)
CONV(128,3,3)
MAXPOOLING(2x2)
CONV(192,3x3)
CONV(192,3x3)
CONV(128,3x3)
MAXPOOLING(2x2)
FC(10,816-4,096)
FC(4,096-4,096)
FC(4,096-2000)
SOFTMAX
CaffeNet (Modified AlexNet)
Convolutional Neural Network
Fine-tuning CNN (1)
Dataset MIT Places Database (2.5 million images, 205 category)
Model Deeply Supervised Net (DSN)
Deeply-Supervised Nets [Chen-Yu Lee, Saining Xie]
Convolutional Neural Network
Fine-tuning CNN (2)
Dataset ImageNet (1.2 million images into 1000 category)
Model CaffeNet (replication of AlexNet)
Caffe: Convolutional Architecture for Fast Feature Embedding [Yangqing Jia, Evan Shelhamer]
Convolutional Neural Network
Fine-tuning CNN (3)
Dataset ImageNet (1.2 million images into 1000 category)
Model VGG 16-layer Net
VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE-SCALE IMAGE RECOGNITION [Karen Simonyan, Andrew Zisserman]
Convolutional Neural Network
Winner was VGG, But we used CaffeNet
Work Flow
Classifier
pre-training
Top5 Score
Handcraft Features
ConvNet Features
Bright
Romantic
Serene
Sunny
Macro
Color Histogram
Color Variance
Datasets
GIST Descriptor
Hand-crafted Features
GIST Color Histogram
3 scale, {8, 8, 4} orientation
4 x 4 grid
960 dimension
8 bins, 1 patch for Channel
48 dimension
Color Variance
4 x 4 grid for each channel
48 dimension
Concatenate Features
CNN GIST Histogram Variance
4,096 960 96 48
1 by 5200 Vector
Work Flow
Classifier
pre-training
Top5 Score
Handcraft Features
ConvNet Features
Bright
Romantic
Serene
Sunny
Macro
Color Histogram
GIST Descriptor
Color Variance
Datasets
Classifier
Linear Classifier
5,200 Feature Vector
Hinge Log
Squared
Hinge
Modified
Huber
Perceptron
0.314 0.309 0.327 0.316 0.303
Input
Loss func
Accuracy
Not enough performance!
Classifier
Full-connected Neural Network
Let’s tune hyper-parameters
Classifier
Varying Number of Hidden layers
1 hidden layer performed better
64 batch, SGD optimize
INPUT(5200x1)
FC(5152-2048)
RELU
FC(2048-20)
SOFTMAX
1 Hidden Layer
64 batch, SGD optimize
INPUT(5200x1)
FC(5152-2048)
RELU
FC(2048-1024)
RELU
FC(1024-20)
SOFTMAX
2 Hidden Layer
Classifier
Varying Dropout rate
Dropout rate 0.8 is 2% better
Classifier
Varying Optimization Techniques
All of them overfitted, only SGD survived
Classifier
Varying Activation functions
RELU shows highest accuracy
tanh RELU Sigmoid Soft Plus
Classifier
Linear vs Full Connected
31.4 %
30.9 %
32.7 %
31.6 %
30.3 %
39.5 %
Final Touch
Now we have every building blocks
Any remaining variation?
Classifier
pre-training
Top5 Score
Handcraft Features
ConvNet Features
Bright
Romantic
Serene
Sunny
Macro
Color Histogram
GIST Descriptor
Color Variance
Datasets
Final Touch
Let’s compare combination of features
Classifier
pre-training
Top5 Score
Handcraft Features
ConvNet Features
Bright
Romantic
Serene
Sunny
Macro
Color Histogram
Color Variance
Datasets
GIST Descriptor
Final Touch
Let’s compare combination of features
CNN (4,096) GIST Color Histogram Color Variance Acc
COMB 1 O O O O 0.3945
COMB 2 O O O 0.3941
COMB 3 O O 0.3949
COMB 4 O 0.3942
Accuracy for various feature combinations
CNN GIST
4,096 960
1 by 5,056 Feature Vector
Final feature combination
Top1 Accuracy. 0.395 > 0.368 (benchmark)
Conclusion
Confusion matrix
Conclusion
Confusion matrix
Vintage vs Pastel
Pastel vs Romantic
Sunny vs Serene
Conclusion
Prediction Accuracy
Conclusion
Prediction Accuracy
Demo
http://demo.shasta.kr

Contenu connexe

Tendances

Massively Parallel K-Nearest Neighbor Computation on Distributed Architectures
Massively Parallel K-Nearest Neighbor Computation on Distributed Architectures Massively Parallel K-Nearest Neighbor Computation on Distributed Architectures
Massively Parallel K-Nearest Neighbor Computation on Distributed Architectures Intel® Software
 
Introduction to deep learning in python and Matlab
Introduction to deep learning in python and MatlabIntroduction to deep learning in python and Matlab
Introduction to deep learning in python and MatlabImry Kissos
 
Object Detection Beyond Mask R-CNN and RetinaNet I
Object Detection Beyond Mask R-CNN and RetinaNet IObject Detection Beyond Mask R-CNN and RetinaNet I
Object Detection Beyond Mask R-CNN and RetinaNet IWanjin Yu
 
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation..."Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation...Edge AI and Vision Alliance
 
Mask-RCNN for Instance Segmentation
Mask-RCNN for Instance SegmentationMask-RCNN for Instance Segmentation
Mask-RCNN for Instance SegmentationDat Nguyen
 
150807 Fast R-CNN
150807 Fast R-CNN150807 Fast R-CNN
150807 Fast R-CNNJunho Cho
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)Amazon Web Services
 
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...Universitat Politècnica de Catalunya
 
Intro to Machine Learning for GPUs
Intro to Machine Learning for GPUsIntro to Machine Learning for GPUs
Intro to Machine Learning for GPUsSri Ambati
 
Learning visual representation without human label
Learning visual representation without human labelLearning visual representation without human label
Learning visual representation without human labelKai-Wen Zhao
 
Introduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at GalvanizeIntroduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at GalvanizeIntel Nervana
 
IIBMP2019 講演資料「オープンソースで始める深層学習」
IIBMP2019 講演資料「オープンソースで始める深層学習」IIBMP2019 講演資料「オープンソースで始める深層学習」
IIBMP2019 講演資料「オープンソースで始める深層学習」Preferred Networks
 
Recent Object Detection Research & Person Detection
Recent Object Detection Research & Person DetectionRecent Object Detection Research & Person Detection
Recent Object Detection Research & Person DetectionKai-Wen Zhao
 
[unofficial] Pyramid Scene Parsing Network (CVPR 2017)
[unofficial] Pyramid Scene Parsing Network (CVPR 2017)[unofficial] Pyramid Scene Parsing Network (CVPR 2017)
[unofficial] Pyramid Scene Parsing Network (CVPR 2017)Shunta Saito
 
強化学習の分散アーキテクチャ変遷
強化学習の分散アーキテクチャ変遷強化学習の分散アーキテクチャ変遷
強化学習の分散アーキテクチャ変遷Eiji Sekiya
 
160205 NeuralArt - Understanding Neural Representation
160205 NeuralArt - Understanding Neural Representation160205 NeuralArt - Understanding Neural Representation
160205 NeuralArt - Understanding Neural RepresentationJunho Cho
 
DLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningDLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningBrodmann17
 
DeepFix: a fully convolutional neural network for predicting human fixations...
DeepFix:  a fully convolutional neural network for predicting human fixations...DeepFix:  a fully convolutional neural network for predicting human fixations...
DeepFix: a fully convolutional neural network for predicting human fixations...Universitat Politècnica de Catalunya
 

Tendances (20)

Deep Learning for Computer Vision: Image Retrieval (UPC 2016)
Deep Learning for Computer Vision: Image Retrieval (UPC 2016)Deep Learning for Computer Vision: Image Retrieval (UPC 2016)
Deep Learning for Computer Vision: Image Retrieval (UPC 2016)
 
Massively Parallel K-Nearest Neighbor Computation on Distributed Architectures
Massively Parallel K-Nearest Neighbor Computation on Distributed Architectures Massively Parallel K-Nearest Neighbor Computation on Distributed Architectures
Massively Parallel K-Nearest Neighbor Computation on Distributed Architectures
 
Introduction to deep learning in python and Matlab
Introduction to deep learning in python and MatlabIntroduction to deep learning in python and Matlab
Introduction to deep learning in python and Matlab
 
Object Detection Beyond Mask R-CNN and RetinaNet I
Object Detection Beyond Mask R-CNN and RetinaNet IObject Detection Beyond Mask R-CNN and RetinaNet I
Object Detection Beyond Mask R-CNN and RetinaNet I
 
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation..."Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
"Semantic Segmentation for Scene Understanding: Algorithms and Implementation...
 
Mask-RCNN for Instance Segmentation
Mask-RCNN for Instance SegmentationMask-RCNN for Instance Segmentation
Mask-RCNN for Instance Segmentation
 
150807 Fast R-CNN
150807 Fast R-CNN150807 Fast R-CNN
150807 Fast R-CNN
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
 
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
Transfer Learning and Domain Adaptation (D2L3 2017 UPC Deep Learning for Comp...
 
Intro to Machine Learning for GPUs
Intro to Machine Learning for GPUsIntro to Machine Learning for GPUs
Intro to Machine Learning for GPUs
 
Learning visual representation without human label
Learning visual representation without human labelLearning visual representation without human label
Learning visual representation without human label
 
Introduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at GalvanizeIntroduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at Galvanize
 
IIBMP2019 講演資料「オープンソースで始める深層学習」
IIBMP2019 講演資料「オープンソースで始める深層学習」IIBMP2019 講演資料「オープンソースで始める深層学習」
IIBMP2019 講演資料「オープンソースで始める深層学習」
 
Recent Object Detection Research & Person Detection
Recent Object Detection Research & Person DetectionRecent Object Detection Research & Person Detection
Recent Object Detection Research & Person Detection
 
[unofficial] Pyramid Scene Parsing Network (CVPR 2017)
[unofficial] Pyramid Scene Parsing Network (CVPR 2017)[unofficial] Pyramid Scene Parsing Network (CVPR 2017)
[unofficial] Pyramid Scene Parsing Network (CVPR 2017)
 
強化学習の分散アーキテクチャ変遷
強化学習の分散アーキテクチャ変遷強化学習の分散アーキテクチャ変遷
強化学習の分散アーキテクチャ変遷
 
160205 NeuralArt - Understanding Neural Representation
160205 NeuralArt - Understanding Neural Representation160205 NeuralArt - Understanding Neural Representation
160205 NeuralArt - Understanding Neural Representation
 
DLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningDLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep Learning
 
DeepFix: a fully convolutional neural network for predicting human fixations...
DeepFix:  a fully convolutional neural network for predicting human fixations...DeepFix:  a fully convolutional neural network for predicting human fixations...
DeepFix: a fully convolutional neural network for predicting human fixations...
 

En vedette

simple image processing projects
simple image processing projectssimple image processing projects
simple image processing projectsE2MATRIX
 
Planificacion de riesgos._esquema
Planificacion de riesgos._esquemaPlanificacion de riesgos._esquema
Planificacion de riesgos._esquemaBryan Ryan
 
Everything You Need To Know About Creating and Maintaining Donor Relationships
Everything You Need To Know About Creating and Maintaining Donor RelationshipsEverything You Need To Know About Creating and Maintaining Donor Relationships
Everything You Need To Know About Creating and Maintaining Donor RelationshipsBloomerang
 
Ipsos Global @dvisor 24: Employee Relocation
Ipsos Global @dvisor 24: Employee RelocationIpsos Global @dvisor 24: Employee Relocation
Ipsos Global @dvisor 24: Employee RelocationIpsos UK
 
communication design philosophy
communication design philosophycommunication design philosophy
communication design philosophyYoshinori Kawamura
 
Cursuri open septembrie
Cursuri open septembrieCursuri open septembrie
Cursuri open septembrieCatalin Lazar
 
Heat transfer by evaporation
Heat transfer by evaporationHeat transfer by evaporation
Heat transfer by evaporationsherinshaju
 
最近の事例におけるサイバー攻撃の傾向と対策
最近の事例におけるサイバー攻撃の傾向と対策最近の事例におけるサイバー攻撃の傾向と対策
最近の事例におけるサイバー攻撃の傾向と対策itforum-roundtable
 
7 c's of effective communication. Abid Hussain Sindhu, M14BBA036,HCBF, PU
7 c's of effective communication. Abid  Hussain Sindhu, M14BBA036,HCBF, PU7 c's of effective communication. Abid  Hussain Sindhu, M14BBA036,HCBF, PU
7 c's of effective communication. Abid Hussain Sindhu, M14BBA036,HCBF, PU564251
 
Infuse Marketing Automation with Dynamic Purchase Intent Data from Bombora
Infuse Marketing Automation with Dynamic Purchase Intent Data from BomboraInfuse Marketing Automation with Dynamic Purchase Intent Data from Bombora
Infuse Marketing Automation with Dynamic Purchase Intent Data from BomboraMarketo
 

En vedette (15)

simple image processing projects
simple image processing projectssimple image processing projects
simple image processing projects
 
Planificacion de riesgos._esquema
Planificacion de riesgos._esquemaPlanificacion de riesgos._esquema
Planificacion de riesgos._esquema
 
Everything You Need To Know About Creating and Maintaining Donor Relationships
Everything You Need To Know About Creating and Maintaining Donor RelationshipsEverything You Need To Know About Creating and Maintaining Donor Relationships
Everything You Need To Know About Creating and Maintaining Donor Relationships
 
Ipsos Global @dvisor 24: Employee Relocation
Ipsos Global @dvisor 24: Employee RelocationIpsos Global @dvisor 24: Employee Relocation
Ipsos Global @dvisor 24: Employee Relocation
 
Fases Tecnológicas
Fases TecnológicasFases Tecnológicas
Fases Tecnológicas
 
communication design philosophy
communication design philosophycommunication design philosophy
communication design philosophy
 
Aggression in health_web
Aggression in health_webAggression in health_web
Aggression in health_web
 
Cursuri open septembrie
Cursuri open septembrieCursuri open septembrie
Cursuri open septembrie
 
Cursuri open august
Cursuri open augustCursuri open august
Cursuri open august
 
XP再解釈
XP再解釈XP再解釈
XP再解釈
 
Heat transfer by evaporation
Heat transfer by evaporationHeat transfer by evaporation
Heat transfer by evaporation
 
Redistribution into OSPF
Redistribution into OSPFRedistribution into OSPF
Redistribution into OSPF
 
最近の事例におけるサイバー攻撃の傾向と対策
最近の事例におけるサイバー攻撃の傾向と対策最近の事例におけるサイバー攻撃の傾向と対策
最近の事例におけるサイバー攻撃の傾向と対策
 
7 c's of effective communication. Abid Hussain Sindhu, M14BBA036,HCBF, PU
7 c's of effective communication. Abid  Hussain Sindhu, M14BBA036,HCBF, PU7 c's of effective communication. Abid  Hussain Sindhu, M14BBA036,HCBF, PU
7 c's of effective communication. Abid Hussain Sindhu, M14BBA036,HCBF, PU
 
Infuse Marketing Automation with Dynamic Purchase Intent Data from Bombora
Infuse Marketing Automation with Dynamic Purchase Intent Data from BomboraInfuse Marketing Automation with Dynamic Purchase Intent Data from Bombora
Infuse Marketing Automation with Dynamic Purchase Intent Data from Bombora
 

Similaire à [SNU Computer Vision Course Project] Image Style Recognition

Application of the Actor Model to Large Scale NDE Data Analysis
Application of the Actor Model to Large Scale NDE Data AnalysisApplication of the Actor Model to Large Scale NDE Data Analysis
Application of the Actor Model to Large Scale NDE Data AnalysisChrisCoughlin9
 
Machine learning for IoT - unpacking the blackbox
Machine learning for IoT - unpacking the blackboxMachine learning for IoT - unpacking the blackbox
Machine learning for IoT - unpacking the blackboxIvo Andreev
 
Prepare your data for machine learning
Prepare your data for machine learningPrepare your data for machine learning
Prepare your data for machine learningIvo Andreev
 
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016MLconf
 
MLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott ClarkMLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott ClarkSigOpt
 
AISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the EdgeAISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the EdgeBill Liu
 
Processing Large Graphs
Processing Large GraphsProcessing Large Graphs
Processing Large GraphsNishant Gandhi
 
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...Chester Chen
 
Digitization Basics for Archives and Special Collections – Part 1: Select and...
Digitization Basics for Archives and Special Collections – Part 1: Select and...Digitization Basics for Archives and Special Collections – Part 1: Select and...
Digitization Basics for Archives and Special Collections – Part 1: Select and...WiLS
 
Python Raster Function - Esri Developer Conference - 2015
Python Raster Function - Esri Developer Conference - 2015Python Raster Function - Esri Developer Conference - 2015
Python Raster Function - Esri Developer Conference - 2015akferoz07
 
The Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkThe Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkIvo Andreev
 
Photo echance. Problems. Solutions. Ideas
Photo echance. Problems. Solutions. Ideas Photo echance. Problems. Solutions. Ideas
Photo echance. Problems. Solutions. Ideas Andrew Nikishaev
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Vandana Kannan
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Apache MXNet
 
Filtering 100M objects in Coherence cache. What can go wrong?
Filtering 100M objects in Coherence cache. What can go wrong?Filtering 100M objects in Coherence cache. What can go wrong?
Filtering 100M objects in Coherence cache. What can go wrong?aragozin
 
Practice discovering biological knowledge using networks approach.
Practice discovering biological knowledge using networks approach.Practice discovering biological knowledge using networks approach.
Practice discovering biological knowledge using networks approach.Elena Sügis
 
Techniques for effective and efficient fire detection from social media images
Techniques for effective and efficient fire detection from social media imagesTechniques for effective and efficient fire detection from social media images
Techniques for effective and efficient fire detection from social media imagesUniversidade de São Paulo
 
ITK Tutorial Presentation Slides-946
ITK Tutorial Presentation Slides-946ITK Tutorial Presentation Slides-946
ITK Tutorial Presentation Slides-946Kitware Kitware
 

Similaire à [SNU Computer Vision Course Project] Image Style Recognition (20)

專題報告
專題報告專題報告
專題報告
 
Application of the Actor Model to Large Scale NDE Data Analysis
Application of the Actor Model to Large Scale NDE Data AnalysisApplication of the Actor Model to Large Scale NDE Data Analysis
Application of the Actor Model to Large Scale NDE Data Analysis
 
Machine learning for IoT - unpacking the blackbox
Machine learning for IoT - unpacking the blackboxMachine learning for IoT - unpacking the blackbox
Machine learning for IoT - unpacking the blackbox
 
Prepare your data for machine learning
Prepare your data for machine learningPrepare your data for machine learning
Prepare your data for machine learning
 
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
Scott Clark, Co-Founder and CEO, SigOpt at MLconf SF 2016
 
MLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott ClarkMLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott Clark
 
AISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the EdgeAISF19 - Unleash Computer Vision at the Edge
AISF19 - Unleash Computer Vision at the Edge
 
Processing Large Graphs
Processing Large GraphsProcessing Large Graphs
Processing Large Graphs
 
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
SF Big Analytics & SF Machine Learning Meetup: Machine Learning at the Limit ...
 
Digitization Basics for Archives and Special Collections – Part 1: Select and...
Digitization Basics for Archives and Special Collections – Part 1: Select and...Digitization Basics for Archives and Special Collections – Part 1: Select and...
Digitization Basics for Archives and Special Collections – Part 1: Select and...
 
Python Raster Function - Esri Developer Conference - 2015
Python Raster Function - Esri Developer Conference - 2015Python Raster Function - Esri Developer Conference - 2015
Python Raster Function - Esri Developer Conference - 2015
 
The Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkThe Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it Work
 
Photo echance. Problems. Solutions. Ideas
Photo echance. Problems. Solutions. Ideas Photo echance. Problems. Solutions. Ideas
Photo echance. Problems. Solutions. Ideas
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
Filtering 100M objects in Coherence cache. What can go wrong?
Filtering 100M objects in Coherence cache. What can go wrong?Filtering 100M objects in Coherence cache. What can go wrong?
Filtering 100M objects in Coherence cache. What can go wrong?
 
Practice discovering biological knowledge using networks approach.
Practice discovering biological knowledge using networks approach.Practice discovering biological knowledge using networks approach.
Practice discovering biological knowledge using networks approach.
 
Techniques for effective and efficient fire detection from social media images
Techniques for effective and efficient fire detection from social media imagesTechniques for effective and efficient fire detection from social media images
Techniques for effective and efficient fire detection from social media images
 
ITK Tutorial Presentation Slides-946
ITK Tutorial Presentation Slides-946ITK Tutorial Presentation Slides-946
ITK Tutorial Presentation Slides-946
 
Connected Components Labeling
Connected Components LabelingConnected Components Labeling
Connected Components Labeling
 

Dernier

Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityPrincipled Technologies
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsEnterprise Knowledge
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdfhans926745
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEarley Information Science
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationSafe Software
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessPixlogix Infotech
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreternaman860154
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processorsdebabhi2
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking MenDelhi Call girls
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)wesley chun
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?Igalia
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CVKhem
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsJoaquim Jorge
 

Dernier (20)

Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your Business
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?
 
Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CV
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
 

[SNU Computer Vision Course Project] Image Style Recognition