7.9 聚类模型评估

  如果有了类别标签,那么聚类结果也可以像分类那样计算准确率和召回率。但是不应该将分类标签作为聚类结果的评价指标,除非你有相关的先验知识或某种假设,知道这种分类类内差距更小。但是它还是给出了几种评价标准。

7.9.1 调整兰德系数 (Adjusted Rand index)

1. 数学原理

  兰德系数(Rand index)需要给定实际类别信息C,假设K是聚类结果,a表示在C与K中都是同类别的元素对数,b表示在C与K中都是不同类别的元素对数,则兰德指数为:


  对于以上公式,

  • 分子:属性一致的样本数,即同属于这一类或都不属于这一类。a是真实在同一类、预测也在同一类的样本数;b是真实在不同类、预测也在不同类的样本数;
  • 分母:任意两个样本为一类有多少种组合,是数据集中可以组成的总元素对数;
  • RI取值范围为[0,1],值越大意味着聚类结果与真实情况越吻合。

  对于随机结果,RI并不能保证分数接近零。为了实现“在聚类结果随机产生的情况下,指标应该接近零”,调整兰德系数(Adjusted rand index)被提出,它具有更高的区分度:


  ARI取值范围为[-1,1],值越大意味着聚类结果与真实情况越吻合。从广义的角度来讲,ARI衡量的是两个数据分布的吻合程度。

2. 优缺点

优点:

  1. 对任意数量的聚类中心和样本数,随机聚类的ARI都非常接近于0;
  2. 取值在[-1,1]之间,负数代表结果不好,越接近于1越好;
  3. 可用于聚类算法之间的比较。

缺点:

  • ARI需要真实标签

3. python代码实现

labels_true, labels_pred = check_clusterings(labels_true, labels_pred)
n_samples = labels_true.shape[0]
classes = np.unique(labels_true)
clusters = np.unique(labels_pred)
# Special limit cases: no clustering since the data is not split;
# or trivial clustering where each document is assigned a unique cluster.
# These are perfect matches hence return 1.0.
if (classes.shape[0] == clusters.shape[0] == 1 or classes.shape[0] == clusters.shape[0] == 0 or classes.shape[0] == clusters.shape[0] == len(labels_true)):
    return 1.0

contingency = contingency_matrix(labels_true, labels_pred)

# Compute the ARI using the contingency data
sum_comb_c = sum(comb2(n_c) for n_c in contingency.sum(axis=1)) 
sum_comb_k = sum(comb2(n_k) for n_k in contingency.sum(axis=0))
sum_comb = sum(comb2(n_ij) for n_ij in contingency.flatten())
prod_comb = (sum_comb_c * sum_comb_k) / float(comb(n_samples, 2))
mean_comb = (sum_comb_k + sum_comb_c) / 2.
return ((sum_comb - prod_comb) / (mean_comb - prod_comb))

4. metrics类使用方法

  设定已知先验知识的标签为labels_true,利用聚类算法预测的样本标签为label_pred,Adjusted Rand index函数是在计算样本预测值和真实值之间的相似度similarity:同属于这一类或都不属于这一类,而不考虑数据元素顺序和归一化。示例代码:

>>> from sklearn import metrics
>>> labels_true = [0, 0, 0, 1, 1, 1]
>>> labels_pred = [0, 0, 1, 1, 2, 2]

>>> metrics.adjusted_rand_score(labels_true, labels_pred)  
0.24...

  我们也可以调整预测集label_pred中元素0和1的位置,以及将数据集中为2的属性改名为3,其结果不受影响,示例代码:

>>> labels_pred = [1, 1, 0, 0, 3, 3]
>>> metrics.adjusted_rand_score(labels_true, labels_pred)  
0.24...

  此外,调整adjusted_rand_score函数中labels_true和labels_pred的位置,对结果没有影响,示例代码:

>>> metrics.adjusted_rand_score(labels_pred, labels_true)  
0.24...

  利用此函数评估模型最好的值为1,示例代码:

