Skip to content

Latest commit

 

History

History
474 lines (331 loc) · 17.5 KB

clustering.rst

File metadata and controls

474 lines (331 loc) · 17.5 KB

Clustering

Clustering of unlabeled data can be performed with the module scikits.learn.cluster.

Each clustering algorithm comes in two variants: a class, that implements the fit method to learn the clusters on train data, and a function, that, given train data, returns an array of integer labels corresponding to the different clusters. For the class, the labels over the training data can be found in the labels_ attribute.

scikits.learn.cluster

Input data

One important thing to note is that the algorithms implemented in this module take different kinds of matrix as input. On one hand, MeanShift and KMeans take data matrices of shape [n_samples, n_features]. These can be obtained from the classes in the scikits.learn.feature_extraction module. On the other hand, AffinityPropagation and SpectralClustering take similarity matrices of shape [n_samples, n_samples]. These can be obtained from the functions in the scikits.learn.metrics.pairwise module. In other words, MeanShift and KMeans work with points in a vector space, whereas AffinityPropagation and SpectralClustering can work with arbitrary objects, as long as a similarity measure exists for such objects.

K-means

The KMeans algorithm clusters data by trying to separate samples in n groups of equal variance, minimizing a criterion known as the 'inertia' of the groups. This algorithm requires the number of cluster to be specified. It scales well to large number of samples, however its results may be dependent on an initialisation. As a result, the computation is often done several times, with different initialisation of the centroids.

K-means is often referred to as Lloyd's algorithm. After initialization, k-means consists of looping between two major steps. First the Voronoi diagram of the points is calculated using the current centroids. Each segment in the Voronoi diagram becomes a separate cluster. Secondly, the centroids are updated to the mean of each segment. The algorithm then repeats this until a stopping criteria is fulfilled. Usually, as in this implementation, the algorithm stops when the relative increment in the results between iterations is less than the given tolerance value.

K-means can be used for vector quantization. This is achieved using the transform method of a trained model of KMeans.

Examples:

  • example_cluster_plot_kmeans_digits.py: Clustering handwritten digits

Mini Batch K-Means

The MiniBatchKMeans is a variant of the K-Means algorithm using mini-batches, random subset of the dataset, to compute the centroids.

Althought the MiniBatchKMeans converge faster than the KMeans version, the quality of the results, measured by the inertia, the sum of the distance of each points to the nearest centroid, is not as good as the KMeans algorithm.

Examples:

  • example_cluster_plot_mini_batch_kmeans.py: Comparison of KMeans and MiniBatchKMeans
  • example_document_clustering.py: Document clustering using sparse MiniBatchKMeans

References:

Affinity propagation

AffinityPropagation clusters data by diffusion in the similarity matrix. This algorithm automatically sets its numbers of cluster. It will have difficulties scaling to thousands of samples.

Examples:

  • example_cluster_plot_affinity_propagation.py: Affinity Propagation on a synthetic 2D datasets with 3 classes.
  • example_applications_stock_market.py Affinity Propagation on Financial time series to find groups of companies

Mean Shift

MeanShift clusters data by estimating blobs in a smooth density of points matrix. This algorithm automatically sets its numbers of cluster. It will have difficulties scaling to thousands of samples.

Examples:

  • example_cluster_plot_mean_shift.py: Mean Shift clustering on a synthetic 2D datasets with 3 classes.

Spectral clustering

SpectralClustering does a low-dimension embedding of the affinity matrix between samples, followed by a KMeans in the low dimensional space. It is especially efficient if the affinity matrix is sparse and the pyamg module is installed. SpectralClustering requires the number of clusters to be specified. It works well for a small number of clusters but is not advised when using many clusters.

For two clusters, it solves a convex relaxation of the normalised cuts problem on the similarity graph: cutting the graph in two so that the weight of the edges cut is small compared to the weights in of edges inside each cluster. This criteria is especially interesting when working on images: graph vertices are pixels, and edges of the similarity graph are a function of the gradient of the image.

noisy_img segmented_img

