简体   繁体   English

如何遍历多个sklearn分类模型?

[英]How to loop through multiple sklearn classification models?

I'm trying to figure out how to feed my data set into several scikit classification models.我想弄清楚如何将我的数据集输入到几个 scikit 分类模型中。

When I run the code I get the following error:当我运行代码时,出现以下错误:

Traceback (most recent call last):

  File "<ipython-input-515-9a3302837c99>", line 3, in <module>
    X, y = dataset

ValueError: too many values to unpack (expected 2)

Here is my code.这是我的代码。

X = np.asarray([np.asarray(df['LRMScore']),np.asarray(df['Spread'])]).T


import time

import numpy as np
import matplotlib.pyplot as plt

from sklearn import cluster, datasets
from sklearn.neighbors import kneighbors_graph
from sklearn.preprocessing import StandardScaler

np.random.seed(0)


colors = np.array([x for x in 'bgrcmykbgrcmykbgrcmykbgrcmyk'])
colors = np.hstack([colors] * 20)

clustering_names = [
    'MiniBatchKMeans', 'AffinityPropagation', 'MeanShift',
    'SpectralClustering', 'Ward', 'AgglomerativeClustering',
    'DBSCAN', 'Birch']

plt.figure(figsize=(len(clustering_names) * 2 + 3, 9.5))
plt.subplots_adjust(left=.02, right=.98, bottom=.001, top=.96, wspace=.05,
                    hspace=.01)

plot_num = 1

datasets = [X]
for i_dataset, dataset in enumerate(datasets):
    X, y = dataset
    # normalize dataset for easier parameter selection
    X = StandardScaler().fit_transform(X)

    # estimate bandwidth for mean shift
    bandwidth = cluster.estimate_bandwidth(X, quantile=0.3)

    # connectivity matrix for structured Ward
    connectivity = kneighbors_graph(X, n_neighbors=10, include_self=False)
    # make connectivity symmetric
    connectivity = 0.5 * (connectivity + connectivity.T)

    # create clustering estimators
    ms = cluster.MeanShift(bandwidth=bandwidth, bin_seeding=True)
    two_means = cluster.MiniBatchKMeans(n_clusters=2)
    ward = cluster.AgglomerativeClustering(n_clusters=2, linkage='ward',
                                           connectivity=connectivity)
    spectral = cluster.SpectralClustering(n_clusters=2,
                                          eigen_solver='arpack',
                                          affinity="nearest_neighbors")
    dbscan = cluster.DBSCAN(eps=.2)
    affinity_propagation = cluster.AffinityPropagation(damping=.9,
                                                       preference=-200)

    average_linkage = cluster.AgglomerativeClustering(
        linkage="average", affinity="cityblock", n_clusters=2,
        connectivity=connectivity)

    birch = cluster.Birch(n_clusters=2)
    clustering_algorithms = [
        two_means, affinity_propagation, ms, spectral, ward, average_linkage,
        dbscan, birch]

    for name, algorithm in zip(clustering_names, clustering_algorithms):
        # predict cluster memberships
        t0 = time.time()
        algorithm.fit(X)
        t1 = time.time()
        if hasattr(algorithm, 'labels_'):
            y_pred = algorithm.labels_.astype(np.int)
        else:
            y_pred = algorithm.predict(X)

        # plot
        plt.subplot(4, len(clustering_algorithms), plot_num)
        if i_dataset == 0:
            plt.title(name, size=18)
        plt.scatter(X[:, 0], X[:, 1], color=colors[y_pred].tolist(), s=10)

        if hasattr(algorithm, 'cluster_centers_'):
            centers = algorithm.cluster_centers_
            center_colors = colors[:len(centers)]
            plt.scatter(centers[:, 0], centers[:, 1], s=100, c=center_colors)
        plt.xlim(-2, 2)
        plt.ylim(-2, 2)
        plt.xticks(())
        plt.yticks(())
        plt.text(.99, .01, ('%.2fs' % (t1 - t0)).lstrip('0'),
                 transform=plt.gca().transAxes, size=15,
                 horizontalalignment='right')
        plot_num += 1

plt.show()

My X variable consists of two columns of a dataframe, and it looks like this.我的 X 变量由数据框的两列组成,它看起来像这样。

array([[ 8.  ,  0.06],
       [ 8.  ,  0.06],
       [ 8.  ,  0.06],
       ...,
       [10.  ,  0.01],
       [ 8.  ,  0.03],
       [ 9.75,  0.06]])

These datasets consist of two arrays: X and Y.这些数据集由两个数组组成:X 和 Y。

noisy_circles = datasets.make_circles(n_samples=n_samples, factor=.5,
                                      noise=.05)
noisy_moons = datasets.make_moons(n_samples=n_samples, noise=.05)
blobs = datasets.make_blobs(n_samples=n_samples, random_state=8)
no_structure = np.random.rand(n_samples, 2), None

My dataset consists of one array.我的数据集由一个数组组成。 That's the problem.那就是问题所在。 I guess mys setup has to be done slightly differently, but I'm not sure how that would look.我想我的设置必须略有不同,但我不确定那会是什么样子。

I got the code from the link below.我从下面的链接中得到了代码。

https://scikit-learn.org/0.18/auto_examples/cluster/plot_cluster_comparison.html https://scikit-learn.org/0.18/auto_examples/cluster/plot_cluster_comparison.html

