GridSearchCV.fit()返回TypeError:预期序列或类似数组,得到估计量

时间:2017-02-15 09:04:37

标签: python-2.7 machine-learning scikit-learn sentiment-analysis grid-search

我正在尝试按照“使用Python构建机器学习系统”一书的第6章对Twitter数据进行情绪分析。

我正在使用数据集:https://raw.githubusercontent.com/zfz/twitter_corpus/master/full-corpus.csv

它使用tfidf矢量化器管道和朴素贝叶斯分类器作为估算器。

然后我使用GridSearchCV()为估算器找到最佳参数。

代码如下:

from load_data import load_data
from sklearn.cross_validation import ShuffleSplit
from sklearn.grid_search import GridSearchCV
from sklearn.metrics import f1_score
from sklearn.naive_bayes import MultinomialNB
from sklearn.feature_extraction.text import TfidfVectorizer
from sklearn.pipeline import Pipeline

def pipeline_tfidf_nb():
    tfidf_vect = TfidfVectorizer( analyzer = "word")
    naive_bayes_clf = MultinomialNB()
    return Pipeline([('vect', tfidf_vect),('nbclf',naive_bayes_clf)])

input_file = "full-corpus.csv"
X,y = load_data(input_file)
print X.shape,y.shape

clf = pipeline_tfidf_nb()
cv = ShuffleSplit(n = len(X), test_size = .3, n_iter = 1, random_state = 0)

clf_param_grid = dict(vect__ngram_range = [(1,1),(1,2),(1,3)],
                   vect__min_df = [1,2],
                    vect__smooth_idf = [False, True],
                    vect__use_idf = [False, True],
                    vect__sublinear_tf = [False, True],
                    vect__binary = [False, True],
                    nbclf__alpha = [0, 0.01, 0.05, 0.1, 0.5, 1],
                  )

grid_search = GridSearchCV(estimator = clf, param_grid = clf_param_grid, cv = cv, scoring = f1_score)
grid_search.fit(X, y)

print grid_search.best_estimator_

load_data()从csv文件中提取具有正面或负面情绪的值。

X是一个字符串数组(TweetText),y是一个bool值数组(正面情绪为真)。

错误是:

runfile('C:/Users/saurabh.s1/Downloads/Python_ml/ch6/main.py', wdir='C:/Users/saurabh.s1/Downloads/Python_ml/ch6')
Reloaded modules: load_data
negative : 572
positive : 519
(1091,) (1091,)
Traceback (most recent call last):

  File "<ipython-input-25-823b07c4ff26>", line 1, in <module>
    runfile('C:/Users/saurabh.s1/Downloads/Python_ml/ch6/main.py', wdir='C:/Users/saurabh.s1/Downloads/Python_ml/ch6')

  File "C:\anaconda2\lib\site-packages\spyder\utils\site\sitecustomize.py", line 866, in runfile
    execfile(filename, namespace)

  File "C:\anaconda2\lib\site-packages\spyder\utils\site\sitecustomize.py", line 87, in execfile
    exec(compile(scripttext, filename, 'exec'), glob, loc)

  File "C:/Users/saurabh.s1/Downloads/Python_ml/ch6/main.py", line 31, in <module>
    grid_search.fit(X, y)

  File "C:\anaconda2\lib\site-packages\sklearn\grid_search.py", line 804, in fit
    return self._fit(X, y, ParameterGrid(self.param_grid))

  File "C:\anaconda2\lib\site-packages\sklearn\grid_search.py", line 553, in _fit
    for parameters in parameter_iterable

  File "C:\anaconda2\lib\site-packages\sklearn\externals\joblib\parallel.py", line 800, in __call__
    while self.dispatch_one_batch(iterator):

  File "C:\anaconda2\lib\site-packages\sklearn\externals\joblib\parallel.py", line 658, in dispatch_one_batch
    self._dispatch(tasks)

  File "C:\anaconda2\lib\site-packages\sklearn\externals\joblib\parallel.py", line 566, in _dispatch
    job = ImmediateComputeBatch(batch)

  File "C:\anaconda2\lib\site-packages\sklearn\externals\joblib\parallel.py", line 180, in __init__
    self.results = batch()

  File "C:\anaconda2\lib\site-packages\sklearn\externals\joblib\parallel.py", line 72, in __call__
    return [func(*args, **kwargs) for func, args, kwargs in self.items]

  File "C:\anaconda2\lib\site-packages\sklearn\cross_validation.py", line 1550, in _fit_and_score
    test_score = _score(estimator, X_test, y_test, scorer)

  File "C:\anaconda2\lib\site-packages\sklearn\cross_validation.py", line 1606, in _score
    score = scorer(estimator, X_test, y_test)

  File "C:\anaconda2\lib\site-packages\sklearn\metrics\classification.py", line 639, in f1_score
    sample_weight=sample_weight)

  File "C:\anaconda2\lib\site-packages\sklearn\metrics\classification.py", line 756, in fbeta_score
    sample_weight=sample_weight)

  File "C:\anaconda2\lib\site-packages\sklearn\metrics\classification.py", line 956, in precision_recall_fscore_support
    y_type, y_true, y_pred = _check_targets(y_true, y_pred)

  File "C:\anaconda2\lib\site-packages\sklearn\metrics\classification.py", line 72, in _check_targets
    check_consistent_length(y_true, y_pred)

  File "C:\anaconda2\lib\site-packages\sklearn\utils\validation.py", line 173, in check_consistent_length
    uniques = np.unique([_num_samples(X) for X in arrays if X is not None])

  File "C:\anaconda2\lib\site-packages\sklearn\utils\validation.py", line 112, in _num_samples
    'estimator %s' % x)

TypeError: Expected sequence or array-like, got estimator Pipeline(steps=[('vect', TfidfVectorizer(analyzer='word', binary=False, decode_error=u'strict',
        dtype=<type 'numpy.int64'>, encoding=u'utf-8', input=u'content',
        lowercase=True, max_df=1.0, max_features=None, min_df=1,
        ngram_range=(1, 1), norm=u'l2', preprocessor=None,
        smooth_i...e_idf=False, vocabulary=None)), ('nbclf', MultinomialNB(alpha=0, class_prior=None, fit_prior=True))])

我尝试过重塑X,但是这不起作用。

如果您需要更多数据或我遗漏了某些内容,请告诉我。

谢谢!

1 个答案:

答案 0 :(得分:1)

此错误是因为您使用scoring=f1_score向GridSearchCV构造函数传递了错误的参数。 看看documentation of GridSearchCV

在得分参数中,它要求:

  

字符串(参见模型评估文档)或具有签名记分器(估计器,X,y)的记分器可调用对象/函数。如果为None,则使用估算器的分数方法。

您正在传递一个带有签名(y_true, y_pred[, ...])的可调用函数,这是错误的。这就是为什么你得到错误。 您应使用string as defined here传递评分,或传递带有签名(estimator, X, y)的可调用对象。这可以通过使用make_scorer来完成。

在代码中更改此行:

grid_search = GridSearchCV(estimator = clf, param_grid = clf_param_grid, 
                           cv = cv, scoring = f1_score)

到此:

grid_search = GridSearchCV(estimator = clf, param_grid = clf_param_grid,
                           cv = cv, scoring = 'f1')

              OR

grid_search = GridSearchCV(estimator = clf, param_grid = clf_param_grid,
                           cv = cv, scoring = make_scorer(f1_score))

我已回答相同类型的问题in this answer here