Examples:

  • example_cluster_plot_segmentation_toy.py: Segmenting objects from a noisy background using spectral clustering.
  • example_cluster_plot_lena_segmentation.py: Spectral clustering to split the image of lena in regions.

References:

Hierarchical clustering

Hierarchical clustering is a general family of clustering algorithms that build nested clusters by merging them successively. This hierarchy of clusters represented as a tree (or dendrogram). The root of the tree is the unique cluster that gathers all the samples, the leaves being the clusters with only one sample. See the Wikipedia page for more details.

The Ward object performs a hierarchical clustering based on the Ward algorithm, that is a variance-minimizing approach. At each step, it minimizes the sum of squared differences within all clusters (inertia criterion).

This algorithm can scale to large number of samples when it is used jointly with an connectivity matrix, but can be computationally expensive when no connectivity constraints are added between samples: it considers at each step all the possible merges.

Adding connectivity constraints

An interesting aspect of the Ward object is that connectivity constraints can be added to this algorithm (only adjacent clusters can be merged together), through an connectivity matrix that defines for each sample the neighboring samples following a given structure of the data. For instance, in the swiss-roll example below, the connectivity constraints forbid the merging of points that are not adjacent on the swiss roll, and thus avoid forming clusters that extend across overlapping folds of the roll.

unstructured structured

The connectivity constraints are imposed via an connectivity matrix: a scipy sparse matrix that has elements only at the intersection of a row and a column with indices of the dataset that should be connected. This matrix can be constructed from apriori information, for instance if you whish to cluster web pages, but only merging pages with a link pointing from one to another. It can also be learned from the data, for instance using scikits.learn.neighbors.kneighbors_graph to restrict merging to nearest neighbors as in the swiss roll <example_cluster_plot_ward_structured_vs_unstructured.py> example, or using scikits.learn.feature_extraction.image.grid_to_graph to enable only merging of neighboring pixels on an image, as in the Lena <example_cluster_plot_lena_ward_segmentation.py> example.

Examples:

  • example_cluster_plot_lena_ward_segmentation.py: Ward clustering to split the image of lena in regions.
  • example_cluster_plot_ward_structured_vs_unstructured.py: Example of Ward algorithm on a swiss-roll, comparison of structured approaches versus unstructured approaches.
  • example_cluster_plot_feature_agglomeration_vs_univariate_selection.py: Example of dimensionality reduction with feature agglomeration based on Ward hierarchical clustering.

DBSCAN

The DBSCAN algorithm clusters data by finding core points which have many neighbours within a given radius. After a core point is found, the cluster is expanded by adding its neighbours to the current cluster and recusively checking if any are core points. Formally, a point is considered a core point if it has more than min_points points which are of a similarity greater than the given threshold eps. This is shown in the figure below, where the color indicates cluster membership and large circles indicate core points found by the algorithm. Moreover, the algorithm can detect outliers, indicated by black points below.

dbscan_results

Examples:

  • example_cluster_plot_dbscan.py: Clustering synthetic data with DBSCAN

References:

  • "A Density-Based Algorithm for Discovering Clusters in Large Spatial Databases with Noise"

    Ester, M., H. P. Kriegel, J. Sander, and X. Xu, In Proceedings of the 2nd International Conference on Knowledge Discovery and Data Mining, Portland, OR, AAAI Press, pp. 226–231. 1996

Clustering performance evaluation

Evaluating the performance of a clustering algorithm is not as trivial as counting the number of errors or the precision and recall of a supervised classification algorithm. In particular any evaluation metric should not take the absolute values of the cluster labels into account but rather if this clustering define separations of the data similar to some ground truth set of classes or satisfying some assumption such that members belong to the same class are more similar that members of different classes according to some similarity metric.

scikits.learn.metrics

Inertia

Presentation and usage

TODO: factorize inertia computation out of kmeans and then write me!

Advantages

  • No need for the ground truth knowledge of the "real" classes.

Drawbacks

  • Inertia makes the assumption that clusters are convex and isotropic which is not always the case especially of the clusters are manifolds with weird shapes: for instance inertia is a useless metrics to evaluate clustering algorithm that tries to identify nested circles on a 2D plane.
  • Inertia is not a normalized metrics: we just know that lower values are better and bounded by zero. One potential solution would be to adjust inertia for random clustering (assuming the number of ground truth classes is known).