由于您的X数组有两列,因此您需要将其转置以使用值解包:

x, y = dataset.T

That did it!做到了! Thanks parsa.谢谢帕萨。 Here is my final working solution.这是我的最终工作解决方案。

import time

import numpy as np
import matplotlib.pyplot as plt

from sklearn import cluster, datasets
from sklearn.neighbors import kneighbors_graph
from sklearn.preprocessing import StandardScaler
from sklearn.model_selection import train_test_split

np.random.seed(0)

pd.set_option('display.max_columns', 500)
df = pd.read_csv('C:\\your_path_here\\test.csv')
print('done!')

df = df[:10000]
df = df.fillna(0)
df = df.dropna()


X = df[['RatingScore', 
            'Par', 
            'Term', 
            'TimeToMaturity', 
            'LRMScore', 
            'Coupon', 
            'Price']]
#select your target variable
y = df[['Spread']]
#train test split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.33, random_state=42)


colors = np.array([x for x in 'bgrcmykbgrcmykbgrcmykbgrcmyk'])
colors = np.hstack([colors] * 20)

clustering_names = [
    'MiniBatchKMeans', 'AffinityPropagation', 'MeanShift',
    'SpectralClustering', 'Ward', 'AgglomerativeClustering',
    'DBSCAN', 'Birch']

plt.figure(figsize=(len(clustering_names) * 2 + 3, 9.5))
plt.subplots_adjust(left=.02, right=.98, bottom=.001, top=.96, wspace=.05,
                    hspace=.01)

plot_num = 1

blobs = datasets.make_blobs(n_samples=n_samples, random_state=8)


# normalize dataset for easier parameter selection
X = StandardScaler().fit_transform(X)

# estimate bandwidth for mean shift
bandwidth = cluster.estimate_bandwidth(X, quantile=0.3)

# connectivity matrix for structured Ward
connectivity = kneighbors_graph(X, n_neighbors=10, include_self=False)
# make connectivity symmetric
connectivity = 0.5 * (connectivity + connectivity.T)

# create clustering estimators
ms = cluster.MeanShift(bandwidth=bandwidth, bin_seeding=True)
two_means = cluster.MiniBatchKMeans(n_clusters=2)
ward = cluster.AgglomerativeClustering(n_clusters=2, linkage='ward',
                                       connectivity=connectivity)
spectral = cluster.SpectralClustering(n_clusters=2,
                                      eigen_solver='arpack',
                                      affinity="nearest_neighbors")
dbscan = cluster.DBSCAN(eps=.2)
affinity_propagation = cluster.AffinityPropagation(damping=.9,
                                                   preference=-200)

average_linkage = cluster.AgglomerativeClustering(
    linkage="average", affinity="cityblock", n_clusters=2,
    connectivity=connectivity)

birch = cluster.Birch(n_clusters=2)
clustering_algorithms = [
    two_means, affinity_propagation, ms, spectral, ward, average_linkage,
    dbscan, birch]

for name, algorithm in zip(clustering_names, clustering_algorithms):
    # predict cluster memberships
    t0 = time.time()
    algorithm.fit(X)
    t1 = time.time()
    if hasattr(algorithm, 'labels_'):
        y_pred = algorithm.labels_.astype(np.int)
    else:
        y_pred = algorithm.predict(X)

    # plot
    plt.subplot(4, len(clustering_algorithms), plot_num)
    if i_dataset == 0:
        plt.title(name, size=18)
    plt.scatter(X[:, 0], X[:, 1], color=colors[y_pred].tolist(), s=10)

    if hasattr(algorithm, 'cluster_centers_'):
        centers = algorithm.cluster_centers_
        center_colors = colors[:len(centers)]
        plt.scatter(centers[:, 0], centers[:, 1], s=100, c=center_colors)
    plt.xlim(-2, 2)
    plt.ylim(-2, 2)
    plt.xticks(())
    plt.yticks(())
    plt.text(.99, .01, ('%.2fs' % (t1 - t0)).lstrip('0'),
             transform=plt.gca().transAxes, size=15,
             horizontalalignment='right')
    plot_num += 1

plt.show()

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

相关问题 是否可以使用 sklearn 中的管道来平均多个分类模型的输出? - Is it possible to average the output of multiple classification models using pipeline in sklearn? sklearn的音乐流派分类:如何准确评估不同的模型 - Music genre classification with sklearn: how to accurately evaluate different models 带有多个标签输出的sklearn分类 - sklearn classification with multiple label output sklearn 如何使用多个保存的模型合并和预测数据 - sklearn how to merge and predict data with multiple saved models 如何使用 sklearn Pipeline &amp; FeatureUnion 选择多个(数字和文本)列进行文本分类? - How to select multiple (numerical & text) columns using sklearn Pipeline & FeatureUnion for text classification? 如何在sklearn中获得用于二元分类的roc auc - How to get roc auc for binary classification in sklearn 如何在 sklearn 中执行多类多标签分类? - How to perform multiclass-multilabel classification in sklearn? Python - 分类套索 sklearn - 如何预测类 - Python - Classification Lasso sklearn - How to predict classes 如何将 Sklearn 的分类报告输出到 csv 文件中? - How to output Classification Report of Sklearn into a csv file? Sklearn分类与DecisionTree,如何提高拟合? - Sklearn classification with DecisionTree, how to improve fit?
 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM