使用 joblib.dump 保存和加载经过训练的 GradientBoostingClassifier

Posted

技术标签:

【中文标题】使用 joblib.dump 保存和加载经过训练的 GradientBoostingClassifier【英文标题】:Saving and loading a trained GradientBoostingClassifier using joblib.dump 【发布时间】:2017-10-26 11:50:47 【问题描述】:

我正在尝试使用 joblib.dump 使用以下代码保存经过训练的 GradientBoostingClassifier:

# use 90% of training data
NI=int(len(X_tr)*0.9) 
I1=np.random.choice(len(X_tr),NI)
Xi=X_tr[I1,:]
Yi=Y_tr[I1]

#train a GradientBoostingCalssifier using that data

a=GradientBoostingClassifier(learning_rate=0.02, n_estimators=500, min_samples_leaf=50,presort=True,warm_start=True)

 a.fit(Xi,Yi) 

# calculate class probabilities for the remaining data

I2=np.array(list(set(range(len(X_tr)))-set(I1)))
Pi=np.zeros(len(X_tr))
Pi[I2]=a.predict_proba(X_tr[I2,:])[:,1].reshape(-1)

#save indexes of training data and the predicted probabilites
np.savetxt('models\\balanced\\GBT1\\oob_index'+str(j)+'.txt',I2)
np.savetxt('models\\balanced\\GBT1\\oob_m'+str(j)+'.txt',Pi)

# save the trained classifier
joblib.dump(a, 'models\\balanced\\GBT1\\m'+str(j)+'.pkl') 

分类器训练并保存后,我关闭终端,打开一个新终端并运行以下代码来加载分类器并在保存的测试数据集上对其进行测试

    # load the saved class probabilities 
    Pi=np.loadtxt('models\\balanced\\GBT1\\oob_m'+str(j)+'.txt') 

    #load the training data index 
    Ii=np.loadtxt('models\\balanced\\GBT1\\oob_index'+str(j)+'.txt')

    #load the trained model
    a=joblib.load('models\\balanced\\GBT1\\m'+str(j)+'.pkl')

    #predict class probabilities using the trained model
    Pi1=a.predict_proba(X_tr[Ii,:])[:,1] 

    # Calculate aupr for the retrained model 
    _prec,_rec,_=metrics.precision_recall_curve(Y[Ii],Pi1,pos_label=1)
    auc=metrics.auc(_rec,_prec);

    # calculate aupr for the saved probabilities
    _prec1,_rec1,_=metrics.precision_recall_curve(Y[Ii],Pi[Ii],pos_label=1)
    auc1=metrics.auc(_rec1,_prec1);

     print('in iteration ', j, ' aucs: ', auc, auc1)

代码打印以下内容: 在迭代 0 aucs 中:0.0331879 0.0657821 ................................... 在所有情况下,重新加载分类器的 aupr 都与原始训练的分类器显着不同。我使用相同版本的 sklearn 和 python 来加载和保存。我做错了什么?

【问题讨论】:

使用pickle保存你的模型machinelearningmastery.com/… 代码是否正确? => Ii=Pi=np.loadtxt...。在这里,您将使用正在加载的索引重新分配变量 Pi。 @Paddy。是的,他可以。但是这个问题是无关的,scikit docs recommend to save scikit models with joblib. @Paddy 我在尝试 joblib.dump 之前尝试了 pickle.dump。结果相同。 @Vivek 不抱歉,这是错误的代码。在编辑这篇文章的代码时犯了一个错误(为了清楚起见)。我现在编辑了帖子中的代码。 【参考方案1】:

错误在您的代码中。我建议您使用train_test_split 拆分数据。它按default 对数据进行洗牌

以下代码对auc 指标产生相同的结果:

from sklearn.ensemble import GradientBoostingClassifier
from sklearn.metrics import precision_recall_curve
from sklearn.metrics import auc
from sklearn.datasets import load_iris
from sklearn.model_selection import train_test_split
import pickle
from sklearn.externals import joblib

def main():
    X, y = load_iris(return_X_y=True)
    X_train, X_test, y_train, y_test = train_test_split(X, y, train_size=.3)

    clf = GradientBoostingClassifier()
    clf.fit(X_train, y_train)

    preds = clf.predict(X_test)
    prec, rec, _ = precision_recall_curve(y_test, preds, pos_label=1)

    with open('dump.pkl', 'wb') as f:
        pickle.dump(clf, f)

    print('AUC SCORE: ', auc(rec, prec))

    clf2 = joblib.load('dump.pkl')
    preds2 = clf2.predict(X_test)

    prec2, rec2, _ = precision_recall_curve(y_test, preds2, pos_label=1)

    print('AUC SCORE AFTER DUMP: ', auc(rec2, prec2))

if __name__ == '__main__':
    main()

>>> AUC SCORE: 0.273271889401
>>> AUC SCORE AFTER DUMP: 0.273271889401

【讨论】:

以上是关于使用 joblib.dump 保存和加载经过训练的 GradientBoostingClassifier的主要内容,如果未能解决你的问题,请参考以下文章

如何在张量流中将 TextVectorization 保存到磁盘?

无法从 GridFS 加载 joblib 序列化模型

sklearn.svm在建立好模型后怎么使用

在 pytorch 中为聊天机器人加载经过训练的模型保存

如何保存经过训练的模型(估计器)并将其加载回来以使用 Tensorflow 中的数据对其进行测试?

运行经过训练的机器学习模型时出错