我是機器學習和scikit中的新成員。我想知道如何用scikit來計算10倍克洛斯濃度的混淆矩陣。我怎樣才能找到y_test和y_pred?混淆矩陣在scikit學習中進行10倍交叉驗證
2
A
回答
2
def plot_confusion_matrix(cm, classes,
normalize=False,
title='Confusion matrix',
cmap=plt.cm.Blues):
"""
This function prints and plots the confusion matrix.
Normalization can be applied by setting `normalize=True`.
"""
plt.imshow(cm, interpolation='nearest', cmap=cmap)
plt.title(title)
plt.colorbar()
tick_marks = np.arange(len(classes))
plt.xticks(tick_marks, classes, rotation=45)
plt.yticks(tick_marks, classes)
if normalize:
cm = cm.astype('float')/cm.sum(axis=1)[:, np.newaxis]
print("Normalized confusion matrix")
else:
print('Confusion matrix, without normalization')
print(cm)
thresh = cm.max()/2.
for i, j in itertools.product(range(cm.shape[0]), range(cm.shape[1])):
plt.text(j, i, cm[i, j],
horizontalalignment="center",
color="white" if cm[i, j] > thresh else "black")
plt.tight_layout()
plt.ylabel('True label')
plt.xlabel('Predicted label')
from sklearn import datasets
from sklearn.cross_validation import cross_val_score
from sklearn import svm
from sklearn.metrics import confusion_matrix
import itertools
import numpy as np
import matplotlib.pyplot as plt
from sklearn import cross_validation
iris = datasets.load_iris()
class_names = iris.target_names
# shape of data is 150
cv = cross_validation.KFold(150, n_folds=10,shuffle=False,random_state=None)
for train_index, test_index in cv:
X_tr, X_tes = iris.data[train_index], iris.data[test_index]
y_tr, y_tes = iris.target[train_index],iris.target[test_index]
clf = svm.SVC(kernel='linear', C=1).fit(X_tr, y_tr)
y_pred=clf.predict(X_tes)
cnf_matrix = confusion_matrix(y_tes, y_pred)
np.set_printoptions(precision=2)
# Plot non-normalized confusion matrix
plt.figure()
plot_confusion_matrix(cnf_matrix, classes=class_names,
title='Confusion matrix, without normalization')
# Plot normalized confusion matrix
plt.figure()
plot_confusion_matrix(cnf_matrix, classes=class_names, normalize=True,
title='Normalized confusion matrix')
plt.show()
相關問題
- 1. Scikit學習混淆矩陣
- 2. LeaveOneOut scikit的交叉驗證學習
- 3. 機器學習中使用10倍交叉驗證的代碼
- 4. scikit-learn中的10 * 10交叉驗證?
- 5. 10倍交叉驗證
- 6. knn中的leave-one-out交叉驗證和混淆矩陣
- 7. 在scikit中自定義交叉驗證學習
- 8. 交叉驗證,scikit學習,並行速度較慢
- 9. scikit中的OneHotEncoder混淆學習
- 10. 交叉驗證與Scikit中的網格搜索學習
- 11. 爲什麼交叉驗證用於RandomForestRegressor失敗在scikit學習
- 12. Scikit學習使用樸素貝葉斯多類分類與10倍交叉驗證
- 13. 10倍交叉驗證 - 功能問題
- 14. 如何使用交叉scikit學習
- 15. 如何解釋Scikit-learn混淆矩陣
- 16. 在Scikit-learn中將RandomizedSearchCV(或GridSearcCV)與LeaveOneGroupOut進行交叉驗證
- 17. K使用矩陣進行交叉驗證
- 18. 如何使用matlab執行10倍交叉驗證?
- 19. Scikit學習非負矩陣分解(NMF)爲稀疏矩陣
- 20. keras/scikit-learn:使用fit_generator()進行交叉驗證
- 21. 如何發送數據幀到scikit進行交叉驗證?
- 22. 使用自定義管道進行交叉驗證scikit-learn
- 23. 深度學習的混亂矩陣
- 24. Q學習教程混淆
- 25. Javascript矩陣混淆
- 26. Tensorflow混淆矩陣
- 27. 與混淆矩陣
- 28. PDL矩陣混淆
- 29. Labview矩陣混淆
- 30. 使用R中的logspline進行10次交叉驗證
您需要在sklearn首先使用sklearn.pipeline.Pipeline方法:http://scikit-learn.org/stable/modules/generated/sklearn.pipeline.Pipeline.html。然後您需要從sklearn.cross_validation導入KFold。對於混淆矩陣,您可以查看:http://scikit-learn.org/stable/auto_examples/model_selection/plot_confusion_matrix.html。在一個很好的功能中結合所有這3個步驟。 – PJay
Hi P Jay。你能幫我更多的示例代碼。 –