SlideShare a Scribd company logo
Image Intelligence.
Using AI to extract Image features to classify
images.
Topics to cover.
1. Neural Network with Tensor Flow
a. Convolutional Neural Network.
2. Transfer Learning.
3. VGG16 Network.
4. Multi-Class classification.
a. Training on Real Estate images.
b. Predicting on Homes.com Images.
5. Implementing K-means on Homes.com images.
Neural Network
http://cs231n.github.io/neural-networks-1/
Neural Network
Tensor Flow.
● An open source software library provided by Google to work on neural
networks.
● Neural network can be defined as numerical computation using dataflow
graphs.
● Nodes in the graph represent mathematical operations, while the graph edges
represent the multidimensional data arrays communicated between them.
● This library is maintained and used in production for Google products.
Neural Network
Convolutional Neural Network
● Convolutional Neural Networks (CNNs/ConvNets) are designed to work with
Image inputs.
● Convolutional means taking a small patch and running a Neural network on
that patch mapping it to K outputs.
● Running this patch on image will create a new
image with width K.
Original Image
PATCH
New Image
Shared Weights
https://www.udacity.com/course/deep-learning-nanodegree-foundation--nd101
Convolution Neural Network Cont.
● Basic idea is to stack convnets forming a pyramid to progressively decrease
spacial dimension while increasing the depth.
Original Image Desired
Vectorhttps://www.udacity.com/course/deep-learning-nanodegree-foundation--nd101
Transfer Learning.
● In practice, very few people train an entire convolutional network from scratch
because it's relatively rare to have dataset of sufficient size.
● It is common to pretrain a ConvNet on a very large dataset (eg. ImageNet)
and use that ConvNet as feature extractor for task of interest.
● Major scenarios for transfer learning.
○ ConvNet as fixed feature extractor.
○ Fine-tuning the ConvNet.
○ Pretrained models.
http://cs231n.github.io/transfer-learning/
VGG16
http://www.robots.ox.ac.uk/~vgg/research/very_deep
http://www.image-net.org/challenges/LSVRC/2014/results#clsloc
VGG-16 is a 16 layer deep network designed by Oxford University for ImageNet Large Scale Visual Recognition Challenge and
secured first and second places for localization and classification tasks respectively in 2014.
Multi-Class Classifier.
● This is a one-layer neural network where image vectors are taken as inputs
with known classes.
● This is done by using a softmax classifier which outputs probabilities for each
class label.
● This layer is then trained to classify generated vectors to its respective
classes, which can be used to predict classes of new vectors.
Implementation on real estate images.
Implementation on real estate images.
Using Pre-trained VGG-
16 network to convert
image to vectors
Implementation on real estate images.
Using Pre-trained VGG-
16 network to convert
image to vectors Image vectors + class
labels are used to Train
a multiclass classifier to
classify images.
Implementation on real estate images.
Using Pre-trained VGG-
16 network to convert
image to vectors
Download test
images for real
estate categories
Implementation on real estate images.
Using Pre-trained VGG-
16 network to convert
image to vectors
Use trained classifier to
classify unknown
Homes.com image
vectors.
Class prediction
for image.
Download test
images for real
estate categories
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Bad Predictions
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Predictions on Test Images.
Clustering Images.
● Grouping vectors based on distance between them is called Clustering.
● By Clustering we will be able to find similar images and duplicate images
grouped together.
● We applied K-means clustering to create clusters on homes.com image
vector data.
K means Clustering
Let’s take a sample group and divide into 2 clusters (k=2)
[(2,2),(1,2),(2,1),(4,4),(4,3),(3,4)]
K means Clustering
Let’s take a sample group and divide into 2 clusters (k=2)
[(2,2),(1,2),(2,1),(4,4),(4,3),(3,4)]
K means Clustering
Initial random centers [(1,2),(2,2)]
K means Clustering
● Distance from (1,2) and (2,2) with each data point
Distances :
(1,2) (2,1) : 1.41 (2,2) (2,1):1 (2,1) cluster 2
(1,2) (4,4) : 3.60 (2,2) (4,4):2.8 (4,4) cluster 2
(1,2) (4,3) : 3.16 (2,2) (4,3):2.23 (4,3) cluster 2
(1,2) (3,4) : 2.8 (2,2) (3,4):2.23 (3,4) cluster 2
K means Clustering
Mean of the points in clusters to
change the centers
Cluster 1: no change (only one point)
Cluster 2: mean (3.25,3) new center.
K means Clustering
Mean of the points in clusters to
change the centers
Cluster 1: no change (only one point)
Cluster 2: mean (3.25,3) new center.
K means Clustering
Distance from(1,2) and (3.25,3)
is calculated with each data point.
Distances :
(1,2) (2,1) : 1.41 (3.25,3) (2,1):2.35 (2,1) cluster 1
(1,2) (4,4) : 3.60 (3.25,3) (4,4):1.25 (4,4) cluster 2
(1,2) (4,3) : 3.16 (3.25,3) (4,3):1.019 (4,3) cluster 2
(1,2) (3,4) : 2.8 (3.25,3) (3,4):0.75 (3,4) cluster 2
(1,2) (2,2) : 1 (3.25,3) (2,2):1.6 (2,2) cluster 1
K means Clustering
Mean of the points in clusters to change the
centers
Cluster 1: mean (2,1.5) new center.
Cluster 2: mean (3.6,3.6) new center.
K means Clustering
Distance from(2,1.5) and (3.6,3.6)
is calculated with each data point.
Distances :
(2,1.5) (2,1) : 0.5 (3.6,3.6) (2,1):3.05 (2,1) cluster 1
(2,1.5) (4,4) : 3.20 (3.6,3.6) (4,4):0.56 (4,4) cluster 2
(2,1.5) (4,3) : 2.5 (3.6,3.6) (4,3):0.72 (4,3) cluster 2
(2,1.5) (3,4) : 2.69 (3.6,3.6) (3,4):0.72 (3,4) cluster 2
(2,1.5) (2,2) : 0.5 (3.6,3.6) (2,2):2.26 (2,2) cluster 1
(2,1.5) (1,2) : 1.11 (3.6,3.6) (1,2):3.05 (1,2) cluster 1
K means Clustering
Mean of the points in clusters
to change the centers
•Cluster 1: mean (1.6,1.6) new center.
•Cluster 2: mean (3.6,3.6) no change in mean.
K means Clustering
Mean of the points in clusters
to change the centers
•Cluster 1: mean (1.6,1.6) new center.
•Cluster 2: mean (3.6,3.6) no change in mean.
K means Clustering
Distance from (1.6,1.6) and (3.6,3.6)
is calculated with each data point.
Distances :
(1.6,1.6) à (2,1) : 0.72 (3.6,3.6) (2,1):3.05 (2,1) cluster 1
(1.6,1.6) à (4,4) : 3.39 (3.6,3.6) (4,4):0.56 (4,4) cluster 2
(1.6,1.6) à (4,3) : 2.77 (3.6,3.6) (4,3):0.72 (4,3) cluster 2
(1.6,1.6) à (3,4) : 2.77 (3.6,3.6) (3,4):0.72 (3,4) cluster 2
(1.6,1.6) à (2,2) : 0.56 (3.6,3.6) (2,2):2.26 (2,2) cluster 1
(1.6,1.6) à (1,2) : 0.72 (3.6,3.6) (1,2):3.05 (1,2) cluster 1
K means Clustering
Mean of the points in clusters
to change the centers
•Cluster 1: mean (1.6,1.6) no change in mean.
•Cluster 2: mean (3.6,3.6) no change in mean.
•This implies that data points are clustered.
K means Clustering
Mean of the points in clusters
to change the centers
•Cluster 1: mean (1.6,1.6) no change in mean.
•Cluster 2: mean (3.6,3.6) no change in mean.
•This implies that data points are clustered.
CLUSTER 1
CLUSTER 2
Deciding K in K-means
● We used the Elbow method to determine the optimal number of clusters for
homes.com image vectors.
https://en.wikipedia.org/wiki/Determining_the_number_of_clusters_in_a_data_set
Deciding K in K-means
https://en.wikipedia.org/wiki/Determining_the_number_of_clusters_in_a_data_set
100 Clusters
Error rate
dropped and
stabilized at
cluster 17
K-means Clustering.
● Image vectors can be grouped using K-means clustering, which uses
distances between vectors.
● Implemented on Homes.com sample Images (~9000 images) and grouped
images into 17 clusters.
K-means Clustering.
Cluster Radius: Image Count:
K-means Clustering.
Cluster Radius: Image Count:
K-means Clustering.
K-means Clustering.
Cluster Radius: Image Count:
K-means Clustering.
Cluster Radius: Image Count:
K-means Clustering.

More Related Content

What's hot

What's hot (16)

K means clustering | K Means ++
K means clustering | K Means ++K means clustering | K Means ++
K means clustering | K Means ++
 
K means
K meansK means
K means
 
K means
K meansK means
K means
 
K-Means manual work
K-Means manual workK-Means manual work
K-Means manual work
 
Enhance The K Means Algorithm On Spatial Dataset
Enhance The K Means Algorithm On Spatial DatasetEnhance The K Means Algorithm On Spatial Dataset
Enhance The K Means Algorithm On Spatial Dataset
 
K mean-clustering
K mean-clusteringK mean-clustering
K mean-clustering
 
K means clustering
K means clusteringK means clustering
K means clustering
 
Cs36565569
Cs36565569Cs36565569
Cs36565569
 
Intro to MATLAB and K-mean algorithm
Intro to MATLAB and K-mean algorithmIntro to MATLAB and K-mean algorithm
Intro to MATLAB and K-mean algorithm
 
INVERSIONOF MAGNETIC ANOMALIES DUE TO 2-D CYLINDRICAL STRUCTURES –BY AN ARTIF...
INVERSIONOF MAGNETIC ANOMALIES DUE TO 2-D CYLINDRICAL STRUCTURES –BY AN ARTIF...INVERSIONOF MAGNETIC ANOMALIES DUE TO 2-D CYLINDRICAL STRUCTURES –BY AN ARTIF...
INVERSIONOF MAGNETIC ANOMALIES DUE TO 2-D CYLINDRICAL STRUCTURES –BY AN ARTIF...
 
