SlideShare a Scribd company logo
K-Means Clustering
What is K-Means Clustering?
What is K-Means Clustering?
What is K-Means Clustering?
k-means performs division of objects
into clusters which are “similar”
between them and are “dissimilar” to
the objects belonging to another cluster
What is K-Means Clustering?
What is K-Means Clustering?
Can you explain this with an example?
What is K-Means Clustering?
Sure. For understanding K-Means in a
better way, let’s take an example of
Cricket
Can you explain this with an example?
What is K-Means Clustering?
Task: Identify bowlers and batsmen
What is K-Means Clustering?
Task: Identify bowlers and batsmen
 The data contains runs and wickets gained in the last 10 matches
 So, the bowler will have more wickets and the batsmen will have higher runs
Scores
What is K-Means Clustering?
Assign data points
Here, we have our dataset
with x and y coordinates
Now, we want to cluster this
data using K-Means
Runs
Wickets
What is K-Means Clustering?
Lorem ipsum
Cluster 1Assign data points
Lorem ipsum
We can see that this cluster
has players with high runs and
low wickets
Here, we have our dataset
with x and y coordinates
Now, we want to cluster this
data using K-Means
Runs
Wickets
Runs
Wickets
What is K-Means Clustering?
And here, we can see that this
cluster has players with high
wickets and low wickets
Lorem ipsum
Cluster 1 Cluster 2Assign data points
Lorem ipsumLorem ipsum
We can see that this cluster
has players with high runs and
low wickets
Here, we have our dataset
with x and y coordinates
Now, we want to cluster this
data using K-Means
Runs
Wickets
Runs
Wickets
Runs
Wickets
What is K-Means Clustering?
Consider the same data set of cricket
Solve the problem using K-Means
What is K-Means Clustering?
Initially, two centroids are assigned randomly
Euclidean distance to find out which centroid is closest to each data point and the data points are
assigned to the corresponding centroids
What is K-Means Clustering?
Reposition the two centroids for optimization.
What is K-Means Clustering?
The process is iteratively repeated until our centroids become static
What’s in it for you?
Types of Clustering
What is K-Means Clustering?
Applications of K-Means clustering
Common distance measure
How does K-Means clustering work?
K-Means Clustering Algorithm
Demo: K-Means Clustering
Use Case: Color Compression
Types of Clustering
Types of Clustering
Clustering
Hierarchical
Clustering
Agglomerative Divisive
Partitional
Clustering
K-Means Fuzzy C-Means
Types of Clustering
Clustering
Hierarchical
Clustering
Division
Clusters have a tree like structure or a parent
child relationship
Types of Clustering
Clustering
Hierarchical
Clustering
Agglomerative Divisive
a b c fd e
debc
def
bcdef
abcdef
“Bottom up" approach: Begin with
each element as a separate cluster
and merge them into successively
larger clusters
Types of Clustering
“Top down“ approach begin with the
whole set and proceed to divide it into
successively smaller clusters.
a b c fd e
de
def
bcdef
abcdef
bc
Clustering
Hierarchical
Clustering
Agglomerative Divisive
Types of Clustering
Clustering
Partitional Clustering
K-Means Fuzzy C-Means
c1
c2
Division of objects into clusters such
that each object is in exactly one
cluster, not several
Types of Clustering
Clustering
Partitional Clustering
K-Means Fuzzy C-Means
Division of objects into clusters such
that each object can belong to
multiple clusters
c2c1
Applications of K-Means Clustering
Applications of K-Means Clustering
Academic
Performance
Wireless Sensor
Network's
Diagnostic
Systems
Search Engines
Distance Measure
Distance Measure
Euclidean
distance
measure
Manhattan
distance
measure
Squared Euclidean
distance measure
Cosine distance
measure
Distance measure will determine the similarity between two elements and it will influence the shape of
the clusters
Euclidean Distance Measure
• The Euclidean distance is the "ordinary" straight line
• It is the distance between two points in Euclidean space
d=√ 𝑖=1
𝑛
( 𝑞𝑖− )2
p
q
Euclidian
Distance
𝑝𝑖
Option 02
Euclidean distance
measure
01
Squared euclidean
distance measure
02
Manhattan distance
measure
03
Cosine distance
measure
04
Squared Euclidean Distance Measure
The Euclidean squared distance metric uses the same equation as the
Euclidean distance metric, but does not take the square root.
d= 𝑖=1
𝑛
( 𝑞𝑖− )2
𝑝𝑖
Option 02
Euclidean distance
measure
01
Squared euclidean
distance measure
02
Manhattan distance
measure
03
Cosine distance
measure
04
Manhattan Distance Measure
Option 02
Euclidean distance
measure
01
Squared euclidean
distance measure
02
Manhattan distance
measure
03
Cosine distance
measure
04
The Manhattan distance is the simple sum of the horizontal and vertical
components or the distance between two points measured along axes at right angles
d= 𝑖=1
𝑛
| 𝑞 𝑥− |
p
q
Manhattan
Distance
𝑝 𝑥 +|𝑞 𝑥− |𝑝 𝑦
(x,y)
(x,y)
Cosine Distance Measure
Option 02
Euclidean distance
measure
01
Squared euclidean
distance measure
02
Manhattan distance
measure
03
Cosine distance
measure
04
The cosine distance similarity measures the angle between the two vectors
p
q
Cosine
Distance
𝑖=0
𝑛−1
𝑞𝑖−
𝑖=0
𝑛−1
(𝑞𝑖)2
× 𝑖=0
𝑛−1
(𝑝𝑖)2
d=
𝑝 𝑥
How does K-Means clustering work?
How does K-Means clustering work?
Start
Elbow point (k)
Reposition the
centroids
Grouping based on
minimum distance
Measure the distance
Convergence
- +
If clusters are
stable
If clusters are
unstable
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
• Let’s say, you have a dataset for a Grocery shop
• Now, the important question is, “how would you choose the optimum
number of clusters?“
?
c
1
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
• The best way to do this is by Elbow method
• The idea of the elbow method is to run K-Means clustering on the
dataset where ‘k’ is referred as number of clusters
• Within sum of squares (WSS) is defined as the sum of the squared distance
between each member of the cluster and its centroid
𝑖=1
𝑚
)𝑥𝑖
2
WSS = (
Where x𝑖 = data point and c𝑖 = closest point to centroid
− 𝑐𝑖
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
• Now, we draw a curve between WSS (within sum of squares) and the
number of clusters
• Here, we can see a very slow change in the value of WSS after k=2, so you should
take that elbow point value as the final number of clusters
Elbow pointWSS
No . of. clusters
k=2
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
Step 1: The given data points below are assumed as delivery points
c1
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
Step 2: We can randomly initialize two points called the cluster centroids,
Euclidean distance is a distance measure used to find out which data point
is closest to our centroids
c1
c1
c2c
1
c2
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
Step 3: Based upon the distance from c1 and c2 centroids, the data points will
group itself into clusters
c1
c1
c2c
1
c2
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
Step 4: Compute the centroid of data points inside blue cluster
Step 5: Reposition the centroid of the blue cluster to the new centroid
c1
c1
c
1
c2
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
Step 6: Now, compute the centroid of data points inside orange cluster
Step 7: Reposition the centroid of the orange cluster to the new centroid
c1
c1
c2
c
1
c2
How does K-Means clustering work?
Elbow point
Reposition the
centroids
Grouping
Measure the
distance
Convergence
Step 8: Once the clusters become static, K-Means clustering algorithm is
said to be converged
c
1
c2
K-Means Clustering Algorithm
K-Means Clustering Algorithm
Assuming we have inputs x1,x2,x3,…, and value of K,
Step 1 : Pick K random points as cluster centers called centroids
Step 2 : Assign each xi to nearest cluster by calculating its distance to each centroid
Step 3 : Find new cluster center by taking the average of the assigned points
Step 4 : Repeat Step 2 and 3 until none of the cluster assignments change
K-Means Clustering Algorithm
Step 1 :
We randomly pick K cluster centers (centroids). Let’s assume these are c1,c2,…,ckc1,c2,…,ck, and we
can say that;
C is the set of all centroids.
Step 2:
In this step, we assign each data point to closest center, this is done by calculating Euclidean
distance
arg min dist ( ,x )2
Where dist() is the Euclidean distance.
𝑐𝑖
∈C𝑐𝑖
𝑐1 𝑐2 𝑐 𝑘C= , ,.…
|𝑆𝑖|
= 1 ∑
Step 3:
In this step, we find the new centroid by taking the average of all the points assigned to that
cluster.
is the set of all points assigned to the i th cluster
Step 4:
In this step, we repeat step 2 and 3 until none of the cluster assignments change
That means until our clusters remain stable, we repeat the algorithm
xi∈Si
𝑐𝑖 𝑥𝑖
𝑠𝑖
K-Means Clustering Algorithm
Demo: K-Means Clustering
Demo: K-Means Clustering
Problem Statement
• Walmart wants to open a chain of stores across Florida and wants to find out optimal store locations
to maximize revenue
Solution
• Walmart already has a strong e-commerce presence
• Walmart can use its online customer data to analyze the customer locations along with the monthly
sales
Demo: K-Means Clustering
%matplotlib inline
import matplotlib.pyplot as plt
# for plot styling
import seaborn as sns; sns.set()
import numpy as np
from sklearn.datasets.samples_generator import make_blobs
X, y_true = make_blobs(n_samples=300, centers=4, cluster_std=0.60, random_state=0)
plt.scatter(X[:, 0], X[:, 1], s=50);
Demo: K-Means Clustering
# output
Demo: K-Means Clustering
# assign four clusters
from sklearn.cluster import KMeans
kmeans = KMeans(n_clusters=4)
kmeans.fit(X)
y_kmeans = kmeans.predict(X)
# import library
from sklearn.metrics import pairwise_distances_argmin
def find_clusters(X, n_clusters, rseed=2):
# 1. randomly choose clusters
rng = np.random.RandomState(rseed)
i = rng.permutation(X.shape[0])[:n_clusters]
centers = X[i]
while True:
Demo: K-Means Clustering
# 2. assign labels based on closest center
labels = pairwise_distances_argmin(X, centers)
# 3. find new centers from means of points
new_centers = np.array([X[labels == i].mean(0)
for i in range(n_clusters)])
centers, labels = find_clusters(X, 4)
plt.scatter(X[:, 0], X[:, 1], c=labels,
s=50, cmap='viridis’)
Demo: K-Means Clustering
# 4. check for convergence
if np.all(centers == new_centers):
break
centers = new_centers
return centers, labels
centers, labels = find_clusters(X, 4)
plt.scatter(X[:, 0], X[:, 1], c=y_kmeans, s=50, cmap='viridis')
plt.scatter(centers[:, 0], centers[:, 1], c='black', s=200, alpha=0.5);
Demo: K-Means Clustering
# output:
Conclusion
Congratulations!
We have demonstrated K-Means
clustering by establishing Walmart stores
across Florida in the most optimized way
Use case – Color compression
Use Case: K-Means for Color Compression
Problem Statement
To perform color compression on images using K-Means algorithm
Use Case: K-Means for Color Compression
# example 1:
# note: this requires the ``pillow`` package to be installed
from sklearn.datasets import load_sample_image
china = load_sample_image("flower.jpg")
ax = plt.axes(xticks=[], yticks=[])
ax.imshow(china);
#Output:
Use Case: K-Means for Color Compression
# returns the dimensions of the array
china.shape
# reshape the data to [n_samples x n_features], and rescale the colors so that they lie between 0 and 1
data = china / 255.0 # use 0...1 scale
data = data.reshape(427 * 640, 3)
data.shape
# visualize these pixels in this color space, using a subset of 10,000 pixels for efficiency
def plot_pixels(data, title, colors=None, N=10000):
if colors is None:
colors = data
Use Case: K-Means for Color Compression
# choose a random subset
rng = np.random.RandomState(0)
i = rng.permutation(data.shape[0])[:N]
colors = colors[i]
R, G, B = data[i].T
fig, ax = plt.subplots(1, 2, figsize=(16, 6))
ax[0].scatter(R, G, color=colors, marker='.')
ax[0].set(xlabel='Red', ylabel='Green', xlim=(0, 1), ylim=(0, 1))
ax[1].scatter(R, B, color=colors, marker='.')
ax[1].set(xlabel='Red', ylabel='Blue', xlim=(0, 1), ylim=(0, 1))
fig.suptitle(title, size=20);
Use Case: K-Means for Color Compression
plot_pixels(data, title='Input color space: 16 million possible colors')
Use Case: K-Means for Color Compression
# fix numPy issues
import warnings; warnings.simplefilter('ignore’)
# reducing these 16 million colors to just 16 colors
from sklearn.cluster import MiniBatchKMeans
kmeans = MiniBatchKMeans(16)
kmeans.fit(data)
new_colors = kmeans.cluster_centers_[kmeans.predict(data)]
plot_pixels(data, colors=new_colors,
title="Reduced color space: 16 colors")
Use Case: K-Means for Color Compression
china_recolored = new_colors.reshape(china.shape)
fig, ax = plt.subplots(1, 2, figsize=(16, 6), subplot_kw=dict(xticks=[], yticks=[]))
fig.subplots_adjust(wspace=0.05)
ax[0].imshow(china)
ax[0].set_title('Original Image', size=16)
ax[1].imshow(china_recolored)
ax[1].set_title('16-color Image', size=16);
# the result is re-coloring of the original pixels, where each pixel is assigned the color of its closest cluster center
# output:
Use Case: K-Means for Color Compression
# output
Use Case: K-Means for Color Compression
# example 2:
from sklearn.datasets import load_sample_image
china = load_sample_image(“china.jpg")
ax = plt.axes(xticks=[], yticks=[])
ax.imshow(china);
Use Case: K-Means for Color Compression
# returns the dimensions of the array
china.shape
# reshape the data to [n_samples x n_features], and rescale the colors so that they lie between 0 and 1
data = china / 255.0 # use 0...1 scale
data = data.reshape(427 * 640, 3)
data.shape
# visualize these pixels in this color space, using a subset of 10,000 pixels for efficiency
def plot_pixels(data, title, colors=None, N=10000):
if colors is None:
colors = data
Use Case: K-Means for Color Compression
# choose a random subset
rng = np.random.RandomState(0)
i = rng.permutation(data.shape[0])[:N]
colors = colors[i]
R, G, B = data[i].T
fig, ax = plt.subplots(1, 2, figsize=(16, 6))
ax[0].scatter(R, G, color=colors, marker='.')
ax[0].set(xlabel='Red', ylabel='Green', xlim=(0, 1), ylim=(0, 1))
ax[1].scatter(R, B, color=colors, marker='.')
ax[1].set(xlabel='Red', ylabel='Blue', xlim=(0, 1), ylim=(0, 1))
fig.suptitle(title, size=20);
Use Case: K-Means for Color Compression
plot_pixels(data, title='Input color space: 16 million possible colors')
Use Case: K-Means for Color Compression
# fix NumPy issues
import warnings; warnings.simplefilter('ignore’)
# reducing these 16 million colors to just 16 colors
from sklearn.cluster import MiniBatchKMeans
kmeans = MiniBatchKMeans(16)
kmeans.fit(data)
new_colors = kmeans.cluster_centers_[kmeans.predict(data)]
plot_pixels(data, colors=new_colors,
title="Reduced color space: 16 colors")
Use Case: K-Means for Color Compression
china_recolored = new_colors.reshape(china.shape)
fig, ax = plt.subplots(1, 2, figsize=(16, 6), subplot_kw=dict(xticks=[], yticks=[]))
fig.subplots_adjust(wspace=0.05)
ax[0].imshow(china)
ax[0].set_title('Original Image', size=16)
ax[1].imshow(china_recolored)
ax[1].set_title('16-color Image', size=16);
# the result is a re-coloring of the original pixels, where each pixel is assigned the color of its closest cluster center
# output
Use Case: K-Means for Color Compression
# output
Conclusion
Congratulations!
We have demonstrated
K-Means in color compression.
The hands on example will help
you to encounter any K-Means
project in future.
Key Takeaways
K Means Clustering Algorithm | K Means Clustering Example | Machine Learning Algorithms |Simplilearn

More Related Content

What's hot

Naive Bayes
Naive BayesNaive Bayes
Naive Bayes
CloudxLab
 
Classification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsClassification Based Machine Learning Algorithms
Classification Based Machine Learning Algorithms
Md. Main Uddin Rony
 
K - Nearest neighbor ( KNN )
K - Nearest neighbor  ( KNN )K - Nearest neighbor  ( KNN )
K - Nearest neighbor ( KNN )
Mohammad Junaid Khan
 
K Means Clustering Algorithm | K Means Example in Python | Machine Learning A...
K Means Clustering Algorithm | K Means Example in Python | Machine Learning A...K Means Clustering Algorithm | K Means Example in Python | Machine Learning A...
K Means Clustering Algorithm | K Means Example in Python | Machine Learning A...
Edureka!
 
Dimensionality Reduction
Dimensionality ReductionDimensionality Reduction
Dimensionality Reduction
mrizwan969
 
Hierarchical Clustering
Hierarchical ClusteringHierarchical Clustering
Hierarchical Clustering
Carlos Castillo (ChaTo)
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentation
AyanaRukasar
 
Naive Bayes Classifier | Naive Bayes Algorithm | Naive Bayes Classifier With ...
Naive Bayes Classifier | Naive Bayes Algorithm | Naive Bayes Classifier With ...Naive Bayes Classifier | Naive Bayes Algorithm | Naive Bayes Classifier With ...
Naive Bayes Classifier | Naive Bayes Algorithm | Naive Bayes Classifier With ...
Simplilearn
 
K-means clustering algorithm
K-means clustering algorithmK-means clustering algorithm
K-means clustering algorithm
Vinit Dantkale
 
Density Based Clustering
Density Based ClusteringDensity Based Clustering
Density Based Clustering
SSA KPI
 
Clusters techniques
Clusters techniquesClusters techniques
Clusters techniques
rajshreemuthiah
 
Clustering in Data Mining
Clustering in Data MiningClustering in Data Mining
Clustering in Data Mining
Archana Swaminathan
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machinesnextlib
 
K mean-clustering
K mean-clusteringK mean-clustering
K mean-clustering
Afzaal Subhani
 
05 Clustering in Data Mining
05 Clustering in Data Mining05 Clustering in Data Mining
05 Clustering in Data Mining
Valerii Klymchuk
 
Bias and variance trade off
Bias and variance trade offBias and variance trade off
Bias and variance trade off
VARUN KUMAR
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Simplilearn
 

What's hot (20)

Naive Bayes
Naive BayesNaive Bayes
Naive Bayes
 
Presentation on K-Means Clustering
Presentation on K-Means ClusteringPresentation on K-Means Clustering
Presentation on K-Means Clustering
 
Classification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsClassification Based Machine Learning Algorithms
Classification Based Machine Learning Algorithms
 
K - Nearest neighbor ( KNN )
K - Nearest neighbor  ( KNN )K - Nearest neighbor  ( KNN )
K - Nearest neighbor ( KNN )
 
K Means Clustering Algorithm | K Means Example in Python | Machine Learning A...
K Means Clustering Algorithm | K Means Example in Python | Machine Learning A...K Means Clustering Algorithm | K Means Example in Python | Machine Learning A...
K Means Clustering Algorithm | K Means Example in Python | Machine Learning A...
 
Dimensionality Reduction
Dimensionality ReductionDimensionality Reduction
Dimensionality Reduction
 
Hierarchical Clustering
Hierarchical ClusteringHierarchical Clustering
Hierarchical Clustering
 
K Nearest Neighbors
K Nearest NeighborsK Nearest Neighbors
K Nearest Neighbors
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentation
 
Naive Bayes Classifier | Naive Bayes Algorithm | Naive Bayes Classifier With ...
Naive Bayes Classifier | Naive Bayes Algorithm | Naive Bayes Classifier With ...Naive Bayes Classifier | Naive Bayes Algorithm | Naive Bayes Classifier With ...
Naive Bayes Classifier | Naive Bayes Algorithm | Naive Bayes Classifier With ...
 
K-means clustering algorithm
K-means clustering algorithmK-means clustering algorithm
K-means clustering algorithm
 
Density Based Clustering
Density Based ClusteringDensity Based Clustering
Density Based Clustering
 
Clusters techniques
Clusters techniquesClusters techniques
Clusters techniques
 
Clustering in Data Mining
Clustering in Data MiningClustering in Data Mining
Clustering in Data Mining
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
 
K mean-clustering
K mean-clusteringK mean-clustering
K mean-clustering
 
05 Clustering in Data Mining
05 Clustering in Data Mining05 Clustering in Data Mining
05 Clustering in Data Mining
 
Bias and variance trade off
Bias and variance trade offBias and variance trade off
Bias and variance trade off
 
Kmeans
KmeansKmeans
Kmeans
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
 

Similar to K Means Clustering Algorithm | K Means Clustering Example | Machine Learning Algorithms |Simplilearn

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
AlaaZ
 
Lecture_3_k-mean-clustering.ppt
Lecture_3_k-mean-clustering.pptLecture_3_k-mean-clustering.ppt
Lecture_3_k-mean-clustering.ppt
SyedNahin1
 
Neural nw k means
Neural nw k meansNeural nw k means
Neural nw k means
Eng. Dr. Dennis N. Mwighusa
 
AI-Lec20 Clustering I - Kmean.pptx
AI-Lec20 Clustering I - Kmean.pptxAI-Lec20 Clustering I - Kmean.pptx
AI-Lec20 Clustering I - Kmean.pptx
Syed Ejaz
 
K-Nearest Neighbor(KNN)
K-Nearest Neighbor(KNN)K-Nearest Neighbor(KNN)
K-Nearest Neighbor(KNN)
Abdullah al Mamun
 
Unsupervised Learning in Machine Learning
Unsupervised Learning in Machine LearningUnsupervised Learning in Machine Learning
Unsupervised Learning in Machine Learning
Pyingkodi Maran
 
Machine learning session9(clustering)
Machine learning   session9(clustering)Machine learning   session9(clustering)
Machine learning session9(clustering)
Abhimanyu Dwivedi
 
K mean-clustering
K mean-clusteringK mean-clustering
K mean-clustering
PVP College
 
ANLY 501 Lab 7 Presentation Group 8 slide.pptx
ANLY 501 Lab 7 Presentation Group 8 slide.pptxANLY 501 Lab 7 Presentation Group 8 slide.pptx
ANLY 501 Lab 7 Presentation Group 8 slide.pptx
rinehi3578
 
K-Means Clustering Algorithm.pptx
K-Means Clustering Algorithm.pptxK-Means Clustering Algorithm.pptx
K-Means Clustering Algorithm.pptx
JebaRaj26
 
K Means Clustering in ML.pptx
K Means Clustering in ML.pptxK Means Clustering in ML.pptx
K Means Clustering in ML.pptx
Ramakrishna Reddy Bijjam
 
k-mean-clustering.ppt
k-mean-clustering.pptk-mean-clustering.ppt
k-mean-clustering.ppt
RanimeLoutar
 
k-mean-Clustering impact on AI using DSS
k-mean-Clustering impact on AI using DSSk-mean-Clustering impact on AI using DSS
k-mean-Clustering impact on AI using DSS
MarkNaguibElAbd
 
Unsupervised learning Algorithms and Assumptions
Unsupervised learning Algorithms and AssumptionsUnsupervised learning Algorithms and Assumptions
Unsupervised learning Algorithms and Assumptions
refedey275
 
ML basic & clustering
ML basic & clusteringML basic & clustering
ML basic & clustering
monalisa Das
 
K-means Clustering || Data Mining
K-means Clustering || Data MiningK-means Clustering || Data Mining
K-means Clustering || Data Mining
Iffat Firozy
 
11-2-Clustering.pptx
11-2-Clustering.pptx11-2-Clustering.pptx
11-2-Clustering.pptx
paktari1
 
Slide-TIF311-DM-10-11.ppt
Slide-TIF311-DM-10-11.pptSlide-TIF311-DM-10-11.ppt
Slide-TIF311-DM-10-11.ppt
SandinoBerutu1
 
Slide-TIF311-DM-10-11.ppt
Slide-TIF311-DM-10-11.pptSlide-TIF311-DM-10-11.ppt
Slide-TIF311-DM-10-11.ppt
ImXaib
 

Similar to K Means Clustering Algorithm | K Means Clustering Example | Machine Learning Algorithms |Simplilearn (20)

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
 
Lecture_3_k-mean-clustering.ppt
Lecture_3_k-mean-clustering.pptLecture_3_k-mean-clustering.ppt
Lecture_3_k-mean-clustering.ppt
 
Neural nw k means
Neural nw k meansNeural nw k means
Neural nw k means
 
AI-Lec20 Clustering I - Kmean.pptx
AI-Lec20 Clustering I - Kmean.pptxAI-Lec20 Clustering I - Kmean.pptx
AI-Lec20 Clustering I - Kmean.pptx
 
K-Nearest Neighbor(KNN)
K-Nearest Neighbor(KNN)K-Nearest Neighbor(KNN)
K-Nearest Neighbor(KNN)
 
Unsupervised Learning in Machine Learning
Unsupervised Learning in Machine LearningUnsupervised Learning in Machine Learning
Unsupervised Learning in Machine Learning
 
Machine learning session9(clustering)
Machine learning   session9(clustering)Machine learning   session9(clustering)
Machine learning session9(clustering)
 
K mean-clustering
K mean-clusteringK mean-clustering
K mean-clustering
 
ANLY 501 Lab 7 Presentation Group 8 slide.pptx
ANLY 501 Lab 7 Presentation Group 8 slide.pptxANLY 501 Lab 7 Presentation Group 8 slide.pptx
ANLY 501 Lab 7 Presentation Group 8 slide.pptx
 
K-Means Clustering Algorithm.pptx
K-Means Clustering Algorithm.pptxK-Means Clustering Algorithm.pptx
K-Means Clustering Algorithm.pptx
 
K Means Clustering in ML.pptx
K Means Clustering in ML.pptxK Means Clustering in ML.pptx
K Means Clustering in ML.pptx
 
k-mean-clustering.ppt
k-mean-clustering.pptk-mean-clustering.ppt
k-mean-clustering.ppt
 
k-mean-Clustering impact on AI using DSS
k-mean-Clustering impact on AI using DSSk-mean-Clustering impact on AI using DSS
k-mean-Clustering impact on AI using DSS
 
Unsupervised learning Algorithms and Assumptions
Unsupervised learning Algorithms and AssumptionsUnsupervised learning Algorithms and Assumptions
Unsupervised learning Algorithms and Assumptions
 
ML basic & clustering
ML basic & clusteringML basic & clustering
ML basic & clustering
 
K-means Clustering || Data Mining
K-means Clustering || Data MiningK-means Clustering || Data Mining
K-means Clustering || Data Mining
 
Lect4
Lect4Lect4
Lect4
 
11-2-Clustering.pptx
11-2-Clustering.pptx11-2-Clustering.pptx
11-2-Clustering.pptx
 
Slide-TIF311-DM-10-11.ppt
Slide-TIF311-DM-10-11.pptSlide-TIF311-DM-10-11.ppt
Slide-TIF311-DM-10-11.ppt
 
Slide-TIF311-DM-10-11.ppt
Slide-TIF311-DM-10-11.pptSlide-TIF311-DM-10-11.ppt
Slide-TIF311-DM-10-11.ppt
 

More from Simplilearn

🔥 Cyber Security Engineer Vs Ethical Hacker: What's The Difference | Cybersec...
🔥 Cyber Security Engineer Vs Ethical Hacker: What's The Difference | Cybersec...🔥 Cyber Security Engineer Vs Ethical Hacker: What's The Difference | Cybersec...
🔥 Cyber Security Engineer Vs Ethical Hacker: What's The Difference | Cybersec...
Simplilearn
 
Top 10 Companies Hiring Machine Learning Engineer | Machine Learning Jobs | A...
Top 10 Companies Hiring Machine Learning Engineer | Machine Learning Jobs | A...Top 10 Companies Hiring Machine Learning Engineer | Machine Learning Jobs | A...
Top 10 Companies Hiring Machine Learning Engineer | Machine Learning Jobs | A...
Simplilearn
 
How to Become Strategy Manager 2023 ? | Strategic Management | Roadmap | Simp...
How to Become Strategy Manager 2023 ? | Strategic Management | Roadmap | Simp...How to Become Strategy Manager 2023 ? | Strategic Management | Roadmap | Simp...
How to Become Strategy Manager 2023 ? | Strategic Management | Roadmap | Simp...
Simplilearn
 
Top 20 Devops Engineer Interview Questions And Answers For 2023 | Devops Tuto...
Top 20 Devops Engineer Interview Questions And Answers For 2023 | Devops Tuto...Top 20 Devops Engineer Interview Questions And Answers For 2023 | Devops Tuto...
Top 20 Devops Engineer Interview Questions And Answers For 2023 | Devops Tuto...
Simplilearn
 
🔥 Big Data Engineer Roadmap 2023 | How To Become A Big Data Engineer In 2023 ...
🔥 Big Data Engineer Roadmap 2023 | How To Become A Big Data Engineer In 2023 ...🔥 Big Data Engineer Roadmap 2023 | How To Become A Big Data Engineer In 2023 ...
🔥 Big Data Engineer Roadmap 2023 | How To Become A Big Data Engineer In 2023 ...
Simplilearn
 
🔥 AI Engineer Resume For 2023 | CV For AI Engineer | AI Engineer CV 2023 | Si...
🔥 AI Engineer Resume For 2023 | CV For AI Engineer | AI Engineer CV 2023 | Si...🔥 AI Engineer Resume For 2023 | CV For AI Engineer | AI Engineer CV 2023 | Si...
🔥 AI Engineer Resume For 2023 | CV For AI Engineer | AI Engineer CV 2023 | Si...
Simplilearn
 
🔥 Top 5 Skills For Data Engineer In 2023 | Data Engineer Skills Required For ...
🔥 Top 5 Skills For Data Engineer In 2023 | Data Engineer Skills Required For ...🔥 Top 5 Skills For Data Engineer In 2023 | Data Engineer Skills Required For ...
🔥 Top 5 Skills For Data Engineer In 2023 | Data Engineer Skills Required For ...
Simplilearn
 
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
Simplilearn
 
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Simplilearn
 
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Simplilearn
 
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
Simplilearn
 
ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in Cybersecurity
Simplilearn
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptx
Simplilearn
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023
Simplilearn
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024
Simplilearn
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Simplilearn
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
Simplilearn
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Simplilearn
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
Simplilearn
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Simplilearn
 

More from Simplilearn (20)

🔥 Cyber Security Engineer Vs Ethical Hacker: What's The Difference | Cybersec...
🔥 Cyber Security Engineer Vs Ethical Hacker: What's The Difference | Cybersec...🔥 Cyber Security Engineer Vs Ethical Hacker: What's The Difference | Cybersec...
🔥 Cyber Security Engineer Vs Ethical Hacker: What's The Difference | Cybersec...
 
Top 10 Companies Hiring Machine Learning Engineer | Machine Learning Jobs | A...
Top 10 Companies Hiring Machine Learning Engineer | Machine Learning Jobs | A...Top 10 Companies Hiring Machine Learning Engineer | Machine Learning Jobs | A...
Top 10 Companies Hiring Machine Learning Engineer | Machine Learning Jobs | A...
 
How to Become Strategy Manager 2023 ? | Strategic Management | Roadmap | Simp...
How to Become Strategy Manager 2023 ? | Strategic Management | Roadmap | Simp...How to Become Strategy Manager 2023 ? | Strategic Management | Roadmap | Simp...
How to Become Strategy Manager 2023 ? | Strategic Management | Roadmap | Simp...
 
Top 20 Devops Engineer Interview Questions And Answers For 2023 | Devops Tuto...
Top 20 Devops Engineer Interview Questions And Answers For 2023 | Devops Tuto...Top 20 Devops Engineer Interview Questions And Answers For 2023 | Devops Tuto...
Top 20 Devops Engineer Interview Questions And Answers For 2023 | Devops Tuto...
 
🔥 Big Data Engineer Roadmap 2023 | How To Become A Big Data Engineer In 2023 ...
🔥 Big Data Engineer Roadmap 2023 | How To Become A Big Data Engineer In 2023 ...🔥 Big Data Engineer Roadmap 2023 | How To Become A Big Data Engineer In 2023 ...
🔥 Big Data Engineer Roadmap 2023 | How To Become A Big Data Engineer In 2023 ...
 
🔥 AI Engineer Resume For 2023 | CV For AI Engineer | AI Engineer CV 2023 | Si...
🔥 AI Engineer Resume For 2023 | CV For AI Engineer | AI Engineer CV 2023 | Si...🔥 AI Engineer Resume For 2023 | CV For AI Engineer | AI Engineer CV 2023 | Si...
🔥 AI Engineer Resume For 2023 | CV For AI Engineer | AI Engineer CV 2023 | Si...
 
🔥 Top 5 Skills For Data Engineer In 2023 | Data Engineer Skills Required For ...
🔥 Top 5 Skills For Data Engineer In 2023 | Data Engineer Skills Required For ...🔥 Top 5 Skills For Data Engineer In 2023 | Data Engineer Skills Required For ...
🔥 Top 5 Skills For Data Engineer In 2023 | Data Engineer Skills Required For ...
 
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
🔥 6 Reasons To Become A Data Engineer | Why You Should Become A Data Engineer...
 
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
Project Manager vs Program Manager - What’s the Difference ? | Project Manage...
 
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
Deloitte Interview Questions And Answers | Top 45 Deloitte Interview Question...
 
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
🔥 Deep Learning Roadmap 2024 | Deep Learning Career Path 2024 | Simplilearn
 
ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in Cybersecurity
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptx
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
 

Recently uploaded

Synthetic Fiber Construction in lab .pptx
Synthetic Fiber Construction in lab .pptxSynthetic Fiber Construction in lab .pptx
Synthetic Fiber Construction in lab .pptx
Pavel ( NSTU)
 
Fish and Chips - have they had their chips
Fish and Chips - have they had their chipsFish and Chips - have they had their chips
Fish and Chips - have they had their chips
GeoBlogs
 
Additional Benefits for Employee Website.pdf
Additional Benefits for Employee Website.pdfAdditional Benefits for Employee Website.pdf
Additional Benefits for Employee Website.pdf
joachimlavalley1
 
The approach at University of Liverpool.pptx
The approach at University of Liverpool.pptxThe approach at University of Liverpool.pptx
The approach at University of Liverpool.pptx
Jisc
 
Mule 4.6 & Java 17 Upgrade | MuleSoft Mysore Meetup #46
Mule 4.6 & Java 17 Upgrade | MuleSoft Mysore Meetup #46Mule 4.6 & Java 17 Upgrade | MuleSoft Mysore Meetup #46
Mule 4.6 & Java 17 Upgrade | MuleSoft Mysore Meetup #46
MysoreMuleSoftMeetup
 
Welcome to TechSoup New Member Orientation and Q&A (May 2024).pdf
Welcome to TechSoup   New Member Orientation and Q&A (May 2024).pdfWelcome to TechSoup   New Member Orientation and Q&A (May 2024).pdf
Welcome to TechSoup New Member Orientation and Q&A (May 2024).pdf
TechSoup
 
Unit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdfUnit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdf
Thiyagu K
 
ESC Beyond Borders _From EU to You_ InfoPack general.pdf
ESC Beyond Borders _From EU to You_ InfoPack general.pdfESC Beyond Borders _From EU to You_ InfoPack general.pdf
ESC Beyond Borders _From EU to You_ InfoPack general.pdf
Fundacja Rozwoju Społeczeństwa Przedsiębiorczego
 
special B.ed 2nd year old paper_20240531.pdf
special B.ed 2nd year old paper_20240531.pdfspecial B.ed 2nd year old paper_20240531.pdf
special B.ed 2nd year old paper_20240531.pdf
Special education needs
 
GIÁO ÁN DẠY THÊM (KẾ HOẠCH BÀI BUỔI 2) - TIẾNG ANH 8 GLOBAL SUCCESS (2 CỘT) N...
GIÁO ÁN DẠY THÊM (KẾ HOẠCH BÀI BUỔI 2) - TIẾNG ANH 8 GLOBAL SUCCESS (2 CỘT) N...GIÁO ÁN DẠY THÊM (KẾ HOẠCH BÀI BUỔI 2) - TIẾNG ANH 8 GLOBAL SUCCESS (2 CỘT) N...
GIÁO ÁN DẠY THÊM (KẾ HOẠCH BÀI BUỔI 2) - TIẾNG ANH 8 GLOBAL SUCCESS (2 CỘT) N...
Nguyen Thanh Tu Collection
 
Sectors of the Indian Economy - Class 10 Study Notes pdf
Sectors of the Indian Economy - Class 10 Study Notes pdfSectors of the Indian Economy - Class 10 Study Notes pdf
Sectors of the Indian Economy - Class 10 Study Notes pdf
Vivekanand Anglo Vedic Academy
 
Instructions for Submissions thorugh G- Classroom.pptx
Instructions for Submissions thorugh G- Classroom.pptxInstructions for Submissions thorugh G- Classroom.pptx
Instructions for Submissions thorugh G- Classroom.pptx
Jheel Barad
 
How to Create Map Views in the Odoo 17 ERP
How to Create Map Views in the Odoo 17 ERPHow to Create Map Views in the Odoo 17 ERP
How to Create Map Views in the Odoo 17 ERP
Celine George
 
2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...
Sandy Millin
 
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
siemaillard
 
The Art Pastor's Guide to Sabbath | Steve Thomason
The Art Pastor's Guide to Sabbath | Steve ThomasonThe Art Pastor's Guide to Sabbath | Steve Thomason
The Art Pastor's Guide to Sabbath | Steve Thomason
Steve Thomason
 
The French Revolution Class 9 Study Material pdf free download
The French Revolution Class 9 Study Material pdf free downloadThe French Revolution Class 9 Study Material pdf free download
The French Revolution Class 9 Study Material pdf free download
Vivekanand Anglo Vedic Academy
 
Overview on Edible Vaccine: Pros & Cons with Mechanism
Overview on Edible Vaccine: Pros & Cons with MechanismOverview on Edible Vaccine: Pros & Cons with Mechanism
Overview on Edible Vaccine: Pros & Cons with Mechanism
DeeptiGupta154
 
How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17
Celine George
 
The Roman Empire A Historical Colossus.pdf
The Roman Empire A Historical Colossus.pdfThe Roman Empire A Historical Colossus.pdf
The Roman Empire A Historical Colossus.pdf
kaushalkr1407
 

Recently uploaded (20)

Synthetic Fiber Construction in lab .pptx
Synthetic Fiber Construction in lab .pptxSynthetic Fiber Construction in lab .pptx
Synthetic Fiber Construction in lab .pptx
 
Fish and Chips - have they had their chips
Fish and Chips - have they had their chipsFish and Chips - have they had their chips
Fish and Chips - have they had their chips
 
Additional Benefits for Employee Website.pdf
Additional Benefits for Employee Website.pdfAdditional Benefits for Employee Website.pdf
Additional Benefits for Employee Website.pdf
 
The approach at University of Liverpool.pptx
The approach at University of Liverpool.pptxThe approach at University of Liverpool.pptx
The approach at University of Liverpool.pptx
 
Mule 4.6 & Java 17 Upgrade | MuleSoft Mysore Meetup #46
Mule 4.6 & Java 17 Upgrade | MuleSoft Mysore Meetup #46Mule 4.6 & Java 17 Upgrade | MuleSoft Mysore Meetup #46
Mule 4.6 & Java 17 Upgrade | MuleSoft Mysore Meetup #46
 
Welcome to TechSoup New Member Orientation and Q&A (May 2024).pdf
Welcome to TechSoup   New Member Orientation and Q&A (May 2024).pdfWelcome to TechSoup   New Member Orientation and Q&A (May 2024).pdf
Welcome to TechSoup New Member Orientation and Q&A (May 2024).pdf
 
Unit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdfUnit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdf
 
ESC Beyond Borders _From EU to You_ InfoPack general.pdf
ESC Beyond Borders _From EU to You_ InfoPack general.pdfESC Beyond Borders _From EU to You_ InfoPack general.pdf
ESC Beyond Borders _From EU to You_ InfoPack general.pdf
 
special B.ed 2nd year old paper_20240531.pdf
special B.ed 2nd year old paper_20240531.pdfspecial B.ed 2nd year old paper_20240531.pdf
special B.ed 2nd year old paper_20240531.pdf
 
GIÁO ÁN DẠY THÊM (KẾ HOẠCH BÀI BUỔI 2) - TIẾNG ANH 8 GLOBAL SUCCESS (2 CỘT) N...
GIÁO ÁN DẠY THÊM (KẾ HOẠCH BÀI BUỔI 2) - TIẾNG ANH 8 GLOBAL SUCCESS (2 CỘT) N...GIÁO ÁN DẠY THÊM (KẾ HOẠCH BÀI BUỔI 2) - TIẾNG ANH 8 GLOBAL SUCCESS (2 CỘT) N...
GIÁO ÁN DẠY THÊM (KẾ HOẠCH BÀI BUỔI 2) - TIẾNG ANH 8 GLOBAL SUCCESS (2 CỘT) N...
 
Sectors of the Indian Economy - Class 10 Study Notes pdf
Sectors of the Indian Economy - Class 10 Study Notes pdfSectors of the Indian Economy - Class 10 Study Notes pdf
Sectors of the Indian Economy - Class 10 Study Notes pdf
 
Instructions for Submissions thorugh G- Classroom.pptx
Instructions for Submissions thorugh G- Classroom.pptxInstructions for Submissions thorugh G- Classroom.pptx
Instructions for Submissions thorugh G- Classroom.pptx
 
How to Create Map Views in the Odoo 17 ERP
How to Create Map Views in the Odoo 17 ERPHow to Create Map Views in the Odoo 17 ERP
How to Create Map Views in the Odoo 17 ERP
 
2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...
 
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
 
The Art Pastor's Guide to Sabbath | Steve Thomason
The Art Pastor's Guide to Sabbath | Steve ThomasonThe Art Pastor's Guide to Sabbath | Steve Thomason
The Art Pastor's Guide to Sabbath | Steve Thomason
 
The French Revolution Class 9 Study Material pdf free download
The French Revolution Class 9 Study Material pdf free downloadThe French Revolution Class 9 Study Material pdf free download
The French Revolution Class 9 Study Material pdf free download
 
Overview on Edible Vaccine: Pros & Cons with Mechanism
Overview on Edible Vaccine: Pros & Cons with MechanismOverview on Edible Vaccine: Pros & Cons with Mechanism
Overview on Edible Vaccine: Pros & Cons with Mechanism
 
How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17
 
The Roman Empire A Historical Colossus.pdf
The Roman Empire A Historical Colossus.pdfThe Roman Empire A Historical Colossus.pdf
The Roman Empire A Historical Colossus.pdf
 

K Means Clustering Algorithm | K Means Clustering Example | Machine Learning Algorithms |Simplilearn

  • 2. What is K-Means Clustering? What is K-Means Clustering?
  • 3. What is K-Means Clustering? k-means performs division of objects into clusters which are “similar” between them and are “dissimilar” to the objects belonging to another cluster What is K-Means Clustering?
  • 4. What is K-Means Clustering? Can you explain this with an example?
  • 5. What is K-Means Clustering? Sure. For understanding K-Means in a better way, let’s take an example of Cricket Can you explain this with an example?
  • 6. What is K-Means Clustering? Task: Identify bowlers and batsmen
  • 7. What is K-Means Clustering? Task: Identify bowlers and batsmen  The data contains runs and wickets gained in the last 10 matches  So, the bowler will have more wickets and the batsmen will have higher runs Scores
  • 8. What is K-Means Clustering? Assign data points Here, we have our dataset with x and y coordinates Now, we want to cluster this data using K-Means Runs Wickets
  • 9. What is K-Means Clustering? Lorem ipsum Cluster 1Assign data points Lorem ipsum We can see that this cluster has players with high runs and low wickets Here, we have our dataset with x and y coordinates Now, we want to cluster this data using K-Means Runs Wickets Runs Wickets
  • 10. What is K-Means Clustering? And here, we can see that this cluster has players with high wickets and low wickets Lorem ipsum Cluster 1 Cluster 2Assign data points Lorem ipsumLorem ipsum We can see that this cluster has players with high runs and low wickets Here, we have our dataset with x and y coordinates Now, we want to cluster this data using K-Means Runs Wickets Runs Wickets Runs Wickets
  • 11. What is K-Means Clustering? Consider the same data set of cricket Solve the problem using K-Means
  • 12. What is K-Means Clustering? Initially, two centroids are assigned randomly Euclidean distance to find out which centroid is closest to each data point and the data points are assigned to the corresponding centroids
  • 13. What is K-Means Clustering? Reposition the two centroids for optimization.
  • 14. What is K-Means Clustering? The process is iteratively repeated until our centroids become static
  • 15. What’s in it for you? Types of Clustering What is K-Means Clustering? Applications of K-Means clustering Common distance measure How does K-Means clustering work? K-Means Clustering Algorithm Demo: K-Means Clustering Use Case: Color Compression
  • 17. Types of Clustering Clustering Hierarchical Clustering Agglomerative Divisive Partitional Clustering K-Means Fuzzy C-Means
  • 18. Types of Clustering Clustering Hierarchical Clustering Division Clusters have a tree like structure or a parent child relationship
  • 19. Types of Clustering Clustering Hierarchical Clustering Agglomerative Divisive a b c fd e debc def bcdef abcdef “Bottom up" approach: Begin with each element as a separate cluster and merge them into successively larger clusters
  • 20. Types of Clustering “Top down“ approach begin with the whole set and proceed to divide it into successively smaller clusters. a b c fd e de def bcdef abcdef bc Clustering Hierarchical Clustering Agglomerative Divisive
  • 21. Types of Clustering Clustering Partitional Clustering K-Means Fuzzy C-Means c1 c2 Division of objects into clusters such that each object is in exactly one cluster, not several
  • 22. Types of Clustering Clustering Partitional Clustering K-Means Fuzzy C-Means Division of objects into clusters such that each object can belong to multiple clusters c2c1
  • 24. Applications of K-Means Clustering Academic Performance Wireless Sensor Network's Diagnostic Systems Search Engines
  • 26. Distance Measure Euclidean distance measure Manhattan distance measure Squared Euclidean distance measure Cosine distance measure Distance measure will determine the similarity between two elements and it will influence the shape of the clusters
  • 27. Euclidean Distance Measure • The Euclidean distance is the "ordinary" straight line • It is the distance between two points in Euclidean space d=√ 𝑖=1 𝑛 ( 𝑞𝑖− )2 p q Euclidian Distance 𝑝𝑖 Option 02 Euclidean distance measure 01 Squared euclidean distance measure 02 Manhattan distance measure 03 Cosine distance measure 04
  • 28. Squared Euclidean Distance Measure The Euclidean squared distance metric uses the same equation as the Euclidean distance metric, but does not take the square root. d= 𝑖=1 𝑛 ( 𝑞𝑖− )2 𝑝𝑖 Option 02 Euclidean distance measure 01 Squared euclidean distance measure 02 Manhattan distance measure 03 Cosine distance measure 04
  • 29. Manhattan Distance Measure Option 02 Euclidean distance measure 01 Squared euclidean distance measure 02 Manhattan distance measure 03 Cosine distance measure 04 The Manhattan distance is the simple sum of the horizontal and vertical components or the distance between two points measured along axes at right angles d= 𝑖=1 𝑛 | 𝑞 𝑥− | p q Manhattan Distance 𝑝 𝑥 +|𝑞 𝑥− |𝑝 𝑦 (x,y) (x,y)
  • 30. Cosine Distance Measure Option 02 Euclidean distance measure 01 Squared euclidean distance measure 02 Manhattan distance measure 03 Cosine distance measure 04 The cosine distance similarity measures the angle between the two vectors p q Cosine Distance 𝑖=0 𝑛−1 𝑞𝑖− 𝑖=0 𝑛−1 (𝑞𝑖)2 × 𝑖=0 𝑛−1 (𝑝𝑖)2 d= 𝑝 𝑥
  • 31. How does K-Means clustering work?
  • 32. How does K-Means clustering work? Start Elbow point (k) Reposition the centroids Grouping based on minimum distance Measure the distance Convergence - + If clusters are stable If clusters are unstable
  • 33. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence • Let’s say, you have a dataset for a Grocery shop • Now, the important question is, “how would you choose the optimum number of clusters?“ ? c 1
  • 34. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence • The best way to do this is by Elbow method • The idea of the elbow method is to run K-Means clustering on the dataset where ‘k’ is referred as number of clusters • Within sum of squares (WSS) is defined as the sum of the squared distance between each member of the cluster and its centroid 𝑖=1 𝑚 )𝑥𝑖 2 WSS = ( Where x𝑖 = data point and c𝑖 = closest point to centroid − 𝑐𝑖
  • 35. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence • Now, we draw a curve between WSS (within sum of squares) and the number of clusters • Here, we can see a very slow change in the value of WSS after k=2, so you should take that elbow point value as the final number of clusters Elbow pointWSS No . of. clusters k=2
  • 36. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence Step 1: The given data points below are assumed as delivery points c1
  • 37. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence Step 2: We can randomly initialize two points called the cluster centroids, Euclidean distance is a distance measure used to find out which data point is closest to our centroids c1 c1 c2c 1 c2
  • 38. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence Step 3: Based upon the distance from c1 and c2 centroids, the data points will group itself into clusters c1 c1 c2c 1 c2
  • 39. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence Step 4: Compute the centroid of data points inside blue cluster Step 5: Reposition the centroid of the blue cluster to the new centroid c1 c1 c 1 c2
  • 40. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence Step 6: Now, compute the centroid of data points inside orange cluster Step 7: Reposition the centroid of the orange cluster to the new centroid c1 c1 c2 c 1 c2
  • 41. How does K-Means clustering work? Elbow point Reposition the centroids Grouping Measure the distance Convergence Step 8: Once the clusters become static, K-Means clustering algorithm is said to be converged c 1 c2
  • 43. K-Means Clustering Algorithm Assuming we have inputs x1,x2,x3,…, and value of K, Step 1 : Pick K random points as cluster centers called centroids Step 2 : Assign each xi to nearest cluster by calculating its distance to each centroid Step 3 : Find new cluster center by taking the average of the assigned points Step 4 : Repeat Step 2 and 3 until none of the cluster assignments change
  • 44. K-Means Clustering Algorithm Step 1 : We randomly pick K cluster centers (centroids). Let’s assume these are c1,c2,…,ckc1,c2,…,ck, and we can say that; C is the set of all centroids. Step 2: In this step, we assign each data point to closest center, this is done by calculating Euclidean distance arg min dist ( ,x )2 Where dist() is the Euclidean distance. 𝑐𝑖 ∈C𝑐𝑖 𝑐1 𝑐2 𝑐 𝑘C= , ,.…
  • 45. |𝑆𝑖| = 1 ∑ Step 3: In this step, we find the new centroid by taking the average of all the points assigned to that cluster. is the set of all points assigned to the i th cluster Step 4: In this step, we repeat step 2 and 3 until none of the cluster assignments change That means until our clusters remain stable, we repeat the algorithm xi∈Si 𝑐𝑖 𝑥𝑖 𝑠𝑖 K-Means Clustering Algorithm
  • 47. Demo: K-Means Clustering Problem Statement • Walmart wants to open a chain of stores across Florida and wants to find out optimal store locations to maximize revenue Solution • Walmart already has a strong e-commerce presence • Walmart can use its online customer data to analyze the customer locations along with the monthly sales
  • 48. Demo: K-Means Clustering %matplotlib inline import matplotlib.pyplot as plt # for plot styling import seaborn as sns; sns.set() import numpy as np from sklearn.datasets.samples_generator import make_blobs X, y_true = make_blobs(n_samples=300, centers=4, cluster_std=0.60, random_state=0) plt.scatter(X[:, 0], X[:, 1], s=50);
  • 50. Demo: K-Means Clustering # assign four clusters from sklearn.cluster import KMeans kmeans = KMeans(n_clusters=4) kmeans.fit(X) y_kmeans = kmeans.predict(X) # import library from sklearn.metrics import pairwise_distances_argmin def find_clusters(X, n_clusters, rseed=2): # 1. randomly choose clusters rng = np.random.RandomState(rseed) i = rng.permutation(X.shape[0])[:n_clusters] centers = X[i] while True:
  • 51. Demo: K-Means Clustering # 2. assign labels based on closest center labels = pairwise_distances_argmin(X, centers) # 3. find new centers from means of points new_centers = np.array([X[labels == i].mean(0) for i in range(n_clusters)]) centers, labels = find_clusters(X, 4) plt.scatter(X[:, 0], X[:, 1], c=labels, s=50, cmap='viridis’)
  • 52. Demo: K-Means Clustering # 4. check for convergence if np.all(centers == new_centers): break centers = new_centers return centers, labels centers, labels = find_clusters(X, 4) plt.scatter(X[:, 0], X[:, 1], c=y_kmeans, s=50, cmap='viridis') plt.scatter(centers[:, 0], centers[:, 1], c='black', s=200, alpha=0.5);
  • 53. Demo: K-Means Clustering # output: Conclusion Congratulations! We have demonstrated K-Means clustering by establishing Walmart stores across Florida in the most optimized way
  • 54. Use case – Color compression
  • 55. Use Case: K-Means for Color Compression Problem Statement To perform color compression on images using K-Means algorithm
  • 56. Use Case: K-Means for Color Compression # example 1: # note: this requires the ``pillow`` package to be installed from sklearn.datasets import load_sample_image china = load_sample_image("flower.jpg") ax = plt.axes(xticks=[], yticks=[]) ax.imshow(china); #Output:
  • 57. Use Case: K-Means for Color Compression # returns the dimensions of the array china.shape # reshape the data to [n_samples x n_features], and rescale the colors so that they lie between 0 and 1 data = china / 255.0 # use 0...1 scale data = data.reshape(427 * 640, 3) data.shape # visualize these pixels in this color space, using a subset of 10,000 pixels for efficiency def plot_pixels(data, title, colors=None, N=10000): if colors is None: colors = data
  • 58. Use Case: K-Means for Color Compression # choose a random subset rng = np.random.RandomState(0) i = rng.permutation(data.shape[0])[:N] colors = colors[i] R, G, B = data[i].T fig, ax = plt.subplots(1, 2, figsize=(16, 6)) ax[0].scatter(R, G, color=colors, marker='.') ax[0].set(xlabel='Red', ylabel='Green', xlim=(0, 1), ylim=(0, 1)) ax[1].scatter(R, B, color=colors, marker='.') ax[1].set(xlabel='Red', ylabel='Blue', xlim=(0, 1), ylim=(0, 1)) fig.suptitle(title, size=20);
  • 59. Use Case: K-Means for Color Compression plot_pixels(data, title='Input color space: 16 million possible colors')
  • 60. Use Case: K-Means for Color Compression # fix numPy issues import warnings; warnings.simplefilter('ignore’) # reducing these 16 million colors to just 16 colors from sklearn.cluster import MiniBatchKMeans kmeans = MiniBatchKMeans(16) kmeans.fit(data) new_colors = kmeans.cluster_centers_[kmeans.predict(data)] plot_pixels(data, colors=new_colors, title="Reduced color space: 16 colors")
  • 61. Use Case: K-Means for Color Compression china_recolored = new_colors.reshape(china.shape) fig, ax = plt.subplots(1, 2, figsize=(16, 6), subplot_kw=dict(xticks=[], yticks=[])) fig.subplots_adjust(wspace=0.05) ax[0].imshow(china) ax[0].set_title('Original Image', size=16) ax[1].imshow(china_recolored) ax[1].set_title('16-color Image', size=16); # the result is re-coloring of the original pixels, where each pixel is assigned the color of its closest cluster center # output:
  • 62. Use Case: K-Means for Color Compression # output
  • 63. Use Case: K-Means for Color Compression # example 2: from sklearn.datasets import load_sample_image china = load_sample_image(“china.jpg") ax = plt.axes(xticks=[], yticks=[]) ax.imshow(china);
  • 64. Use Case: K-Means for Color Compression # returns the dimensions of the array china.shape # reshape the data to [n_samples x n_features], and rescale the colors so that they lie between 0 and 1 data = china / 255.0 # use 0...1 scale data = data.reshape(427 * 640, 3) data.shape # visualize these pixels in this color space, using a subset of 10,000 pixels for efficiency def plot_pixels(data, title, colors=None, N=10000): if colors is None: colors = data
  • 65. Use Case: K-Means for Color Compression # choose a random subset rng = np.random.RandomState(0) i = rng.permutation(data.shape[0])[:N] colors = colors[i] R, G, B = data[i].T fig, ax = plt.subplots(1, 2, figsize=(16, 6)) ax[0].scatter(R, G, color=colors, marker='.') ax[0].set(xlabel='Red', ylabel='Green', xlim=(0, 1), ylim=(0, 1)) ax[1].scatter(R, B, color=colors, marker='.') ax[1].set(xlabel='Red', ylabel='Blue', xlim=(0, 1), ylim=(0, 1)) fig.suptitle(title, size=20);
  • 66. Use Case: K-Means for Color Compression plot_pixels(data, title='Input color space: 16 million possible colors')
  • 67. Use Case: K-Means for Color Compression # fix NumPy issues import warnings; warnings.simplefilter('ignore’) # reducing these 16 million colors to just 16 colors from sklearn.cluster import MiniBatchKMeans kmeans = MiniBatchKMeans(16) kmeans.fit(data) new_colors = kmeans.cluster_centers_[kmeans.predict(data)] plot_pixels(data, colors=new_colors, title="Reduced color space: 16 colors")
  • 68. Use Case: K-Means for Color Compression china_recolored = new_colors.reshape(china.shape) fig, ax = plt.subplots(1, 2, figsize=(16, 6), subplot_kw=dict(xticks=[], yticks=[])) fig.subplots_adjust(wspace=0.05) ax[0].imshow(china) ax[0].set_title('Original Image', size=16) ax[1].imshow(china_recolored) ax[1].set_title('16-color Image', size=16); # the result is a re-coloring of the original pixels, where each pixel is assigned the color of its closest cluster center # output
  • 69. Use Case: K-Means for Color Compression # output Conclusion Congratulations! We have demonstrated K-Means in color compression. The hands on example will help you to encounter any K-Means project in future.

Editor's Notes

  1. Style - 01
  2. Style - 01
  3. Style - 01
  4. Style - 01
  5. Style - 01
  6. Style - 01
  7. Style - 01
  8. Style - 01
  9. Style - 01
  10. Style - 01
  11. Style - 01
  12. Style - 01
  13. Style - 01
  14. Style - 01
  15. Style - 01
  16. Style - 01
  17. Style - 01
  18. Style - 01
  19. Style - 01
  20. Style - 01
  21. Style - 01
  22. Style - 01
  23. Style - 01
  24. Style - 01
  25. Style - 01
  26. Style - 01
  27. Style - 01
  28. Style - 01
  29. Style - 01
  30. Style - 01
  31. Style - 01
  32. Style - 01
  33. Style - 01
  34. Style - 01
  35. Style - 01
  36. Style - 01
  37. Style - 01