1. 程式人生 > >畫AUC曲線

畫AUC曲線

以pandas資料格式輸入,畫svm的交叉驗證auc曲線
import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
from sklearn.ensemble import RandomForestClassifier
from sklearn.model_selection import train_test_split,GridSearchCV,StratifiedKFold
from sklearn.metrics import classification_report
from sklearn import svm, datasets
from sklearn.metrics import roc_curve, auc
from scipy import interp
def draw_auc():

    X = np.array(pd_data.head(5000).drop(columns=["KILLED"]))
    y = np.array(pd_data.head(5000)["KILLED"])
    random_state = np.random.RandomState(0)

    cv = StratifiedKFold(n_splits=6).split(X,y)
    classifier = svm.SVC(kernel='linear', probability=True,
                         random_state=random_state)  # 注意這裡,probability=True,需要,不然預測的時候會出現異常。另外rbf核效果更好些。

    mean_tpr = 0.0
    mean_fpr = np.linspace(0, 1, 100)
    all_tpr = []

    for i, (train, test) in enumerate(cv):
        # 通過訓練資料,使用svm線性核建立模型,並對測試集進行測試,求出預測得分
        probas_ = classifier.fit(X[train], y[train]).predict_proba(X[test])

        # Compute ROC curve and area the curve
        # 通過roc_curve()函式,求出fpr和tpr,以及閾值
        fpr, tpr, thresholds = roc_curve(y[test], probas_[:, 1])
        mean_tpr += interp(mean_fpr, fpr, tpr)  # 對mean_tpr在mean_fpr處進行插值,通過scipy包呼叫interp()函式
        mean_tpr[0] = 0.0  # 初始處為0
        roc_auc = auc(fpr, tpr)
        # 畫圖,只需要plt.plot(fpr,tpr),變數roc_auc只是記錄auc的值,通過auc()函式能計算出來
        plt.plot(fpr, tpr, lw=1, label='ROC fold %d (area = %0.2f)' % (i, roc_auc))

        # 畫對角線
    plt.plot([0, 1], [0, 1], '--', color=(0.6, 0.6, 0.6), label='Luck')

    mean_tpr /= len(list(cv))  # 在mean_fpr100個點,每個點處插值插值多次取平均
    mean_tpr[-1] = 1.0  # 座標最後一個點為(1,1)
    mean_auc = auc(mean_fpr, mean_tpr)  # 計算平均AUC值
    # 畫平均ROC曲線
    # print mean_fpr,len(mean_fpr)
    # print mean_tpr
    plt.plot(mean_fpr, mean_tpr, 'k--',
             label='Mean ROC (area = %0.2f)' % mean_auc, lw=2)

    plt.xlim([-0.05, 1.05])
    plt.ylim([-0.05, 1.05])
    plt.xlabel('False Positive Rate')
    plt.ylabel('True Positive Rate')
    plt.title('Receiver operating characteristic example')
    plt.legend(loc="lower right")
    plt.show()