Multi graph encoder
Multi graph encoderMulti graph encoder
Multi graph encoder
 
Visual Search Engine with MXNet Gluon
Visual Search Engine with MXNet GluonVisual Search Engine with MXNet Gluon
Visual Search Engine with MXNet Gluon
 
Graph Based Clustering
Graph Based ClusteringGraph Based Clustering
Graph Based Clustering
 
Digit recognizer by convolutional neural network
Digit recognizer by convolutional neural networkDigit recognizer by convolutional neural network
Digit recognizer by convolutional neural network
 
Kmeans
KmeansKmeans
Kmeans
 
Data scientist training in bangalore
Data scientist training in bangaloreData scientist training in bangalore
Data scientist training in bangalore
 

Similar to Image classification using neural network

Cj31365368
Cj31365368Cj31365368
Cj31365368
IJMER
 
Paper id 252014130
Paper id 252014130Paper id 252014130
Paper id 252014130
IJRAT
 
A comprehensive survey of contemporary
A comprehensive survey of contemporaryA comprehensive survey of contemporary
A comprehensive survey of contemporary
prjpublications
 

Similar to Image classification using neural network (20)

Unsupervised Learning Clustering KMean and Hirarchical.pptx
Unsupervised Learning Clustering KMean and Hirarchical.pptxUnsupervised Learning Clustering KMean and Hirarchical.pptx
Unsupervised Learning Clustering KMean and Hirarchical.pptx
 
Pattern recognition binoy k means clustering
Pattern recognition binoy  k means clusteringPattern recognition binoy  k means clustering
Pattern recognition binoy k means clustering
 
NS-CUK Seminar: H.E.Lee, Review on "Gated Graph Sequence Neural Networks", I...
NS-CUK Seminar: H.E.Lee,  Review on "Gated Graph Sequence Neural Networks", I...NS-CUK Seminar: H.E.Lee,  Review on "Gated Graph Sequence Neural Networks", I...
NS-CUK Seminar: H.E.Lee, Review on "Gated Graph Sequence Neural Networks", I...
 
Mat189: Cluster Analysis with NBA Sports Data
Mat189: Cluster Analysis with NBA Sports DataMat189: Cluster Analysis with NBA Sports Data
Mat189: Cluster Analysis with NBA Sports Data
 
Clustering.pptx
Clustering.pptxClustering.pptx
Clustering.pptx
 
Cj31365368
Cj31365368Cj31365368
Cj31365368
 
New Approach of Preprocessing For Numeral Recognition
New Approach of Preprocessing For Numeral RecognitionNew Approach of Preprocessing For Numeral Recognition
New Approach of Preprocessing For Numeral Recognition
 
Learning with Relative Attributes
Learning with Relative AttributesLearning with Relative Attributes
Learning with Relative Attributes
 
Wordoku Puzzle Solver - Image Processing Project
Wordoku Puzzle Solver - Image Processing ProjectWordoku Puzzle Solver - Image Processing Project
Wordoku Puzzle Solver - Image Processing Project
 
Paper id 252014130
Paper id 252014130Paper id 252014130
Paper id 252014130
 
Parallel Implementation of K Means Clustering on CUDA
Parallel Implementation of K Means Clustering on CUDAParallel Implementation of K Means Clustering on CUDA
Parallel Implementation of K Means Clustering on CUDA
 
Efficient Variable Size Template Matching Using Fast Normalized Cross Correla...
Efficient Variable Size Template Matching Using Fast Normalized Cross Correla...Efficient Variable Size Template Matching Using Fast Normalized Cross Correla...
Efficient Variable Size Template Matching Using Fast Normalized Cross Correla...
 
MLconf seattle 2015 presentation
MLconf seattle 2015 presentationMLconf seattle 2015 presentation
MLconf seattle 2015 presentation
 
Neural nw k means
Neural nw k meansNeural nw k means
Neural nw k means
 
A comprehensive survey of contemporary
A comprehensive survey of contemporaryA comprehensive survey of contemporary
A comprehensive survey of contemporary
 
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
 
Clustering techniques
Clustering techniquesClustering techniques
Clustering techniques
 
Random Chaotic Number Generation based Clustered Image Encryption
Random Chaotic Number Generation based Clustered Image EncryptionRandom Chaotic Number Generation based Clustered Image Encryption
Random Chaotic Number Generation based Clustered Image Encryption
 
K means report
K means reportK means report
K means report
 
IJCAI13 Paper review: Large-scale spectral clustering on graphs
IJCAI13 Paper review: Large-scale spectral clustering on graphsIJCAI13 Paper review: Large-scale spectral clustering on graphs
IJCAI13 Paper review: Large-scale spectral clustering on graphs
 

Recently uploaded

ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdfONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
Kamal Acharya
 
Laundry management system project report.pdf
Laundry management system project report.pdfLaundry management system project report.pdf
Laundry management system project report.pdf
Kamal Acharya
 
Hall booking system project report .pdf
Hall booking system project report  .pdfHall booking system project report  .pdf
Hall booking system project report .pdf
Kamal Acharya
 
Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
Kamal Acharya
 

Recently uploaded (20)

2024 DevOps Pro Europe - Growing at the edge
2024 DevOps Pro Europe - Growing at the edge2024 DevOps Pro Europe - Growing at the edge
2024 DevOps Pro Europe - Growing at the edge
 
WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234
 
IT-601 Lecture Notes-UNIT-2.pdf Data Analysis
IT-601 Lecture Notes-UNIT-2.pdf Data AnalysisIT-601 Lecture Notes-UNIT-2.pdf Data Analysis
IT-601 Lecture Notes-UNIT-2.pdf Data Analysis
 
Peek implant persentation - Copy (1).pdf
Peek implant persentation - Copy (1).pdfPeek implant persentation - Copy (1).pdf
Peek implant persentation - Copy (1).pdf
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
 
