gpt4 book ai didi

python - 在 python 的 sklearn 中绘制 DBSCAN 中的特定点

转载 作者:太空狗 更新时间:2023-10-30 02:26:05 52 4
gpt4 key购买 nike

我有一组文档,我从中创建了一个特征矩阵。然后我计算文档之间的余弦相似度。我将该余弦距离矩阵输入到 DBSCAN 算法中。我的代码如下。

import pandas as pd
import numpy as np
from sklearn.metrics import pairwise_distances
from scipy.spatial.distance import cosine
from sklearn.cluster import DBSCAN

# Initialize some documents
doc1 = {'Science':0.8, 'History':0.05, 'Politics':0.15, 'Sports':0.1}
doc2 = {'News':0.2, 'Art':0.8, 'Politics':0.1, 'Sports':0.1}
doc3 = {'Science':0.8, 'History':0.1, 'Politics':0.05, 'News':0.1}
doc4 = {'Science':0.1, 'Weather':0.2, 'Art':0.7, 'Sports':0.1}
doc5 = {'Science':0.2, 'Weather':0.7, 'Art':0.8, 'Sports':0.9}
doc6 = {'Science':0.2, 'Weather':0.8, 'Art':0.8, 'Sports':1.0}
collection = [doc1, doc2, doc3, doc4, doc5, doc6]
df = pd.DataFrame(collection)
# Fill missing values with zeros
df.fillna(0, inplace=True)
# Get Feature Vectors
feature_matrix = df.as_matrix()
print(feature_matrix.tolist())

# Get cosine distance between pairs
sims = pairwise_distances(feature_matrix, metric='cosine')

# Fit DBSCAN
db = DBSCAN(min_samples=1, metric='precomputed').fit(sims)

现在,如图DBSCAN demo sklearn 的我绘制了集群。也就是说,我插入 sims 而不是 X,这是我的余弦距离矩阵。

labels = db.labels_
n_clusters_ = len(set(labels)) - (1 if -1 in labels else 0)
print('Estimated number of clusters: %d' % n_clusters_)
core_samples_mask = np.zeros_like(db.labels_, dtype=bool)
core_samples_mask[db.core_sample_indices_] = True
#print(labels)

# Plot result
import matplotlib.pyplot as plt

# Black removed and is used for noise instead.
unique_labels = set(labels)
colors = [plt.cm.Spectral(each)
for each in np.linspace(0, 1, len(unique_labels))]
for k, col in zip(unique_labels, colors):
if k == -1:
# Black used for noise.
col = [0, 0, 0, 1]

class_member_mask = (labels == k)

xy = sims[class_member_mask & core_samples_mask]
plt.plot(xy[:, 0], xy[:, 1], 'o', markerfacecolor=tuple(col),
markeredgecolor='k', markersize=14)

xy = sims[class_member_mask & ~core_samples_mask]
plt.plot(xy[:, 0], xy[:, 1], 'o', markerfacecolor=tuple(col),
markeredgecolor='k', markersize=6)

plt.title('Estimated number of clusters: %d' % n_clusters_)
plt.show()
  1. 我的第一个问题是,更改 sims 而不是 X 是否正确,因为 X 代表坐标值 in the demo of sklearnsims 表示余弦距离值?
  2. 我的第二个问题是,是否可以将给定的点变成红色?例如,我想将 feature_matrix 的代表 [0.8, 0.0, 0.0, 0.0, 0.2, 0.9, 0.7] 的点更改为红色?

最佳答案

首先是关于术语的评论:

有两种类型的矩阵可以衡量数据集中对象的接近程度:

  • 距离矩阵描述数据集中对象之间的成对距离

  • 相似度矩阵描述数据集中对象之间的成对相似度

一般来说,当两个物体距离很近时,它们的距离很小,但它们的相似度很大。所以距离矩阵和相似度矩阵在某种意义上是互为对立的。例如,对于余弦度量,距离矩阵 D 和相似度矩阵 S 之间的关系可以写成 D = 1 - S

由于上述示例中的 sims 数组包含成对距离,因此将其称为 dists 数组可能更合适。


My first question is, is it correct to change sims instead of X, because X represents coordinate values in the demo of sklearn whereas sims represent cosine distance values?

没有。如果您在二维平面上绘制数据,绘图函数需要一个二维坐标数组作为输入。距离矩阵是不够的。

如果您的数据有两个以上的维度,您可以通过一些降维技术获得它的二维表示。 Sklearn 在 sklearn.manifold 中包含许多有用的降维算法和 sklearn.decomposition模块。算法的选择通常取决于数据的性质,并且可能需要进行一些实验。

在 sklearn 中,大多数降维方法都接受特征(或坐标)向量作为输入。有些还接受距离或相似度矩阵(这需要从文档中检查;一个很好的提示是某处提到了关键字 precomputed )。还应注意不要在需要距离矩阵的地方使用相似度矩阵,反之亦然。


My second question is, is it possible to make the given points into red color? For example I want to change the point that reprsents [0.8, 0.0, 0.0, 0.0, 0.2, 0.9, 0.7] of the feature_matrix to red?

问题 2 有点不同,主要涉及 matplotlib

我假设人们事先知道哪些点将被涂成红色。下面的代码中有一个名为 red_points 的数组,它应该包含红点的索引。因此,如果例如 doc2doc5 应该涂成红色,则可以设置 red_points = [1, 4](索引从零开始)。

对于集群的可视化,降维是通过主成分分析 (PCA) 完成的,这是此类任务最直接的方法之一。请注意,我根本不计算距离矩阵,而是直接在 feature_matrix 上同时应用 DBSCAN 和 PCA。

import pandas as pd
import numpy as np
from sklearn.metrics import pairwise_distances
from scipy.spatial.distance import cosine
from sklearn.cluster import DBSCAN

# Initialize some documents
doc1 = {'Science':0.8, 'History':0.05, 'Politics':0.15, 'Sports':0.1}
doc2 = {'News':0.2, 'Art':0.8, 'Politics':0.1, 'Sports':0.1}
doc3 = {'Science':0.8, 'History':0.1, 'Politics':0.05, 'News':0.1}
doc4 = {'Science':0.1, 'Weather':0.2, 'Art':0.7, 'Sports':0.1}
doc5 = {'Science':0.2, 'Weather':0.7, 'Art':0.8, 'Sports':0.9}
doc6 = {'Science':0.2, 'Weather':0.8, 'Art':0.8, 'Sports':1.0}
collection = [doc1, doc2, doc3, doc4, doc5, doc6]
df = pd.DataFrame(collection)
# Fill missing values with zeros
df.fillna(0, inplace=True)
# Get Feature Vectors
feature_matrix = df.as_matrix()

# Fit DBSCAN
db = DBSCAN(min_samples=1).fit(feature_matrix)

labels = db.labels_
n_clusters_ = len(set(labels)) - (1 if -1 in labels else 0)
print('Estimated number of clusters: %d' % n_clusters_)
core_samples_mask = np.zeros_like(db.labels_, dtype=bool)
core_samples_mask[db.core_sample_indices_] = True

# Plot result
import matplotlib.pyplot as plt
from sklearn.decomposition import PCA

# Perform dimensional reduction of the feature matrix with PCA
X = PCA(n_components=2).fit_transform(feature_matrix)

# Select which points will be painted red
red_points = [1, 4]
for i in red_points:
labels[i] = -2

# Black removed and is used for noise instead.
unique_labels = set(labels)
colors = [plt.cm.Spectral(each)
for each in np.linspace(0, 1, len(unique_labels))]

for k, col in zip(unique_labels, colors):
if k == -1:
# Black used for noise.
col = [0, 0, 0, 1]
if k == -2:
# Red for selected points
col = [1, 0, 0, 1]

class_member_mask = (labels == k)

xy = X[class_member_mask & core_samples_mask]
plt.plot(xy[:, 0], xy[:, 1], 'o', markerfacecolor=tuple(col),
markeredgecolor='k', markersize=14)

xy = X[class_member_mask & ~core_samples_mask]
plt.plot(xy[:, 0], xy[:, 1], 'o', markerfacecolor=tuple(col),
markeredgecolor='k', markersize=6)

plt.title('Estimated number of clusters: %d' % n_clusters_)
plt.show()

左图为red_points为空的情况,右图为red_points = [1, 4]

enter image description here

关于python - 在 python 的 sklearn 中绘制 DBSCAN 中的特定点,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/46265803/

52 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com