Download presentation
Presentation is loading. Please wait.
Published byNorah Jackson Modified over 6 years ago
1
Unsupervised Learning Reading: Chapter 8 from Introduction to Data Mining by Tan, Steinbach, and Kumar, pp , , (
2
Unsupervised learning = No labels on training examples
Unsupervised learning = No labels on training examples! Main approach: Clustering
3
Example: Optdigits data set
4
Etc. .. Optdigits features x = (f1, f2, ..., f64)
= (0, 2, 13, 16, 16, 16, 2, 0, 0, ...) Etc. ..
5
Partitional Clustering of Optdigits
Feature 1 Feature 2 Feature 3 64-dimensional space
6
Partitional Clustering of Optdigits
Feature 1 Feature 2 Feature 3 64-dimensional space
7
Hierarchical Clustering of Optdigits
Feature 1 Feature 2 Feature 3 64-dimensional space
8
Hierarchical Clustering of Optdigits
Feature 1 Feature 2 Feature 3 64-dimensional space
9
Hierarchical Clustering of Optdigits
Feature 1 Feature 2 Feature 3 64-dimensional space
10
Issues for clustering algorithms
How to measure distance between pairs of instances? How many clusters to create? Should clusters be hierarchical? (I.e., clusters of clusters) Should clustering be “soft”? (I.e., an instance can belong to different clusters, with “weighted belonging”)
11
Most commonly used (and simplest) clustering algorithm: K-Means Clustering
12
Adapted from Andrew Moore, http://www.cs.cmu.edu/~awm/tutorials
13
Adapted from Andrew Moore, http://www.cs.cmu.edu/~awm/tutorials
14
Adapted from Andrew Moore, http://www.cs.cmu.edu/~awm/tutorials
15
Adapted from Andrew Moore, http://www.cs.cmu.edu/~awm/tutorials
17
K-means clustering algorithm
18
K-means clustering algorithm
Typically, use mean of points in cluster as centroid
19
K-means clustering algorithm
Distance metric: Chosen by user. For numerical attributes, often use L2 (Euclidean) distance. Centroid of a cluster here refers to the mean of the points in the cluster.
20
Example: Image segmentation by K-means clustering by color
From K=5, RGB space K=10, RGB space
21
K=5, RGB space K=10, RGB space
22
K=5, RGB space K=10, RGB space
23
Clustering text documents
A text document is represented as a feature vector of word frequencies Distance between two documents is the cosine of the angle between their corresponding feature vectors.
24
Figure 4. Two-dimensional map of the PMRA cluster solution, representing nearly 29,000 clusters and over two million articles. Boyack KW, Newman D, Duhon RJ, Klavans R, et al. (2011) Clustering More than Two Million Biomedical Publications: Comparing the Accuracies of Nine Text-Based Similarity Approaches. PLoS ONE 6(3): e doi: /journal.pone
25
Exercise 1
26
How to evaluate clusters produced by K-means?
Unsupervised evaluation Supervised evaluation
27
Unsupervised Cluster Evaluation We don’t know the classes of the data instances
Let C denote a clustering (i.e., set of K clusters that is the result of a clustering algorithm) and let c denote a cluster in C. Let |c| denote the number of elements in c. We want to minimize the distance between elements of c and the centroid μc . coherence of each cluster c – i.e., minimize Mean Square Error (mse):
28
Unsupervised Cluster Evaluation We don’t know the classes of the data instances
Let C denote a clustering (i.e., set of K clusters that is the result of a clustering algorithm) and let c denote a cluster in C. Let |c| denote the number of elements in c. We want to minimize the distance between elements of c and the centroid μc . coherence of each cluster c – i.e., minimize Mean Square Error (mse): Note: The assigned reading uses sum square error rather than mean square error.
29
Unsupervised Cluster Evaluation We don’t know the classes of the data instances
We also want to maximize pairwise separation of each cluster. That is, maximize Mean Square Separation (mss):
30
Exercises 2-3
31
Supervised Cluster Evaluation Suppose we know the classes of the data instances
Entropy of a cluster: The degree to which a cluster consists of objects of a single class. Mean entropy of a clustering: Average entropy over all clusters in the clustering We want to minimize mean entropy
32
Entropy Example Suppose there are 3 classes: 1, 2, 3 Cluster 1
33
Exercise 4
34
Issues for K-means Adapted from Bing Liu, UIC
Issues for K-means
35
Adapted from Bing Liu, UIC
Issues for K-means The algorithm is only applicable if the mean is defined. For categorical data, use K-modes: The centroid is represented by the most frequent values.
36
Adapted from Bing Liu, UIC
Issues for K-means The algorithm is only applicable if the mean is defined. For categorical data, use K-modes: The centroid is represented by the most frequent values. The user needs to specify K.
37
Adapted from Bing Liu, UIC
Issues for K-means The algorithm is only applicable if the mean is defined. For categorical data, use K-modes: The centroid is represented by the most frequent values. The user needs to specify K. The algorithm is sensitive to outliers Outliers are data points that are very far away from other data points. Outliers could be errors in the data recording or some special data points with very different values.
38
Issues for K-means: Problems with outliers
Adapted from Bing Liu, UIC Issues for K-means: Problems with outliers CS583, Bing Liu, UIC
39
Adapted from Bing Liu, UIC
Dealing with outliers One method is to remove some data points in the clustering process that are much further away from the centroids than other data points. Expensive Not always a good idea! Another method is to perform random sampling. Since in sampling we only choose a small subset of the data points, the chance of selecting an outlier is very small. Assign the rest of the data points to the clusters by distance or similarity comparison, or classification
40
Issues for K-means (cont …)
Adapted from Bing Liu, UIC Issues for K-means (cont …) The algorithm is sensitive to initial seeds. + + CS583, Bing Liu, UIC
41
Issues for K-means (cont …)
Adapted from Bing Liu, UIC Issues for K-means (cont …) If we use different seeds: good results + + CS583, Bing Liu, UIC
42
Issues for K-means (cont …)
Adapted from Bing Liu, UIC Issues for K-means (cont …) If we use different seeds: good results Often can improve K-means results by doing several random restarts. + + CS583, Bing Liu, UIC
43
Issues for K-means (cont …)
Adapted from Bing Liu, UIC Issues for K-means (cont …) If we use different seeds: good results Often can improve K-means results by doing several random restarts. + + Often useful to select instances from data as initial seeds. CS583, Bing Liu, UIC
44
Issues for K-means (cont …)
Adapted from Bing Liu, UIC Issues for K-means (cont …) The K-means algorithm is not suitable for discovering clusters that are not hyper-ellipsoids (or hyper-spheres). + CS583, Bing Liu, UIC
45
Other Issues What if a cluster is empty? Choose a replacement centroid
At random, or From cluster that has highest mean square error How to choose K ? The assigned reading discusses several methods for improving a clustering with “postprocessing”.
46
Choosing the K in K-Means
Hard problem! Often no “correct” answer for unlabeled data Many proposed methods! Here are a few: Try several values of K, see which is best, via cross-validation. Metrics: mean square error, mean square separation, penalty for too many clusters [why?] Start with K = 2. Then try splitting each cluster. New means are one sigma away from cluster center in direction of greatest variation. Use similar metrics to above.
47
“Elbow” method: Plot average mse (or SSE) vs. K. Choose K at which SSE (or other metric) stops decreasing abruptly. However, sometimes no clear “elbow” “elbow”
48
Homework 5
49
Quiz 4 Review
50
Soft Clustering with Gaussian Mixture Models
51
Soft Clustering with Gaussian mixture models
A “soft”, generative version of K-means clustering Given: Training set S = {x1, ..., xN}, and K. Assumption: Data is generated by sampling from a “mixture” (linear combination) of K Gaussians.
52
Gaussian Mixture Models Assumptions
K clusters Each cluster is modeled by a Gaussian distribution with a certain mean and standard deviation (or covariance). [This contrasts with K-means, in which each cluster is modeled only by a mean.] Assume that each data instance we have was generated by the following procedure: 1. Select cluster ci with probability P(ci) = πi 2. Sample point from ci’s Gaussian distribution
53
Mixture of three Gaussians (one dimensional data)
54
Clustering via finite Gaussian mixture models
Clusters: Each cluster will correspond to a single Gaussian. Each point x S will have some probability distribution over the K clusters. Goal: Given the data, find the Gaussians! (And their probabilities πi .) I.e., Find parameters {θK} of these K Gaussians such P(S | {θK}) is maximized. This is called a Maximum Likelihood method. S is the data {θK} is the “hypothesis” or “model” P(S | {θK}) is the “likelihood”.
55
General form of one-dimensional (univariate) Gaussian Mixture Model
56
Maximum Likelihood for Single Univariate Gaussian
Learning a GMM Simple Case: Maximum Likelihood for Single Univariate Gaussian Assume training set S has N values generated by a univariant Gaussian distribution: Likelihood function: probability of data given model (or parameters of model)
57
How to estimate parameters and from S?
Maximize the likelihood function with respect to and . We want the and that maximize the probability of the data. Problem: Individual values of are typically very small. (Can underflow numerical precision of computer.)
58
Solution: Work with log likelihood instead of likelihood.
59
Solution: Work with log likelihood instead of likelihood.
Find a simplified expression for this.
60
Solution: Work with log likelihood instead of likelihood.
61
Now, find maximum likelihood parameters, and σ2.
First, maximize with respect to . Result: (ML = “Maximum Likelihood”)
62
Now, find maximum likelihood parameters, and σ2.
First, maximize with respect to . Find that maximizes this. Result: (ML = “Maximum Likelihood”)
63
Now, find maximum likelihood parameters, and σ2.
First, maximize with respect to . Find that maximizes this. How to do this?
64
Now, find maximum likelihood parameters, and σ2.
First, maximize with respect to . Find that maximizes this.
65
Now, find maximum likelihood parameters, and σ2.
First, maximize with respect to . Result: (ML = “Maximum Likelihood”)
66
Now, maximize with respect to σ2. Find σ2 that maximizes this.
67
Now, maximize with respect to σ2. Find σ2 that maximizes this.
68
Now, maximize with respect to σ2.
69
The resulting distribution is called a “generative model” because it can generate new data values.
We say that parameterizes the model. In general, θ is used to denote the (learnable) parameters of a probabilistic model
70
Learning a GMM More general case: Multivariate Gaussian Distribution
Multivariate (D-dimensional) Gaussian:
71
Covariance: Variance: Covariance Matrix Σ : Σi,j = cov (xi , xj)
72
Let S be a set of multivariate data points (vectors):
S = {x1, ..., xm}. General expression for finite Gaussian mixture model: That is, x has probability of “membership” in multiple clusters/classes.
73
Maximum Likelihood for Multivariate Gaussian Mixture Model
Goal: Given S = {x1, ..., xN}, and given K, find the Gaussian mixture model (with K multivariate Gaussians) for which S has maximum log-likelihood. Log likelihood function: Given S, we can maximize this function to find But no closed form solution (unlike simple case in previous slides) In this multivariate case, we can efficiently maximize this function using the “Expectation / Maximization” (EM) algorithm.
74
Expectation-Maximization (EM) algorithm
General idea: Choose random initial values for means, covariances and mixing coefficients. (Analogous to choosing random initial cluster centers in K-means.) Alternate between E (expectation) and M (maximization) step: E step: use current values for parameters to evaluate posterior probabilities, or “responsibilities”, for each data point. (Analogous to determining which cluster a point belongs to, in K-means.) M step: Use these probabilities to re-estimate means, covariances, and mixing coefficients. (Analogous to moving the cluster centers to the means of their members, in K-means.) Repeat until the log-likelihood or the parameters θ do not change significantly.
75
More detailed version of EM algorithm
Let X be the set of training data. Initialize the means k, covariances k, and mixing coefficients k, and evaluate initial value of log likelihood. E step. Evaluate the “responsibilities” using the current parameter values where rn,k denotes the “responsibilities” of the kth cluster for the nth data point.
76
M step. Re-estimate the parameters θ using the current responsibilities.
77
Evaluate the log likelihood with the new parameters
and check for convergence of either the parameters or the log likelihood. If not converged, return to step 2.
78
EM much more computationally expensive than K-means
Common practice: Use K-means to set initial parameters, then improve with EM. Initial means: Means of clusters found by k-means Initial covariances: Sample covariances of the clusters found by K-means algorithm. Initial mixture coefficients: Fractions of data points assigned to the respective clusters.
79
Can prove that EM finds local maxima of log-likelihood function.
EM is very general technique for finding maximum-likelihood solutions for probabilistic models
80
Using GMM for Classification
Assume each cluster corresponds to one of the classes. A new test example x is classified according to
81
Case Study: Text classification from labeled and unlabeled documents using EM K. Nigam et al., Machine Learning, 2000 Big problem with text classification: need labeled data. What we have: lots of unlabeled data. Question of this paper: Can unlabeled data be used to increase classification accuracy? I.e.: Any information implicit in unlabeled data? Any way to take advantage of this implicit information?
82
General idea: A version of EM algorithm
Train a classifier with small set of available labeled documents. Use this classifier to assign probabilisitically-weighted class labels to unlabeled documents by calculating expectation of missing class labels. Then train a new classifier using all the documents, both originally labeled and formerly unlabeled. Iterate.
83
Probabilistic framework
Assumes data are generated with Gaussian mixture model Assumes one-to-one correspondence between mixture components and classes. “These assumptions rarely hold in real-world text data”
84
Probabilistic framework
Let C = {c1, ..., cK} be the classes / mixture components Let = {1, ..., K} {1, ..., K} {1, ..., K} be the mixture parameters. Assumptions: A document di is created by first selecting a mixture component according to the mixture weights j, then having this selected mixture component generate a document according to its own parameters, with distribution p(di | cj; ). Likelihood of document di :
85
Now, we will apply EM to a Naive Bayes Classifier
Recall Naive Bayes classifier: Assume each feature is conditionally independent, given cj.
86
To “train” naive Bayes from labeled data, estimate
These values are estimates of the parameters in . Call these values
87
Note that Naive Bayes can be thought of as a generative mixture model.
Document di is represented as a vector of word frequencies ( w1, ..., w|V| ), where V is the vocabulary (all known words). The probability distribution over words associated with each class is parameterized by . We need to estimate to determine what probability distribution document di = ( w1, ..., w|V| )is most likely to come from.
88
Applying EM to Naive Bayes
We have a small number of labeled documents Slabeled, and a large number of unlabeled documents, Sunlabeled. The initial parameters are estimated from the labeled documents Slabeled. Expectation step: The resulting classifier is used to assign probabilistically-weighted class labels to each unlabeled document x Sunlabeled. Maximization step: Re-estimate using values for x Sunlabeled Sunlabeled Repeat until or has converged.
89
Augmenting EM What if basic assumptions (each document generated by one component; one-to-one mapping between components and classes) do not hold? They tried two things to deal with this: (1) Weighting unlabeled data less than labeled data (2) Allow multiple mixture components per class: A document may be comprised of several different sub-topics, each best captured with a different word distribution.
90
Data 20 UseNet newsgroups Web pages (WebKB)
Newswire articles (Reuters)
Similar presentations
© 2025 SlidePlayer.com. Inc.
All rights reserved.