ENERGY STORAGE DEVICES INTRODUCTION UNIT-I
ENERGY STORAGE DEVICES  INTRODUCTION UNIT-IENERGY STORAGE DEVICES  INTRODUCTION UNIT-I
ENERGY STORAGE DEVICES INTRODUCTION UNIT-I
 
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical EngineeringIntroduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
Introduction to Machine Learning Unit-4 Notes for II-II Mechanical Engineering
 
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdfRESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
 
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdfONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
 
Scaling in conventional MOSFET for constant electric field and constant voltage
Scaling in conventional MOSFET for constant electric field and constant voltageScaling in conventional MOSFET for constant electric field and constant voltage
Scaling in conventional MOSFET for constant electric field and constant voltage
 
Laundry management system project report.pdf
Laundry management system project report.pdfLaundry management system project report.pdf
Laundry management system project report.pdf
 
A case study of cinema management system project report..pdf
A case study of cinema management system project report..pdfA case study of cinema management system project report..pdf
A case study of cinema management system project report..pdf
 
NO1 Pandit Amil Baba In Bahawalpur, Sargodha, Sialkot, Sheikhupura, Rahim Yar...
NO1 Pandit Amil Baba In Bahawalpur, Sargodha, Sialkot, Sheikhupura, Rahim Yar...NO1 Pandit Amil Baba In Bahawalpur, Sargodha, Sialkot, Sheikhupura, Rahim Yar...
NO1 Pandit Amil Baba In Bahawalpur, Sargodha, Sialkot, Sheikhupura, Rahim Yar...
 
Explosives Industry manufacturing process.pdf
Explosives Industry manufacturing process.pdfExplosives Industry manufacturing process.pdf
Explosives Industry manufacturing process.pdf
 
Democratizing Fuzzing at Scale by Abhishek Arya
Democratizing Fuzzing at Scale by Abhishek AryaDemocratizing Fuzzing at Scale by Abhishek Arya
Democratizing Fuzzing at Scale by Abhishek Arya
 
Hall booking system project report .pdf
Hall booking system project report  .pdfHall booking system project report  .pdf
Hall booking system project report .pdf
 
Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
 
İTÜ CAD and Reverse Engineering Workshop
İTÜ CAD and Reverse Engineering WorkshopİTÜ CAD and Reverse Engineering Workshop
İTÜ CAD and Reverse Engineering Workshop
 
Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.
 
Toll tax management system project report..pdf
Toll tax management system project report..pdfToll tax management system project report..pdf
Toll tax management system project report..pdf
 

