使用不同度量的凝聚聚类#

演示了不同度量对层次聚类的影响。

该示例旨在展示不同度量选择的影响。它应用于波形,可以看作是高维向量。实际上,度量之间的差异通常在高维情况下更为明显(特别是对于欧几里得距离和城市街区距离)。

我们从三组波形中生成数据。两个波形(波形 1 和波形 2)彼此成比例。余弦距离对数据的缩放是不变的,因此它无法区分这两个波形。因此,即使没有噪声,使用此距离进行聚类也不会将波形 1 和 2 分开。

我们在这些波形中添加观测噪声。我们生成非常稀疏的噪声:只有 6% 的时间点包含噪声。因此,此噪声的 l1 范数(即“城市街区”距离)远小于其 l2 范数(“欧几里得”距离)。这可以在类间距离矩阵上看到:对角线上的值(表征类的扩展)对于欧几里得距离来说远大于城市街区距离。

当我们将聚类应用于数据时,我们发现聚类反映了距离矩阵中的内容。实际上,对于欧几里得距离,由于噪声,类别的分离很差,因此聚类不会分离波形。对于城市街区距离,分离良好,并且恢复了波形类别。最后,余弦距离根本不会分离波形 1 和 2,因此聚类将它们放在同一个集群中。

  • Ground truth
  • Interclass cosine distances
  • Interclass euclidean distances
  • Interclass cityblock distances
  • AgglomerativeClustering(metric=cosine)
  • AgglomerativeClustering(metric=euclidean)
  • AgglomerativeClustering(metric=cityblock)
# Author: Gael Varoquaux
# License: BSD 3-Clause or CC-0

import matplotlib.patheffects as PathEffects
import matplotlib.pyplot as plt
import numpy as np

from sklearn.cluster import AgglomerativeClustering
from sklearn.metrics import pairwise_distances

np.random.seed(0)

# Generate waveform data
n_features = 2000
t = np.pi * np.linspace(0, 1, n_features)


def sqr(x):
    return np.sign(np.cos(x))


X = list()
y = list()
for i, (phi, a) in enumerate([(0.5, 0.15), (0.5, 0.6), (0.3, 0.2)]):
    for _ in range(30):
        phase_noise = 0.01 * np.random.normal()
        amplitude_noise = 0.04 * np.random.normal()
        additional_noise = 1 - 2 * np.random.rand(n_features)
        # Make the noise sparse
        additional_noise[np.abs(additional_noise) < 0.997] = 0

        X.append(
            12
            * (
                (a + amplitude_noise) * (sqr(6 * (t + phi + phase_noise)))
                + additional_noise
            )
        )
        y.append(i)

X = np.array(X)
y = np.array(y)

n_clusters = 3

labels = ("Waveform 1", "Waveform 2", "Waveform 3")

colors = ["#f7bd01", "#377eb8", "#f781bf"]

# Plot the ground-truth labelling
plt.figure()
plt.axes([0, 0, 1, 1])
for l, color, n in zip(range(n_clusters), colors, labels):
    lines = plt.plot(X[y == l].T, c=color, alpha=0.5)
    lines[0].set_label(n)

plt.legend(loc="best")

plt.axis("tight")
plt.axis("off")
plt.suptitle("Ground truth", size=20, y=1)


# Plot the distances
for index, metric in enumerate(["cosine", "euclidean", "cityblock"]):
    avg_dist = np.zeros((n_clusters, n_clusters))
    plt.figure(figsize=(5, 4.5))
    for i in range(n_clusters):
        for j in range(n_clusters):
            avg_dist[i, j] = pairwise_distances(
                X[y == i], X[y == j], metric=metric
            ).mean()
    avg_dist /= avg_dist.max()
    for i in range(n_clusters):
        for j in range(n_clusters):
            t = plt.text(
                i,
                j,
                "%5.3f" % avg_dist[i, j],
                verticalalignment="center",
                horizontalalignment="center",
            )
            t.set_path_effects(
                [PathEffects.withStroke(linewidth=5, foreground="w", alpha=0.5)]
            )

    plt.imshow(avg_dist, interpolation="nearest", cmap="cividis", vmin=0)
    plt.xticks(range(n_clusters), labels, rotation=45)
    plt.yticks(range(n_clusters), labels)
    plt.colorbar()
    plt.suptitle("Interclass %s distances" % metric, size=18, y=1)
    plt.tight_layout()


# Plot clustering results
for index, metric in enumerate(["cosine", "euclidean", "cityblock"]):
    model = AgglomerativeClustering(
        n_clusters=n_clusters, linkage="average", metric=metric
    )
    model.fit(X)
    plt.figure()
    plt.axes([0, 0, 1, 1])
    for l, color in zip(np.arange(model.n_clusters), colors):
        plt.plot(X[model.labels_ == l].T, c=color, alpha=0.5)
    plt.axis("tight")
    plt.axis("off")
    plt.suptitle("AgglomerativeClustering(metric=%s)" % metric, size=20, y=1)


plt.show()

脚本的总运行时间:(0 分钟 1.233 秒)

相关示例

硬币图像的结构化 Ward 层次聚类演示

硬币图像的结构化 Ward 层次聚类演示

比较玩具数据集上的不同层次链接方法

比较玩具数据集上的不同层次链接方法

层次聚类:结构化与非结构化 Ward

层次聚类:结构化与非结构化 Ward

二分 K 均值和常规 K 均值性能比较

二分 K 均值和常规 K 均值性能比较

由 Sphinx-Gallery 生成的图库