机器学习一个小目标——Task4

任务【模型评估】

记录五个模型关于precision,rescore,f1,auc,roc的评分表格,画出roc曲线图

实验代码

#!/usr/bin/env python 3.6
#-*- coding:utf-8 -*-
# @File    : Model_evaluation.py
# @Date    : 2018-11-20
# @Author  : 黑桃
# @Software: PyCharm 

import pickle
from matplotlib import pyplot as plt
from sklearn.externals import joblib
from sklearn.metrics import accuracy_score, recall_score, f1_score, roc_auc_score, roc_curve

path = "E:/MyPython/Machine_learning_GoGoGo/"
"""=====================================================================================================================
1 读取特征
"""
print("0 读取特征")
f = open(path + 'feature/feature_V1.pkl', 'rb')
train, test, y_train,y_test= pickle.load(f)
f.close()

"""=====================================================================================================================
2 读取模型
"""
print("1 读取模型")
SVM_linear = joblib.load( path + "model/SVM_linear.pkl")
SVM_poly = joblib.load( path + "model/SVM_poly.pkl")
SVM_rbf = joblib.load( path + "model/SVM_rbf.pkl")
SVM_sigmoid = joblib.load( path + "model/SVM_sigmoid.pkl")
lg_120 = joblib.load( path + "model/lg_120.pkl")
DT = joblib.load( path + "model/DT.pkl")
xgb_sklearn = joblib.load( path + "model/xgb_sklearn.pkl")
lgb_sklearn = joblib.load( path + "model/lgb_sklearn.pkl")
xgb = joblib.load( path + "model/xgb.pkl")
lgb = joblib.load( path + "model/lgb.pkl")




"""=====================================================================================================================
3 模型评估
"""

def model_evalua(clf, X_train, X_test, y_train, y_test,clf_name):
    y_train_pred = clf.predict(X_train)
    y_test_pred = clf.predict(X_test)
    y_train_pred_proba = clf.predict_proba(X_train)[:, 1]
    y_test_pred_proba = clf.predict_proba(X_test)[:, 1]
    """【AUC Score】"""
    print('AUC Score')
    print("Train_AUC Score :{:.4f}".format(roc_auc_score(y_train, y_train_pred)))
    print("Test_AUC Score :{:.4f}".format(roc_auc_score(y_test, y_test_pred)))

    """【准确性】"""
    print('准确性:')
    print('Train_准确性:{:.4f}'.format(accuracy_score(y_train, y_train_pred)))
    print('Test_准确性:{:.4f}'.format(accuracy_score(y_test, y_test_pred)))

    """【召回率】"""
    print('召回率:')
    print('Train_召回率:{:.4f}'.format(recall_score(y_train, y_train_pred)))
    print('Test_召回率:{:.4f}'.format(recall_score(y_test, y_test_pred)))

    """【f1_score】"""
    print('f1_score:')
    print('Train_f1_score:{:.4f}'.format(f1_score(y_train, y_train_pred)))
    print('Test_f1_score:{:.4f}'.format(f1_score(y_test, y_test_pred)))

    #描绘 ROC 曲线
    fpr_tr, tpr_tr, _ = roc_curve(y_train, y_train_pred_proba)
    fpr_te, tpr_te, _ = roc_curve(y_test, y_test_pred_proba)
    # KS
    print('KS:')
    print('Train:{:.4f}'.format(max(abs((fpr_tr - tpr_tr)))))
    print('Test:{:.4f}'.format(max(abs((fpr_te - tpr_te)))))
    plt.plot(fpr_tr, tpr_tr, 'r-',
             label = "Train:AUC: {:.3f} KS:{:.3f}".format(roc_auc_score(y_train, y_train_pred_proba),
                                                max(abs((fpr_tr - tpr_tr)))))
    plt.plot(fpr_te, tpr_te, 'g-',
             label="Test:AUC: {:.3f} KS:{:.3f}".format(roc_auc_score(y_test, y_test_pred_proba),
                                                       max(abs((fpr_tr - tpr_tr)))))
    plt.plot([0, 1], [0, 1], 'd--')
    plt.legend(loc='best')
    plt.title(clf_name + "ROC curse")
    plt.savefig(path +'picture/'+clf_name+'.jpg')
    plt.show()