Image classification using neural network

  • 1. Image Intelligence. Using AI to extract Image features to classify images.
  • 2. Topics to cover. 1. Neural Network with Tensor Flow a. Convolutional Neural Network. 2. Transfer Learning. 3. VGG16 Network. 4. Multi-Class classification. a. Training on Real Estate images. b. Predicting on Homes.com Images. 5. Implementing K-means on Homes.com images.
  • 5. Tensor Flow. ● An open source software library provided by Google to work on neural networks. ● Neural network can be defined as numerical computation using dataflow graphs. ● Nodes in the graph represent mathematical operations, while the graph edges represent the multidimensional data arrays communicated between them. ● This library is maintained and used in production for Google products.
  • 7. Convolutional Neural Network ● Convolutional Neural Networks (CNNs/ConvNets) are designed to work with Image inputs. ● Convolutional means taking a small patch and running a Neural network on that patch mapping it to K outputs. ● Running this patch on image will create a new image with width K. Original Image PATCH New Image Shared Weights https://www.udacity.com/course/deep-learning-nanodegree-foundation--nd101
  • 8. Convolution Neural Network Cont. ● Basic idea is to stack convnets forming a pyramid to progressively decrease spacial dimension while increasing the depth. Original Image Desired Vectorhttps://www.udacity.com/course/deep-learning-nanodegree-foundation--nd101
  • 9. Transfer Learning. ● In practice, very few people train an entire convolutional network from scratch because it's relatively rare to have dataset of sufficient size. ● It is common to pretrain a ConvNet on a very large dataset (eg. ImageNet) and use that ConvNet as feature extractor for task of interest. ● Major scenarios for transfer learning. ○ ConvNet as fixed feature extractor. ○ Fine-tuning the ConvNet. ○ Pretrained models. http://cs231n.github.io/transfer-learning/
  • 10. VGG16 http://www.robots.ox.ac.uk/~vgg/research/very_deep http://www.image-net.org/challenges/LSVRC/2014/results#clsloc VGG-16 is a 16 layer deep network designed by Oxford University for ImageNet Large Scale Visual Recognition Challenge and secured first and second places for localization and classification tasks respectively in 2014.
  • 11. Multi-Class Classifier. ● This is a one-layer neural network where image vectors are taken as inputs with known classes. ● This is done by using a softmax classifier which outputs probabilities for each class label. ● This layer is then trained to classify generated vectors to its respective classes, which can be used to predict classes of new vectors.
  • 12. Implementation on real estate images.
  • 13. Implementation on real estate images. Using Pre-trained VGG- 16 network to convert image to vectors
  • 14. Implementation on real estate images. Using Pre-trained VGG- 16 network to convert image to vectors Image vectors + class labels are used to Train a multiclass classifier to classify images.
  • 15. Implementation on real estate images. Using Pre-trained VGG- 16 network to convert image to vectors Download test images for real estate categories
  • 16. Implementation on real estate images. Using Pre-trained VGG- 16 network to convert image to vectors Use trained classifier to classify unknown Homes.com image vectors. Class prediction for image. Download test images for real estate categories
  • 28. Predictions on Test Images. Bad Predictions
  • 33. Clustering Images. ● Grouping vectors based on distance between them is called Clustering. ● By Clustering we will be able to find similar images and duplicate images grouped together. ● We applied K-means clustering to create clusters on homes.com image vector data.
  • 34. K means Clustering Let’s take a sample group and divide into 2 clusters (k=2) [(2,2),(1,2),(2,1),(4,4),(4,3),(3,4)]
  • 35. K means Clustering Let’s take a sample group and divide into 2 clusters (k=2) [(2,2),(1,2),(2,1),(4,4),(4,3),(3,4)]
  • 36. K means Clustering Initial random centers [(1,2),(2,2)]
  • 37. K means Clustering ● Distance from (1,2) and (2,2) with each data point Distances : (1,2) (2,1) : 1.41 (2,2) (2,1):1 (2,1) cluster 2 (1,2) (4,4) : 3.60 (2,2) (4,4):2.8 (4,4) cluster 2 (1,2) (4,3) : 3.16 (2,2) (4,3):2.23 (4,3) cluster 2 (1,2) (3,4) : 2.8 (2,2) (3,4):2.23 (3,4) cluster 2
  • 38. K means Clustering Mean of the points in clusters to change the centers Cluster 1: no change (only one point) Cluster 2: mean (3.25,3) new center.
  • 39. K means Clustering Mean of the points in clusters to change the centers Cluster 1: no change (only one point) Cluster 2: mean (3.25,3) new center.
  • 40. K means Clustering Distance from(1,2) and (3.25,3) is calculated with each data point. Distances : (1,2) (2,1) : 1.41 (3.25,3) (2,1):2.35 (2,1) cluster 1 (1,2) (4,4) : 3.60 (3.25,3) (4,4):1.25 (4,4) cluster 2 (1,2) (4,3) : 3.16 (3.25,3) (4,3):1.019 (4,3) cluster 2 (1,2) (3,4) : 2.8 (3.25,3) (3,4):0.75 (3,4) cluster 2 (1,2) (2,2) : 1 (3.25,3) (2,2):1.6 (2,2) cluster 1
  • 41. K means Clustering Mean of the points in clusters to change the centers Cluster 1: mean (2,1.5) new center. Cluster 2: mean (3.6,3.6) new center.
  • 42. K means Clustering Distance from(2,1.5) and (3.6,3.6) is calculated with each data point. Distances : (2,1.5) (2,1) : 0.5 (3.6,3.6) (2,1):3.05 (2,1) cluster 1 (2,1.5) (4,4) : 3.20 (3.6,3.6) (4,4):0.56 (4,4) cluster 2 (2,1.5) (4,3) : 2.5 (3.6,3.6) (4,3):0.72 (4,3) cluster 2 (2,1.5) (3,4) : 2.69 (3.6,3.6) (3,4):0.72 (3,4) cluster 2 (2,1.5) (2,2) : 0.5 (3.6,3.6) (2,2):2.26 (2,2) cluster 1 (2,1.5) (1,2) : 1.11 (3.6,3.6) (1,2):3.05 (1,2) cluster 1
  • 43. K means Clustering Mean of the points in clusters to change the centers •Cluster 1: mean (1.6,1.6) new center. •Cluster 2: mean (3.6,3.6) no change in mean.
  • 44. K means Clustering Mean of the points in clusters to change the centers •Cluster 1: mean (1.6,1.6) new center. •Cluster 2: mean (3.6,3.6) no change in mean.
  • 45. K means Clustering Distance from (1.6,1.6) and (3.6,3.6) is calculated with each data point. Distances : (1.6,1.6) à (2,1) : 0.72 (3.6,3.6) (2,1):3.05 (2,1) cluster 1 (1.6,1.6) à (4,4) : 3.39 (3.6,3.6) (4,4):0.56 (4,4) cluster 2 (1.6,1.6) à (4,3) : 2.77 (3.6,3.6) (4,3):0.72 (4,3) cluster 2 (1.6,1.6) à (3,4) : 2.77 (3.6,3.6) (3,4):0.72 (3,4) cluster 2 (1.6,1.6) à (2,2) : 0.56 (3.6,3.6) (2,2):2.26 (2,2) cluster 1 (1.6,1.6) à (1,2) : 0.72 (3.6,3.6) (1,2):3.05 (1,2) cluster 1
  • 46. K means Clustering Mean of the points in clusters to change the centers •Cluster 1: mean (1.6,1.6) no change in mean. •Cluster 2: mean (3.6,3.6) no change in mean. •This implies that data points are clustered.
  • 47. K means Clustering Mean of the points in clusters to change the centers •Cluster 1: mean (1.6,1.6) no change in mean. •Cluster 2: mean (3.6,3.6) no change in mean. •This implies that data points are clustered. CLUSTER 1 CLUSTER 2
  • 48. Deciding K in K-means ● We used the Elbow method to determine the optimal number of clusters for homes.com image vectors. https://en.wikipedia.org/wiki/Determining_the_number_of_clusters_in_a_data_set
  • 49. Deciding K in K-means https://en.wikipedia.org/wiki/Determining_the_number_of_clusters_in_a_data_set 100 Clusters Error rate dropped and stabilized at cluster 17
  • 50. K-means Clustering. ● Image vectors can be grouped using K-means clustering, which uses distances between vectors. ● Implemented on Homes.com sample Images (~9000 images) and grouped images into 17 clusters.

Editor's Notes

  1. The area of NN has originally been primarily inspired by the goal of modeling biological neural network. Basic computational unit of brain is a neuron, which receives input signals from its dendrites and produce output signals along with axon. Axon eventually branches out and connects via synapses to dendrites of other neurons. In computational model of a neuron, the signals that travel along axon interact multiplicatively which the dendrites of the other neuron. These weights are learnable (updateable) and controls the strength of influence of neuron on another. These weights are trained based on difference between prediction and desired output. This error signal are back propagated to update weights to make predictions near to desire outputs. So basically we need a architecture of neuron to construct neural network, and this architecture is provided by Tensor Flow.
  2. The area of NN has originally been primarily inspired by the goal of modeling biological neural network. Basic computational unit of brain is a neuron, which receives input signals from its dendrites and produce output signals along with axon. Axon eventually branches out and connects via synapses to dendrites of other neurons. In computational model of a neuron, the signals that travel along axon interact multiplicatively which the dendrites of the other neuron. These weights are learnable (updateable) and controls the strength of influence of neuron on another. These weights are trained based on difference between prediction and desired output. This error signal are back propagated to update weights to make predictions near to desire outputs. So basically we need a architecture of neuron to construct neural network, and this architecture is provided by Tensor Flow.
  3. VGG-16 is a 16 layer deep network designed by Oxford University for ImageNet Large Scale Visual Recognition Challenge and secured first and second places for localization and classification tasks respectively in 2014. ImageNet consists of 1.2 million images with 1000 categories.