简体   繁体   English

如何提取 python 中树状图中点之间的距离?

[英]How can I extract the distances between points within a dendogram in python?

I am performing and hierarchical clustering in python and I obtain the dendogram plot.我在 python 中执行分层聚类,并获得了树状图 plot。 I was wondering if there is a way to extract the distances between closest point for example here: distances between 7 and 8 (the closest one), then distances between 0 and 1 and so on, To produce the plot I've used the function:我想知道是否有一种方法可以提取最近点之间的距离,例如这里:7 到 8 之间的距离(最近的一个),然后是 0 到 1 之间的距离等等,为了生产 plot,我使用了 function :

linkage_matrix= linkage(dfP, method="single") 

cluster_dict = dendrogram (linkage_matrix)

在此处输入图像描述

When you do当你这样做

Z = hierarchy.linkage(X, method='single')

in Z matrix you have everything you need: cluster1, cluster2, distance, number of elements in the cluster.Z矩阵中,您拥有所需的一切:cluster1、cluster2、距离、集群中的元素数量。

For example例如

import numpy as np
import pandas as pd
from scipy.cluster import hierarchy
import matplotlib.pyplot as plt
import seaborn as sns
X = np.array([662., 877., 255., 412., 996., 295., 468., 268.,
                   400., 754., 564., 138., 219., 869., 669.])

Z = hierarchy.linkage(X, method='single')
plt.figure()
dn = hierarchy.dendrogram(Z)

在此处输入图像描述

and we have Z我们有Z

array([[  2.,   5., 138.,   2.],
       [  3.,   4., 219.,   2.],
       [  0.,   7., 255.,   3.],
       [  1.,   8., 268.,   4.],
       [  6.,   9., 295.,   6.]])

since we have only 6 elements, 0 to 5 are single elements, from 6 on they are clusters of elements因为我们只有 6 个元素,所以 0 到 5 是单个元素,从 6 开始它们是元素簇

  • 6 is the first cluster (2,5) of 2 elements 6 是 2 个元素的第一个簇 (2,5)
  • 7 is the second cluster (3,4) of 2 elements 7 是 2 个元素的第二个簇 (3,4)
  • 8 is the third cluster (0,7), ie (0,(3,4)) of 3 elements 8 是第三个簇 (0,7),即 (0,(3,4)) 的 3 个元素
  • 9 is fourth cluster (1,8), ie (1,(0,(3,4))) of 4 elemets 9 是第四个簇 (1,8),即 (1,(0,(3,4))) 的 4 个元素

then we have (6,9) ie ((2,5),(1,(0,(3,4)))) of 6 elements然后我们有 (6,9) 即 ((2,5),(1,(0,(3,4)))) 6 个元素

clusters = {
    0: '0',
    1: '1',
    2: '2',
    3: '3',
    4: '4',
    5: '5',
    6: '2,5',
    7: '3,4',
    8: '0,3,4',
    9: '1,0,3,4',
}

now we can build a df to display the heatmap现在我们可以构建一个df来显示热图

# init the DataFrame
df = pd.DataFrame(
    columns=Z[:,0].astype(int), 
    index=Z[:,1].astype(int)
)

df.columns = df.columns.map(clusters)
df.index = df.index.map(clusters)

# populate the diagonal
for i, d in enumerate(Z[:,2]):
    df.iloc[i, i] = d

# fill NaN
df.fillna(0, inplace=True)
# mask everything but diagonal
mask = np.ones(df.shape, dtype=bool)
np.fill_diagonal(mask, 0)

# plot the heatmap
sns.heatmap(df, 
            annot=True, fmt='.0f', cmap="YlGnBu", 
            mask=mask)
plt.show()

在此处输入图像描述

update更新

I defined X as an array of distances.我将X定义为距离数组。 These are the values of the nilpotent lower triangular matrix of distances between elements, by column.这些是元素之间的距离的幂零下三角矩阵的值,按列。

We can verify我们可以验证

在此处输入图像描述

# number of elements
n = (np.sqrt(8 * X.size + 1) + 1) / 2
n
6.0

we have n=6 elements and here's the nilpotent lower triangular matrix of distances我们有n=6元素,这是距离的幂零下三角矩阵

# init the DataFrame
df = pd.DataFrame(columns=range(int(n)), index=range(int(n)))
# populate the DataFrame
idx = 0
for c in range(int(n)-1):
    for r in range(c+1, int(n)):
        df.iloc[r, c] = X[idx]
        idx += 1
# fill NaNs and mask
df.fillna(0, inplace=True)
mask = np.zeros_like(df)
mask[np.triu_indices_from(mask)] = True
# plot the matrix
sns.heatmap(df, annot=True, fmt='.0f', cmap="YlGnBu", mask=mask)
plt.show()

在此处输入图像描述

update 2更新 2

How to automatically populate the map dictionary for the clusters distances diagonal matrix.如何为集群距离对角矩阵自动填充 map 字典。

First we have to calculate the number of elements (needed only if X is an array of distances) as we saw earlier首先,我们必须计算元素的数量(仅当X是距离数组时才需要),如前所述

# number of elements
n = (np.sqrt(8 * X.size + 1) + 1) / 2

then, we can loop through Z matrix to populate the dictionary然后,我们可以遍历Z矩阵来填充字典

# clusters of single elements
clusters = {i: str(i) for i in range(int(n))}
# loop through Z matrix
for i, z in enumerate(Z.astype(int)):
    # cluster number
    cluster_num = int(n+i)
    # elements in clusters
    cluster_names = [clusters[z[0]], clusters[z[1]]]
    cluster_elements = [str(i) for i in cluster_names]
    # update the dictionary
    clusters.update({cluster_num: ','.join(cluster_elements)})

and we have我们有

clusters

{0: '0',
 1: '1',
 2: '2',
 3: '3',
 4: '4',
 5: '5',
 6: '2,5',
 7: '3,4',
 8: '0,3,4',
 9: '1,0,3,4',
 10: '2,5,1,0,3,4'}

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM