web-dev-qa-db-ja.com

TypeError: 'KFold'オブジェクトは反復可能ではありません

Kaggle のカーネルの1つをフォローしていますが、主に クレジットカード詐欺検出用のカーネル をフォローしています。

ロジスティック回帰の最適なパラメーターを見つけるためにKFoldを実行する必要がある段階に到達しました。

次のコードはカーネル自体に表示されていますが、何らかの理由で(おそらく古いバージョンのscikit-learnでエラーが発生します)。

_def printing_Kfold_scores(x_train_data,y_train_data):
    fold = KFold(len(y_train_data),5,shuffle=False) 

    # Different C parameters
    c_param_range = [0.01,0.1,1,10,100]

    results_table = pd.DataFrame(index = range(len(c_param_range),2), columns = ['C_parameter','Mean recall score'])
    results_table['C_parameter'] = c_param_range

    # the k-fold will give 2 lists: train_indices = indices[0], test_indices = indices[1]
    j = 0
    for c_param in c_param_range:
        print('-------------------------------------------')
        print('C parameter: ', c_param)
        print('-------------------------------------------')
        print('')

        recall_accs = []
        for iteration, indices in enumerate(fold,start=1):

            # Call the logistic regression model with a certain C parameter
            lr = LogisticRegression(C = c_param, penalty = 'l1')

            # Use the training data to fit the model. In this case, we use the portion of the fold to train the model
            # with indices[0]. We then predict on the portion assigned as the 'test cross validation' with indices[1]
            lr.fit(x_train_data.iloc[indices[0],:],y_train_data.iloc[indices[0],:].values.ravel())

            # Predict values using the test indices in the training data
            y_pred_undersample = lr.predict(x_train_data.iloc[indices[1],:].values)

            # Calculate the recall score and append it to a list for recall scores representing the current c_parameter
            recall_acc = recall_score(y_train_data.iloc[indices[1],:].values,y_pred_undersample)
            recall_accs.append(recall_acc)
            print('Iteration ', iteration,': recall score = ', recall_acc)

            # The mean value of those recall scores is the metric we want to save and get hold of.
        results_table.ix[j,'Mean recall score'] = np.mean(recall_accs)
        j += 1
        print('')
        print('Mean recall score ', np.mean(recall_accs))
        print('')

    best_c = results_table.loc[results_table['Mean recall score'].idxmax()]['C_parameter']

    # Finally, we can check which C parameter is the best amongst the chosen.
    print('*********************************************************************************')
    print('Best model to choose from cross validation is with C parameter = ', best_c)
    print('*********************************************************************************')

    return best_c
_

私が得ているエラーは次のとおりです:この行の場合:fold = KFold(len(y_train_data),5,shuffle=False)エラー:

TypeError:init()が引数 'shuffle'に複数の値を取得しました

この行から_shuffle=False_を削除すると、次のエラーが発生します。

TypeError:shuffleはTrueまたはFalseでなければなりません。 5つ得た

_5_を削除して_shuffle=False_を保持すると、次のエラーが発生します。

TypeError: 'KFold'オブジェクトは反復可能ではありません。これは次の行からのものです:for iteration, indices in enumerate(fold,start=1):

誰かがこの問題を解決するのを手伝ってくれ、最新バージョンのscikit-learnでこれをどのように行うことができるかを提案できれば、非常に感謝されます。

ありがとう。

8
kevinH

KFoldはスプリッターなので、分割するものを指定する必要があります。

コード例:

X = np.array([1,1,1,1], [2,2,2,2], [3,3,3,3], [4,4,4,4]])
y = np.array([1, 2, 3, 4])
# Now you create your Kfolds by the way you just have to pass number of splits and if you want to shuffle.
fold = KFold(2,shuffle=False)
# For iterate over the folds just use split
for train_index, test_index in fold.split(X):
    X_train, X_test = X[train_index], X[test_index]
    y_train, y_test = y[train_index], y[test_index]
    # Follow fitting the classifier

Train/testのループのインデックスを取得したい場合は、列挙を追加するだけです

for i, train_index, test_index in enumerate(fold.split(X)):
    print('Iteration:', i)
    X_train, X_test = X[train_index], X[test_index]
    y_train, y_test = y[train_index], y[test_index]

これがうまくいくことを願っています

13
Tzomas

これは、KFoldのインポート方法によって異なります。

これを行った場合:

_from sklearn.cross_validation import KFold
_

その後、コードは機能するはずです。 3つのパラメーターが必要なため:-配列の長さ、分割数、シャッフル

しかし、これを行っている場合:

_from sklearn.model_selection import KFold
_

その場合、これは機能せず、分割数とシャッフル数を渡すだけで済みます。 enumerate()を変更するときに、配列の長さを渡す必要はありません。

ちなみに、model_selectionは新しいモジュールであり、使用することをお勧めします。次のように使用してみてください:

_fold = KFold(5,shuffle=False)

for train_index, test_index in fold.split(X):

    # Call the logistic regression model with a certain C parameter
    lr = LogisticRegression(C = c_param, penalty = 'l1')
    # Use the training data to fit the model. In this case, we use the portion of the fold to train the model
    lr.fit(x_train_data.iloc[train_index,:], y_train_data.iloc[train_index,:].values.ravel())

    # Predict values using the test indices in the training data
    y_pred_undersample = lr.predict(x_train_data.iloc[test_index,:].values)

    # Calculate the recall score and append it to a list for recall scores representing the current c_parameter
    recall_acc = recall_score(y_train_data.iloc[test_index,:].values,y_pred_undersample)
    recall_accs.append(recall_acc)
_
14
Vivek Kumar