>>> labels_pred = labels_true[:]
>>> metrics.adjusted_rand_score(labels_true, labels_pred)
1.0

  评估模型最差的值(与labels_true不相关),其结果为负值或接近0值,示例代码:

>>> labels_true = [0, 1, 2, 0, 3, 4, 5, 1]
>>> labels_pred = [1, 1, 0, 0, 2, 2, 2, 2]
>>> metrics.adjusted_rand_score(labels_true, labels_pred)  
-0.12...

7.9.2 互信息评分(Mutual Information based scores)

1. 数学原理

  互信息(Mutual Information)也是用来衡量两个数据分布的吻合程度。假设U与V是对N个样本标签的分配情况,则两种分布的熵(熵表示的是不确定程度)分别为:




其中:




U与V之间的互信息(MI)定义为:



其中:



标准化后的互信息(Normalized mutual information)为:



  不管标签分配之间的“互信息”的实际数量如何,互信息或者标准化后的值不会因此而调整,而会随着标签(簇)数量的增加而增加。
互信息的期望值可以用如下公式来计算:



其中:




ai和bj分别对应着元素属于Ui和Vj的数量。
  与ARI类似,调整互信息( Adjusted mutual information)定义为:



  利用基于互信息的方法来衡量聚类效果需要实际类别信息,MI与NMI取值范围为[0,1],AMI取值范围为[-1,1],它们都是值越大意味着聚类结果与真实情况越吻合。

2. 优缺点

  • 优点:除取值范围在[0,1]之间,其他同ARI,可用于聚类模型选择;
  • 缺点:需要先验知识。

3. python代码实现

if contingency is None:
        labels_true, labels_pred = check_clusterings(labels_true, labels_pred)
        contingency = contingency_matrix(labels_true, labels_pred)
contingency = np.array(contingency, dtype='float')
contingency_sum = np.sum(contingency)
pi = np.sum(contingency, axis=1)
pj = np.sum(contingency, axis=0)
outer = np.outer(pi, pj)
nnz = contingency != 0.0
# normalized contingency
contingency_nm = contingency[nnz]
log_contingency_nm = np.log(contingency_nm)
contingency_nm /= contingency_sum
# log(a / b) should be calculated as log(a) - log(b) for
# possible loss of precision
log_outer = -np.log(outer[nnz]) + log(pi.sum()) + log(pj.sum())
mi = (contingency_nm * (log_contingency_nm - log(contingency_sum))+ contingency_nm * log_outer)
return mi.sum()

4. metrics类使用方法

  设定已知先验知识的标签为labels_true,利用聚类算法预测的样本标签为label_pred,互信息是衡量两种预测的一致性,忽略排列的顺序。互信息评估有两种方法,标准化的互信息Normalized Mutual Information(NMI) 和调整后的互信息Adjusted Mutual Information(AMI)。示例代码:

>>> from sklearn import metrics
>>> labels_true = [0, 0, 0, 1, 1, 1]
>>> labels_pred = [0, 0, 1, 1, 2, 2]

>>> metrics.adjusted_mutual_info_score(labels_true, labels_pred)  
0.22504...

  我们也可以调整预测集label_pred中元素0和1的位置,以及将数据集中为2的属性改名为3,其结果不受影响,示例代码:

>>> labels_pred = [1, 1, 0, 0, 3, 3]
>>> metrics.adjusted_mutual_info_score(labels_true, labels_pred)  
0.22504..

  互信息评分中mutual_info_score,adjusted_mutual_info_score和normalized_mutual_info_score函数其参数都是对称的,交换的参数位置不会改变评分值,示例代码:

>>> metrics.adjusted_mutual_info_score(labels_pred, labels_true)  
0.22504...

  利用此函数评估模型最好的值为1,示例代码:

>>> labels_pred = labels_true[:]
>>> metrics.adjusted_mutual_info_score(labels_true, labels_pred)
1.0

>>> metrics.normalized_mutual_info_score(labels_true, labels_pred)
1.0

  评估模型最差的值(与labels_true不相关),其结果为非正值,示例代码:

>>> labels_true = [0, 1, 2, 0, 3, 4, 5, 1]
>>> labels_pred = [1, 1, 0, 0, 2, 2, 2, 2]
>>> metrics.adjusted_mutual_info_score(labels_true, labels_pred)  
-0.10526...

7.9.3 同质性Homogeneity 完整性completeness 调和平均V-measure

1. 数学原理

  • 同质性homogeneity:每个群集只包含单个类的成员;
  • 完整性completeness:给定类的所有成员都分配给同一个群集。

  同质性和完整性分数基于以下公式得出:




  其中H(C|K)是给定给定簇赋值的类的条件熵,由以下公式求得:



  H(C)是类熵,公式为:



  其中,n是样本总数,nc和nk分别属于类c和类k的样本数,而nc,k是从类c划分到类k的样本数量。
  条件熵H(K|C)和类熵H(K),根据以上公式对称求得。
  V-measure是同质性homogeneity和完整性completeness的调和平均数,公式:


2. 优缺点

优点:

  • 分数明确:从0到1反应出最差到最优的表现;
  • 解释直观:差的调和平均数可以在同质性和完整性方面做定性的分析;
  • 对簇结构不作假设:可以比较两种聚类算法如k均值算法和谱聚类算法的结果。

缺点:

  • 以前引入的度量在随机标记方面没有规范化,这意味着,根据样本数,集群和先验知识,完全随机标签并不总是产生相同的完整性和均匀性的值,所得调和平均值V-measure也不相同。特别是,随机标记不会产生零分,特别是当簇的数量很大时。

当样本数大于一千,聚类数小于10时,可以安全地忽略该问题。对于较小的样本量或更大数量的集群,使用经过调整的指数(如调整兰德指数)更为安全。


  • 这些指标要求的先验知识,在实践中几乎不可用或需要手动分配的人作注解者(如在监督学习环境中)。

3. sklearn实现方法

  sklearn.metrics类的homogeneity_score和completeness_score方法分别用来求得同质性和完整性分数,示例代码:

>>> from sklearn 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)  
0.66...

>>> metrics.completeness_score(labels_true, labels_pred) 
0.42...

  两者的调和平均V-measure,示例代码:

>>> metrics.v_measure_score(labels_true, labels_pred)    
0.51...

  metrics类的homogeneity_completeness_v_measure融合了以上方法,分别能求得相关值,示例代码:

>>> metrics.homogeneity_completeness_v_measure(labels_true, labels_pred)
...                                                      
(0.66..., 0.42..., 0.51...)

  以下预测的评分略好,体现在同质性而非完整性,示例代码:

>>> labels_true = [0, 0, 0, 1, 1, 1]
>>> labels_pred = [0, 0, 0, 1, 2, 2]
>>> metrics.homogeneity_completeness_v_measure(labels_true, labels_pred)
...                                                      
(1.0, 0.68..., 0.81...)

7.9.4 Fowlkes-Mallows scores

  Fowlkes-Mallows指数是针对训练集和验证集数据之间求得的查全率和查准率的几何平均值,其公式为:



  示例代码:

>>> from sklearn import metrics
>>> labels_true = [0, 0, 0, 1, 1, 1]
>>> labels_pred = [0, 0, 1, 1, 2, 2]
>>>
>>> metrics.fowlkes_mallows_score(labels_true, labels_pred)  
0.47140...

7.9.5 轮廓系数 Silhouette Coefficient

  轮廓系数适用于实际类别信息未知的情况。对于单个样本,设a是与它同类别中其他样本的平均距离,b是与它距离最近不同类别中样本的平均距离,其轮廓系数为:



  对于一个样本集合,它的轮廓系数是所有样本轮廓系数的平均值。
  轮廓系数的取值范围是[-1,1],同类别样本距离越相近不同类别样本距离越远,分数越高。
  示例代码:

>>> from sklearn import metrics
>>> from sklearn.metrics import pairwise_distances
>>> from sklearn import datasets
>>> dataset = datasets.load_iris()
>>> X = dataset.data
>>> y = dataset.target

>>> import numpy as np
>>> from sklearn.cluster import KMeans
>>> kmeans_model = KMeans(n_clusters=3, random_state=1).fit(X)
>>> labels = kmeans_model.labels_
>>> metrics.silhouette_score(X, labels, metric='euclidean')
...                                                      
0.55...
一、任务描述 按照提供的鸢尾花和小麦数据集,按照要求,分别构造分类和聚类模型,完成模型的训练以及评价。 二、课程报告内容 1. 数据准备:获取并准备好数据集。这包括加载数据,了解数据的结构,检查是否有缺失值等;(加载数据集后的结果图) 2. 数据预处理:对数据进行清洗和转换,如处理缺失值、标准化或归一化特征等;(与处理后的结果图) 3. 数据可视化。提取数据的特征变量与标签值,使用Matplotlib库进行可视化展示。(可视化的散点图或其他图) 4. 数据分割:将数据分成训练集和测试集(也可以有验证集)。训练集用于训练模型,测试集用于评估模型的性能;(数据集分割后的各个数据集的数量) 5. 搭建模型:选择不同的机器学习算法来训练模型,逻辑回归、k近邻、决策树、支持向量机和聚类。 6. 训练模型:使用训练集的数据,并采用交叉验证法对模型进行训练。(给出各个模型设置的具体参数列表) 7. 评估模型:使用测试数据评估模型的性能,查看模型的准确率、混淆矩阵等评估指标;(结果或者图) 8. 模型优化:根据评估结果调整模型参数,优化模型性能;(给出参数调整的情况) 三、代码 这里放最终全部代码。 小麦数据集15.26 14.84 0.871 5.763 3.312 2.221 5.22 1 14.88 14.57 0.8811 5.554 3.333 1.018 4.956 1 14.29 14.09 0.905 5.291 3.337 2.699 4.825 1 13.84 13.94 0.8955 5.324 3.379 2.259 4.805 1 16.14 14.99 0.9034 5.658 3.562 1.355 5.175 1 14.38 14.21 0.8951 5.386 3.312 2.462 4.956 1 14.69 14.49 0.8799 5.563 3.259 3.586 5.219 1 14.11 14.1 0.8911 5.42 3.302 2.7 5 1 16.63 15.46 0.8747 6.053 3.465 2.04 5.877 1 16.44 15.25 0.888 5.884 3.505 1.969 5.533 1 15.26 14.85 0.8696 5.714 3.242 4.543 5.314 1 14.03 14.16 0.8796 5.438 3.201 1.717 5.001 1 13.89 14.02 0.888 5.439 3.199 3.986 4.738 1 13.78 14.06 0.8759 5.479 3.156 3.136 4.872 1 13.74 14.05 0.8744 5.482 3.114 2.932 4.825 1 14.59 14.28 0.8993 5.351 3.333 4.185 4.781 1 13.99 13.83 0.9183 5.119 3.383 5.234 4.781 1 15.69 14.75 0.9058 5.527 3.514 1.599 5.046 1 14.7 14.21 0.9153 5.205 3.466 1.767 4.649 1 12.72 13.57 0.8686 5.226 3.049 4.102 4.914 1 14.16 14.4 0.8584 5.658 3.129 3.072 5.176 1 14.11 14.26 0.8722 5.52 3.168 2.688 5.219 1 15.88 14.9 0.8988 5.618 3.507 0.7651 5.091 1 12.08 13.23 0.8664 5.099 2.936 1.415 4.961 1 15.01 14.76 0.8657 5.789 3.245 1.791 5.001 1 16.19 15.16 0.8849 5.833 3.421 0.903 5.307 1 13.02 13.76 0.8641 5.395 3.026 3.373 4.825 1 12.74 13.67 0.8564 5.395 2.956 2.504 4.869 1 14.11 14.18 0.882 5.541 3.221 2.754 5.038 1 13.45 14.02 0.8604 5.516 3.065 3.531 5.097 1 13.16 13.82 0.8662 5.454 2.975 0.8551 5.056 1 15.49 14.94 0.8724 5.757 3.371 3.412 5.228 1 14.09 14.41 0.8529 5.717 3.186 3.92 5.299 1 13.94 14.17 0.8728 5.585 3.15 2.124 5.012 1 15.05 14.68 0.8779 5.712 3.328 2.129 5.36 1 16.12 15 0.9 5.709 3.485 2.27 5.443 1 16.2 15.27 0.8734 5.826 3.464 2.823 5.527 1 17.08 15.38 0.9079 5.832 3.683 2.956 5.484 1 14.8 14.52 0.8823 5.656 3.288 3.112 5.309 1 14.28 14.17 0.8944 5.397 3.298 6.685 5.001 1 13.54 13.85 0.8871 5.348 3.156 2.587 5.178 1 13.5 13.85 0.8852 5.351 3.158 2.249 5.176 1 13.16 13.55 0.9009 5.138 3.201 2.461 4.783 1 15.5 14.86 0.882 5.877 3.396 4.711 5.528 1 15.11 14.54 0.8986 5.579 3.462 3.128 5.18 1 13.8 14.04 0.8794 5.376 3.155 1.56 4.961 1 15.36 14.76 0.8861 5.701 3.393 1.367 5.132 1 14.99 14.56 0.8883 5.57 3.377 2.958 5.175 1 14.79 14.52 0.8819 5.545 3.291 2.704 5.111 1 14.86 14.67 0.8676 5.678 3.258 2.129 5.351 1 14.43 14.4 0.8751 5.585 3.272 3.975 5.144 1 15.78 14.91 0.8923 5.674 3.434 5.593 5.136 1 14.49 14.61 0.8538 5.715 3.113 4.116 5.396 1 14.33 14.28 0.8831 5.504 3.199 3.328 5.224 1 14.52 14.6 0.8557 5.741 3.113 1.481 5.487 1 15.03 14.77 0.8658 5.702 3.212 1.933 5.439 1 14.46 14.35 0.8818 5.388 3.377 2.802 5.044 1 14.92 14.43 0.9006 5.384 3.412 1.142 5.088 1 15.38 14.77 0.8857 5.662 3.419 1.999 5.222 1 12.11 13.47 0.8392 5.159 3.032 1.502 4.519 1 11.42 12.86 0.8683 5.008 2.85 2.7 4.607 1 鸢尾花数据集5.1,3.5,1.4,0.2,Iris-setosa 4.9,3.0,1.4,0.2,Iris-setosa 4.7,3.2,1.3,0.2,Iris-setosa 4.6,3.1,1.5,0.2,Iris-setosa 5.0,3.6,1.4,0.2,Iris-setosa 5.4,3.9,1.7,0.4,Iris-setosa 4.6,3.4,1.4,0.3,Iris-setosa 5.0,3.4,1.5,0.2,Iris-setosa 4.4,2.9,1.4,0.2,Iris-setosa 4.9,3.1,1.5,0.1,Iris-setosa 5.4,3.7,1.5,0.2,Iris-setosa 4.8,3.4,1.6,0.2,Iris-setosa 4.8,3.0,1.4,0.1,Iris-setosa 4.3,3.0,1.1,0.1,Iris-setosa 5.8,4.0,1.2,0.2,Iris-setosa 5.7,4.4,1.5,0.4,Iris-setosa 5.4,3.9,1.3,0.4,Iris-setosa 5.1,3.5,1.4,0.3,Iris-setosa 5.7,3.8,1.7,0.3,Iris-setosa 5.1,3.8,1.5,0.3,Iris-setosa 5.4,3.4,1.7,0.2,Iris-setosa 5.1,3.7,1.5,0.4,Iris-setosa 4.6,3.6,1.0,0.2,Iris-setosa 5.1,3.3,1.7,0.5,Iris-setosa 4.8,3.4,1.9,0.2,Iris-setosa 5.0,3.0,1.6,0.2,Iris-setosa 5.0,3.4,1.6,0.4,Iris-setosa 5.2,3.5,1.5,0.2,Iris-setosa 5.2,3.4,1.4,0.2,Iris-setosa 4.7,3.2,1.6,0.2,Iris-setosa 4.8,3.1,1.6,0.2,Iris-setosa 5.4,3.4,1.5,0.4,Iris-setosa 5.2,4.1,1.5,0.1,Iris-setosa 5.5,4.2,1.4,0.2,Iris-setosa 4.9,3.1,1.5,0.1,Iris-setosa 5.0,3.2,1.2,0.2,Iris-setosa 5.5,3.5,1.3,0.2,Iris-setosa 4.9,3.1,1.5,0.1,Iris-setosa 4.4,3.0,1.3,0.2,Iris-setosa 5.1,3.4,1.5,0.2,Iris-setosa 5.0,3.5,1.3,0.3,Iris-setosa 4.5,2.3,1.3,0.3,Iris-setosa 4.4,3.2,1.3,0.2,Iris-setosa 5.0,3.5,1.6,0.6,Iris-setosa 5.1,3.8,1.9,0.4,Iris-setosa 4.8,3.0,1.4,0.3,Iris-setosa 5.1,3.8,1.6,0.2,Iris-setosa 4.6,3.2,1.4,0.2,Iris-setosa 5.3,3.7,1.5,0.2,Iris-setosa 5.0,3.3,1.4,0.2,Iris-setosa 7.0,3.2,4.7,1.4,Iris-versicolor 6.4,3.2,4.5,1.5,Iris-versicolor 6.9,3.1,4.9,1.5,Iris-versicolor 5.5,2.3,4.0,1.3,Iris-versicolor 6.5,2.8,4.6,1.5,Iris-versicolor 5.7,2.8,4.5,1.3,Iris-versicolor 6.3,3.3,4.7,1.6,Iris-versicolor 4.9,2.4,3.3,1.0,Iris-versicolor 6.6,2.9,4.6,1.3,Iris-versicolor 5.2,2.7,3.9,1.4,Iris-versicolor 5.0,2.0,3.5,1.0,Iris-versicolor 5.9,3.0,4.2,1.5,Iris-versicolor 6.0,2.2,4.0,1.0,Iris-versicolor 6.1,2.9,4.7,1.4,Iris-versicolor 5.6,2.9,3.6,1.3,Iris-versicolor 6.7,3.1,4.4,1.4,Iris-versicolor 5.6,3.0,4.5,1.5,Iris-versicolor 5.8,2.7,4.1,1.0,Iris-versicolor 6.2,2.2,4.5,1.5,Iris-versicolor 5.6,2.5,3.9,1.1,Iris-versicolor 5.9,3.2,4.8,1.8,Iris-versicolor 6.1,2.8,4.0,1.3,Iris-versicolor 6.3,2.5,4.9,1.5,Iris-versicolor 6.1,2.8,4.7,1.2,Iris-versicolor 6.4,2.9,4.3,1.3,Iris-versicolor 6.6,3.0,4.4,1.4,Iris-versicolor 6.8,2.8,4.8,1.4,Iris-versicolor 6.7,3.0,5.0,1.7,Iris-versicolor 6.0,2.9,4.5,1.5,Iris-versicolor 5.7,2.6,3.5,1.0,Iris-versicolor 5.5,2.4,3.8,1.1,Iris-versicolor 5.5,2.4,3.7,1.0,Iris-versicolor 5.8,2.7,3.9,1.2,Iris-versicolor 6.0,2.7,5.1,1.6,Iris-versicolor 5.4,3.0,4.5,1.5,Iris-versicolor 6.0,3.4,4.5,1.6,Iris-versicolor 6.7,3.1,4.7,1.5,Iris-versicolor 6.3,2.3,4.4,1.3,Iris-versicolor 5.6,3.0,4.1,1.3,Iris-versicolor 5.5,2.5,4.0,1.3,Iris-versicolor 5.5,2.6,4.4,1.2,Iris-versicolor 6.1,3.0,4.6,1.4,Iris-versicolor 5.8,2.6,4.0,1.2,Iris-versicolor 5.0,2.3,3.3,1.0,Iris-versicolor 5.6,2.7,4.2,1.3,Iris-versicolor 5.7,3.0,4.2,1.2,Iris-versicolor 5.7,2.9,4.2,1.3,Iris-versicolor 6.2,2.9,4.3,1.3,Iris-versicolor 5.1,2.5,3.0,1.1,Iris-versicolor 5.7,2.8,4.1,1.3,Iris-versicolor 6.3,3.3,6.0,2.5,Iris-virginica 5.8,2.7,5.1,1.9,Iris-virginica 7.1,3.0,5.9,2.1,Iris-virginica 6.3,2.9,5.6,1.8,Iris-virginica 6.5,3.0,5.8,2.2,Iris-virginica 7.6,3.0,6.6,2.1,Iris-virginica 4.9,2.5,4.5,1.7,Iris-virginica 7.3,2.9,6.3,1.8,Iris-virginica 6.7,2.5,5.8,1.8,Iris-virginica 7.2,3.6,6.1,2.5,Iris-virginica 6.5,3.2,5.1,2.0,Iris-virginica 6.4,2.7,5.3,1.9,Iris-virginica 6.8,3.0,5.5,2.1,Iris-virginica 5.7,2.5,5.0,2.0,Iris-virginica 5.8,2.8,5.1,2.4,Iris-virginica 6.4,3.2,5.3,2.3,Iris-virginica 6.5,3.0,5.5,1.8,Iris-virginica 7.7,3.8,6.7,2.2,Iris-virginica 7.7,2.6,6.9,2.3,Iris-virginica 6.0,2.2,5.0,1.5,Iris-virginica 6.9,3.2,5.7,2.3,Iris-virginica 5.6,2.8,4.9,2.0,Iris-virginica 7.7,2.8,6.7,2.0,Iris-virginica 6.3,2.7,4.9,1.8,Iris-virginica 6.7,3.3,5.7,2.1,Iris-virginica 7.2,3.2,6.0,1.8,Iris-virginica 6.2,2.8,4.8,1.8,Iris-virginica 6.1,3.0,4.9,1.8,Iris-virginica 6.4,2.8,5.6,2.1,Iris-virginica 7.2,3.0,5.8,1.6,Iris-virginica 7.4,2.8,6.1,1.9,Iris-virginica 7.9,3.8,6.4,2.0,Iris-virginica 6.4,2.8,5.6,2.2,Iris-virginica 6.3,2.8,5.1,1.5,Iris-virginica 6.1,2.6,5.6,1.4,Iris-virginica 7.7,3.0,6.1,2.3,Iris-virginica 6.3,3.4,5.6,2.4,Iris-virginica 6.4,3.1,5.5,1.8,Iris-virginica 6.0,3.0,4.8,1.8,Iris-virginica 6.9,3.1,5.4,2.1,Iris-virginica 6.7,3.1,5.6,2.4,Iris-virginica 6.9,3.1,5.1,2.3,Iris-virginica 5.8,2.7,5.1,1.9,Iris-virginica 6.8,3.2,5.9,2.3,Iris-virginica 6.7,3.3,5.7,2.5,Iris-virginica 6.7,3.0,5.2,2.3,Iris-virginica 6.3,2.5,5.0,1.9,Iris-virginica 6.5,3.0,5.2,2.0,Iris-virginica 6.2,3.4,5.4,2.3,Iris-virginica 5.9,3.0,5.1,1.8,Iris-virginica
最新发布
06-06
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值