print('-------------------SVM_linear-------------------')
model_evalua(SVM_linear, train, test, y_train, y_test,'SVM_linear')

print('-------------------SVM_poly-------------------:')
model_evalua(SVM_poly, train, test, y_train, y_test,'SVM_poly')

print('-------------------SVM_rbf-------------------:')
model_evalua(SVM_rbf, train, test, y_train, y_test,'SVM_rbf')

print('-------------------SVM_sigmoid-------------------:')
model_evalua(SVM_sigmoid, train, test, y_train, y_test,'SVM_sigmoid')

print('-------------------lg_120-------------------')
model_evalua(lg_120, train, test, y_train, y_test,'lg_120')

print('-------------------DT-------------------')
model_evalua(DT, train, test, y_train, y_test,'DT')

print('-------------------xgb_sklearn-------------------')
model_evalua(xgb_sklearn, train, test, y_train, y_test,'xgb_sklearn')

# print('-------------------xgb-------------------')
# model_evalua(xgb, train, test, y_train, y_test)

print('-------------------lgb_sklearn-------------------')
model_evalua(lgb_sklearn, train, test, y_train, y_test,'lgb_sklearn')
# print('-------------------lgb-------------------')
# model_evalua(lgb, train, test, y_train, y_test)




实验结果

precisionrecallf1_scoreKSROC_AUCROC曲线
SVM_linearTrain_准确性:0.7878Test_准确性:0.7442Train_召回率:0.1683Test_召回率:0.3377Train_f1_score:0.2781 Test_f1_score:0.4160Train:0.4519 Test:0.2590Train_AUC Score :0.5774 Test_AUC Score :0.6160在这里插入图片描述
SVM_polyTrain_准确性:0.7815 Test_准确性:0.7267Train_召回率:0.1027 Test_召回率:0.0597Train_f1_score:0.1859 Test_f1_score:0.1055Train:0.7099 Test:0.3082Train_AUC Score :0.5510 Test_AUC Score :0.5164在这里插入图片描述
SVM_rbfTrain_准确性:0.7971 Test_准确性:0.7589Train_召回率:0.1894 Test_召回率:0.1455Train_f1_score:0.3119 Test_f1_score:0.2456Train:0.6474 Test:0.3723Train_AUC Score :0.5907 Test_AUC Score :0.5655在这里插入图片描述
SVM_sigmoidTrain_准确性:0.7265 Test_准确性:0.7092Train_召回率:0.2809 Test_召回率:0.1584Train_f1_score:0.3328 Test_f1_score:0.2272Train:0.2216 Test:0.1235Train_AUC Score :0.5752 Test_AUC Score :0.5356在这里插入图片描述
lg_120Train_准确性:0.4355 Test_准确性:0.4590Train_召回率:0.6671 Test_召回率:0.7117Train_f1_score:0.3647 Test_f1_score:0.4152Train:0.0695 Test:0.0907Train_AUC Score :0.5142 Test_AUC Score :0.5387在这里插入图片描述
DTTrain_准确性:0.7920 Test_准确性:0.7505Train_召回率:0.4245 Test_召回率:0.3169Train_f1_score:0.4978 Test_f1_score:0.4067Train:0.4126 Test:0.3524Train_AUC Score :0.6672 Test_AUC Score :0.6138在这里插入图片描述
xgb_sklearnTrain_准确性:0.8452 Test_准确性:0.7765Train_召回率:0.4691 Test_召回率:0.3065Train_f1_score:0.5954 Test_f1_score:0.4252Train:0.6167 Test:0.3763Train_AUC Score :0.7175 Test_AUC Score :0.6283在这里插入图片描述
lgb_sklearnTrain_准确性:1.0000 Test_准确性:0.7680Train_召回率:1.0000 Test_召回率:0.3117Train_f1_score:1.0000 Test_f1_score:0.4203Train:1.0000 Test:0.3761Train_AUC Score :1.0000 Test_AUC Score :0.6242在这里插入图片描述

参考文献

ML实操 - 贷款用户逾期情况分析
ML - 贷款用户逾期情况分析
python matplotlib 画图保存图片简单例子
sklearn.metrics中的评估方法介绍(accuracy_score, recall_score, roc_curve, roc_auc_score, confusion_matrix)

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值