Homogeneity, completeness and V-measure

Presentation and usage

Given the knowledge of the ground truth class assignments of the samples, it is possible to define some intuitive metric using conditional entropy analysis.

In particular Rosenberg and Hirschberg (2007) define the following two desirable objectives for any cluster assignment:

  • homogeneity: each cluster contains only members of a single class.
  • completeness: all members of a given class are assigned to the same cluster.

We can turn those concept as scores homogeneity_score and completeness_score. Both are bounded below by 0.0 and above by 1.0 (higher is better):

>>> from scikits.learn import metrics
>>> labels_true = [0, 0, 0, 1, 1, 1]
>>> labels_pred = [0, 0, 1, 1, 2, 2]

>>> metrics.homogeneity_score(labels_true, labels_pred)  # doctest: +ELLIPSIS
0.66...

>>> metrics.completeness_score(labels_true, labels_pred) # doctest: +ELLIPSIS
0.42...

Their harmonic mean called V-measure is computed by v_measure_score:

>>> metrics.v_measure_score(labels_true, labels_pred)    # doctest: +ELLIPSIS
0.51...

All three metrics can be computed at once using homogeneity_completeness_v_measure as follows:

>>> metrics.homogeneity_completeness_v_measure(labels_true, labels_pred)
...                                                      # doctest: +ELLIPSIS
(0.66..., 0.42..., 0.51...)

The following clustering assignment is slighlty better, since it is homogeneous but not complete:

>>> labels_pred = [0, 0, 0, 1, 2, 2]
>>> metrics.homogeneity_completeness_v_measure(labels_true, labels_pred)
...                                                      # doctest: +ELLIPSIS
(1.0, 0.68..., 0.81...)

Note

v_measure_score is symmetric: it can be used to evaluate the agreement of two independent assignements on the same dataset.

This is not the case for completeness_score and homogeneity_score: both are bound by the relationship:

homogeneity_score(a, b) == completeness_score(b, a)

Mathematical formulation

Homogeneity and completeness scores are formally given by:

$$h = 1 - \frac{H(C|K)}{H(C)}$$

$$c = 1 - \frac{H(K|C)}{H(K)}$$

where H(C|K) is the conditional entropy of the classes given the cluster assignments and is given by:

$$H(C|K) = - \sum_{c=1}^{|C|} \sum_{k=1}^{|K|} \frac{n_{c,k}}{n} \cdot log(\frac{n_{c,k}}{n_k})$$

and H(C) is the entropy of the classes and is given by:

$$H(C) = - \sum_{c=1}^{|C|} \frac{n_c}{n} \cdot log(\frac{n_c}{n})$$

with n the total number of samples, nc and nk the number of samples respectively belonging to class c and cluster k, and finally nc, k the number of samples from class c assigned to cluster k.

The conditional entropy of clusters given class H(K|C) and the entropy of clusters H(K) are defined in a symmetric manner.

Rosenberg and Hirschberg further define V-measure as the harmonic mean of homogeneity and completeness:

$$v = 2 \cdot \frac{h \cdot c}{h + c}$$

References

Advantages

  • Bounded scores: 0.0 is as bad as it can be, 1.0 is a perfect score
  • Intuitive interpretation: clustering with bad V-measure can be qualitatively analyzed in terms of homogeneity and completeness to better feel what 'kind' of mistakes is done by the assigmenent.
  • No assumption is made on the similarity metric and the cluster structure.

Drawbacks

  • These metrics require the knowlege of the ground truth classes while almost never available in practice or requires manual assignment by human annotators (as in the supervised learning setting).
  • The previously introduced metrics are not normalized w.r.t. random labeling: this means that depending on the number of samples, clusters and ground truth classes, a completely random labeling will not always yield the same values for homogeneity, completeness and hence v-measure. In particular random labeling won't yield zero scores.

    TODO: check the values we get for random labeling on various problem sizes to know whether this is a real problem in practice.