小言_互联网的博客

Python 银行信用卡客户流失预测(kaggle)

755人阅读  评论(0)

1.背景

越来越多的客户不再使用信用卡服务,银行的经理对此感到不安。如果有人能为他们预测哪些客户即将流失,他们将不胜感激,因为这样他们可以主动向客户提供更好的服务,并挽回这些即将流失的客户。

2.数据集

该数据集由10,000个客户组成,其中包含了他们的年龄,工资,婚姻状况,信用卡限额,信用卡类别等。

不过,这里面只有16%的客户是流失的,因此拿来预测客户是否会流失有点难度。

在Python实用宝典后台回复 预测客户流失 下载这份数据和源代码。

译自kaggle并对原文进行了修改和补充,感谢原作者:
https://www.kaggle.com/thomaskonstantin/bank-churn-data-exploration-and-churn-prediction/

3.代码与分析

开始之前,你要确保Python和pip已经成功安装在电脑上,如果没有,请访问这篇文章:超详细Python安装指南 进行安装。如果你用Python的目的是数据分析,可以直接安装Anaconda:Python数据分析与挖掘好帮手—Anaconda,它内置了Python和pip.

此外,推荐大家用VSCode编辑器,因为它可以在编辑器下方的终端运行命令安装依赖模块:Python 编程的最好搭档—VSCode 详细指南

本文具备流程性,建议使用 VSCode 的 Jupiter Notebook 扩展,新建一个名为 test.ipynb 的文件,跟着教程一步步走下去。

Windows环境下打开 Cmd (开始-运行-CMD),苹果系统环境下请打开 Terminal (command+空格输入Terminal),准备开始输入命令安装依赖。

所需依赖:


   
  1. pip install numpy
  2. pip install pandas
  3. pip install plotly
  4. pip install scikit-learn
  5. pip install scikit-plot
  6. # 最后模型预测需要用到,安装需要conda
  7. # 如果只是想探索性分析数据,可以不导入 imblearn
  8. conda install -c conda-forge imbalanced-learn

3.1 导入需要的模块

本文比较长,涉及到的模块比较多,如果只是想探索性分析数据,可以不导入 imblearn。


   
  1. import numpy as np # linear algebra
  2. import pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv)
  3. import matplotlib.pyplot as plt
  4. import seaborn as sns
  5. import plotly.express as ex
  6. import plotly.graph_objs as  go
  7. import plotly.figure_factory as ff
  8. from plotly.subplots import make_subplots
  9. import plotly.offline as pyo
  10. pyo.init_notebook_mode()
  11. sns.set_style( 'darkgrid')
  12. from sklearn.decomposition import PCA
  13. from sklearn.model_selection import train_test_split,cross_val_score
  14. from sklearn.ensemble import RandomForestClassifier,AdaBoostClassifier
  15. from sklearn.svm import SVC
  16. from sklearn.pipeline import Pipeline
  17. from sklearn.preprocessing import StandardScaler
  18. from sklearn.metrics import f1_score as f1
  19. from sklearn.metrics import confusion_matrix
  20. import scikitplot as skplt
  21. plt.rc( 'figure',figsize=( 18, 9))
  22. %pip install imbalanced-learn
  23. from imblearn.over_sampling import SMOTE


遇到任何 No module named "XXX" 都可以尝试pip install一下。

如果pip install没解决,可以谷歌/百度一下,看看别人是怎么解决的。

3.2 加载数据


   
  1. c_data = pd.read_csv( './BankChurners.csv')
  2. c_data = c_data[c_data.columns[: -2]]
  3. c_data.head( 3)

这里去掉了最后两列的朴素贝叶斯分类结果。

显示前三行数据, 可以看到所有的字段:

3.3 探索性数据分析

下面看看这20+列数据中,哪一些是对我们有用的。

首先,我想知道数据集中的客户年龄分布:


   
  1. fig = make_subplots(rows= 2, cols= 1)
  2. tr1= go.Box(x=c_data[ 'Customer_Age'],name= 'Age Box Plot',boxmean=True)
  3. tr2= go.Histogram(x=c_data[ 'Customer_Age'],name= 'Age Histogram')
  4. fig.add_trace(tr1,row= 1,col= 1)
  5. fig.add_trace(tr2,row= 2,col= 1)
  6. fig.update_layout(height= 700, width= 1200, title_text= "Distribution of Customer Ages")
  7. fig.show()

可以看到,客户的年龄分布大致遵循正态分布,因此使用可以在正态假设下进一步使用年龄特征。

同样滴,我想知道性别分布如何:

ex.pie(c_data,names='Gender',title='Propotion Of Customer Genders')

可见,在我们的数据集中,女性的样本比男性更多,但是差异的百分比不是那么显著,所以我们可以说性别是均匀分布的。

每个客户的家庭人数的分布怎么样?


   
  1. fig = make_subplots(rows= 2, cols= 1)
  2. tr1= go.Box(x=c_data[ 'Dependent_count'],name= 'Dependent count Box Plot',boxmean=True)
  3. tr2= go.Histogram(x=c_data[ 'Dependent_count'],name= 'Dependent count Histogram')
  4. fig.add_trace(tr1,row= 1,col= 1)
  5. fig.add_trace(tr2,row= 2,col= 1)
  6. fig.update_layout(height= 700, width= 1200, title_text= "Distribution of Dependent counts (close family size)")
  7. fig.show()

它也大致符合正态分布,偏右一点,或许后续分析能用得上。

客户的受教育水平如何?

ex.pie(c_data,names='Education_Level',title='Propotion Of Education Levels')

假设大多数教育程度不明(Unknown)的顾客都没有接受过任何教育。我们可以指出,超过70%的顾客都受过正规教育,其中约35%的人受教育程度达到硕士以上水平,45%的人达到本科以上水准。

他们的婚姻状态如何?

ex.pie(c_data,names='Marital_Status',title='Propotion Of Different Marriage Statuses')


看来,这家银行几乎一半的客户都是已婚人士,有趣的是,另一半客户几乎都是单身人士,另外只有7%的客户离婚了。

看看收入分布和卡片类型的分布:

ex.pie(c_data,names='Income_Category',title='Propotion Of Different Income Levels')

ex.pie(c_data,names='Card_Category',title='Propotion Of Different Card Categories')


可见大部分人的年收入处于60K美元以下。

在持有的卡片的类型上,蓝卡占了绝大多数。

每月账单数量有没有特征?


   
  1. fig = make_subplots(rows= 2, cols= 1)
  2. tr1= go.Box(x=c_data[ 'Months_on_book'],name= 'Months on book Box Plot',boxmean=True)
  3. tr2= go.Histogram(x=c_data[ 'Months_on_book'],name= 'Months on book Histogram')
  4. fig.add_trace(tr1,row= 1,col= 1)
  5. fig.add_trace(tr2,row= 2,col= 1)
  6. fig.update_layout(height= 700, width= 1200, title_text= "Distribution of months the customer is part of the bank")
  7. fig.show()

可以看到中间的峰值特别高,显然这个指标不是正态分布的。

每位客户持有的银行业务数量有没有特征呢?


   
  1. fig = make_subplots(rows= 2, cols= 1)
  2. tr1= go.Box(x=c_data[ 'Total_Relationship_Count'],name= 'Total no. of products Box Plot',boxmean=True)
  3. tr2= go.Histogram(x=c_data[ 'Total_Relationship_Count'],name= 'Total no. of products Histogram')
  4. fig.add_trace(tr1,row= 1,col= 1)
  5. fig.add_trace(tr2,row= 2,col= 1)
  6. fig.update_layout(height= 700, width= 1200, title_text= "Distribution of Total no. of products held by the customer")
  7. fig.show()

基本上都是均匀分布的,显然这个指标对于我们而言也没太大意义。

用户不活跃月份数量是不是好用的特征?


   
  1. fig = make_subplots(rows= 2, cols= 1)
  2. tr1= go.Box(x=c_data[ 'Months_Inactive_12_mon'],name= 'number of months inactive Box Plot',boxmean=True)
  3. tr2= go.Histogram(x=c_data[ 'Months_Inactive_12_mon'],name= 'number of months inactive Histogram')
  4. fig.add_trace(tr1,row= 1,col= 1)
  5. fig.add_trace(tr2,row= 2,col= 1)
  6. fig.update_layout(height= 700, width= 1200, title_text= "Distribution of the number of months inactive in the last 12 months")
  7. fig.show()

这个似乎有点用处,会不会越不活跃的用户越容易流失呢?我们先往后看。

信用卡额度的分布如何?


   
  1. fig = make_subplots(rows= 2, cols= 1)
  2. tr1= go.Box(x=c_data[ 'Credit_Limit'],name= 'Credit_Limit Box Plot',boxmean=True)
  3. tr2= go.Histogram(x=c_data[ 'Credit_Limit'],name= 'Credit_Limit Histogram')
  4. fig.add_trace(tr1,row= 1,col= 1)
  5. fig.add_trace(tr2,row= 2,col= 1)
  6. fig.update_layout(height= 700, width= 1200, title_text= "Distribution of the Credit Limit")
  7. fig.show()

大部分人的额度都在0到10k之间,这比较正常,暂时看不出和流失有什么关系。

客户总交易额的分布怎么样?


   
  1. fig = make_subplots(rows= 2, cols= 1)
  2. tr1= go.Box(x=c_data[ 'Total_Trans_Amt'],name= 'Total_Trans_Amt Box Plot',boxmean=True)
  3. tr2= go.Histogram(x=c_data[ 'Total_Trans_Amt'],name= 'Total_Trans_Amt Histogram')
  4. fig.add_trace(tr1,row= 1,col= 1)
  5. fig.add_trace(tr2,row= 2,col= 1)
  6. fig.update_layout(height= 700, width= 1200, title_text= "Distribution of the Total Transaction Amount (Last 12 months)")
  7. fig.show()


这个有点意思,总交易额的分布体现出“多组”分布,如果我们根据这个指标将客户聚类为不同的组别,看他们之间的相似性,并作出不同的画线,也许对我们最终的流失分析有一定的意义。

接下来,最重要的流失用户分布

ex.pie(c_data,names='Attrition_Flag',title='Proportion of churn vs not churn customers')


我们可以看到,只有16%的数据样本代表流失客户,在接下来的步骤中,我将使用SMOTE对流失样本进行采样,使其与常规客户的样本大小匹配,以便给后面选择的模型一个更好的机会来捕捉小细节。

3.4 数据预处理

使用SMOTE模型前,需要根据不同的特征对数据进行One Hot编码:


   
  1. c_data.Attrition_Flag = c_data.Attrition_Flag.replace({ 'Attrited Customer': 1, 'Existing Customer': 0})
  2. c_data.Gender = c_data.Gender.replace({ 'F': 1, 'M': 0})
  3. c_data = pd.concat([c_data,pd.get_dummies(c_data[ 'Education_Level']).drop(columns=[ 'Unknown'])],axis= 1)
  4. c_data = pd.concat([c_data,pd.get_dummies(c_data[ 'Income_Category']).drop(columns=[ 'Unknown'])],axis= 1)
  5. c_data = pd.concat([c_data,pd.get_dummies(c_data[ 'Marital_Status']).drop(columns=[ 'Unknown'])],axis= 1)
  6. c_data = pd.concat([c_data,pd.get_dummies(c_data[ 'Card_Category']).drop(columns=[ 'Platinum'])],axis= 1)
  7. c_data.drop(columns = [ 'Education_Level', 'Income_Category', 'Marital_Status', 'Card_Category', 'CLIENTNUM'],inplace=True)


显示热力图:

sns.heatmap(c_data.corr('pearson'),annot=True)

3.5 SMOTE模型采样

SMOTE模型经常用于解决数据不平衡的问题,它通过添加生成的少数类样本改变不平衡数据集的数据分布,是改善不平衡数据分类模型性能的流行方法之一。


   
  1. oversample = SMOTE()
  2. X, y = oversample.fit_resample(c_data[c_data.columns[ 1:]], c_data[c_data.columns[ 0]])
  3. usampled_df = X.assign(Churn = y)
  4. ohe_data =usampled_df[usampled_df.columns[ 15: -1]]. copy()
  5. usampled_df = usampled_df.drop(columns=usampled_df.columns[ 15: -1])
  6. sns.heatmap(usampled_df.corr( 'pearson'),annot=True)

3.6 主成分分析

我们将使用主成分分析来降低单次编码分类变量的维数,从而降低方差。同时使用几个主成分而不是几十个单次编码特征将帮助我构建一个更好的模型。


   
  1. N_COMPONENTS = 4
  2. pca_model = PCA(n_components = N_COMPONENTS )
  3. pc_matrix = pca_model.fit_transform(ohe_data)
  4. evr = pca_model.explained_variance_ratio_
  5. cumsum_evr = np.cumsum(evr)
  6. ax = sns.lineplot(x=np.arange( 0, len(cumsum_evr)),y=cumsum_evr,label= 'Explained Variance Ratio')
  7. ax.set_title( 'Explained Variance Ratio Using {} Components'.format(N_COMPONENTS))
  8. ax = sns.lineplot(x=np.arange( 0, len(cumsum_evr)),y=evr,label= 'Explained Variance Of Component X')
  9. ax.set_xticks([i for i in range( 0, len(cumsum_evr))])
  10. ax.set_xlabel( 'Component number #')
  11. ax.set_ylabel( 'Explained Variance')
  12. plt.show()


   
  1. usampled_df_with_pcs = pd.concat([usampled_df,pd.DataFrame(pc_matrix,columns=[ 'PC-{}'.format(i) for i in  range( 0,N_COMPONENTS)])],axis= 1)
  2. usampled_df_with_pcs

特征变得越来越明显:

sns.heatmap(usampled_df_with_pcs.corr('pearson'),annot=True)

4.模型选择及测试

选择出以下特征划分训练集并进行训练:


   
  1. X_features = [ 'Total_Trans_Ct', 'PC-3', 'PC-1', 'PC-0', 'PC-2', 'Total_Ct_Chng_Q4_Q1', 'Total_Relationship_Count']
  2. X = usampled_df_with_pcs[X_features]
  3. y = usampled_df_with_pcs[ 'Churn']
  4. train_x,test_x,train_y,test_y = train_test_split(X,y,random_state= 42)

4.1 交叉验证

分别看看随机森林、AdaBoost和SVM模型三种模型的表现如何:


   
  1. rf_pipe = Pipeline(steps =[ ( 'scale',StandardScaler()), ( "RF",RandomForestClassifier(random_state= 42)) ])
  2. ada_pipe = Pipeline(steps =[ ( 'scale',StandardScaler()), ( "RF",AdaBoostClassifier(random_state= 42,learning_rate= 0.7)) ])
  3. svm_pipe = Pipeline(steps =[ ( 'scale',StandardScaler()), ( "RF",SVC(random_state= 42,kernel= 'rbf')) ])
  4. f1_cross_val_scores = cross_val_score(rf_pipe,train_x,train_y,cv= 5,scoring= 'f1')
  5. ada_f1_cross_val_scores=cross_val_score(ada_pipe,train_x,train_y,cv= 5,scoring= 'f1')
  6. svm_f1_cross_val_scores=cross_val_score(svm_pipe,train_x,train_y,cv= 5,scoring= 'f1')

   
  1. plt.subplot( 3, 1, 1)
  2. ax = sns.lineplot(x= range( 0, len(f1_cross_val_scores)),y=f1_cross_val_scores)
  3. ax.set_title( 'Random Forest Cross Val Scores')
  4. ax.set_xticks([i for i in range( 0, len(f1_cross_val_scores))])
  5. ax.set_xlabel( 'Fold Number')
  6. ax.set_ylabel( 'F1 Score')
  7. plt.show()
  8. plt.subplot( 3, 1, 2)
  9. ax = sns.lineplot(x= range( 0, len(ada_f1_cross_val_scores)),y=ada_f1_cross_val_scores)
  10. ax.set_title( 'Adaboost Cross Val Scores')
  11. ax.set_xticks([i for i in range( 0, len(ada_f1_cross_val_scores))])
  12. ax.set_xlabel( 'Fold Number')
  13. ax.set_ylabel( 'F1 Score')
  14. plt.show()
  15. plt.subplot( 3, 1, 3)
  16. ax = sns.lineplot(x= range( 0, len(svm_f1_cross_val_scores)),y=svm_f1_cross_val_scores)
  17. ax.set_title( 'SVM Cross Val Scores')
  18. ax.set_xticks([i for i in range( 0, len(svm_f1_cross_val_scores))])
  19. ax.set_xlabel( 'Fold Number')
  20. ax.set_ylabel( 'F1 Score')
  21. plt.show()


看看三种模型都有什么不同的表现:

看得出来随机森林 F1分数是最高的,达到了0.92。

4.2 模型预测

对测试集进行预测,看看三种模型的效果:


   
  1. rf_pipe.fit(train_x,train_y)
  2. rf_prediction = rf_pipe.predict(test_x)
  3. ada_pipe.fit(train_x,train_y)
  4. ada_prediction = ada_pipe.predict(test_x)
  5. svm_pipe.fit(train_x,train_y)
  6. svm_prediction = svm_pipe.predict(test_x)
  7. print( 'F1 Score of Random Forest Model On Test Set - {}'.format(f1(rf_prediction,test_y)))
  8. print( 'F1 Score of AdaBoost Model On Test Set - {}'.format(f1(ada_prediction,test_y)))
  9. print( 'F1 Score of SVM Model On Test Set - {}'.format(f1(svm_prediction,test_y)))

4.3 对原始数据(采样前)进行模型预测

接下来对原始数据进行模型预测:


   
  1. ohe_data =c_data[c_data.columns[ 16:]]. copy()
  2. pc_matrix = pca_model.fit_transform(ohe_data)
  3. original_df_with_pcs = pd.concat([c_data,pd.DataFrame(pc_matrix,columns=[ 'PC-{}'.format(i) for i in range( 0,N_COMPONENTS)])],axis= 1)
  4. unsampled_data_prediction_RF = rf_pipe.predict(original_df_with_pcs[X_features])
  5. unsampled_data_prediction_ADA = ada_pipe.predict(original_df_with_pcs[X_features])
  6. unsampled_data_prediction_SVM = svm_pipe.predict(original_df_with_pcs[X_features])

效果如下:



F1最高的随机森林模型有0.63分,偏低,这也比较正常,毕竟在这种分布不均的数据集中,查全率是比较难拿到高分数的。

4.4 结果

让我们看看最终在原数据上使用随机森林模型的运行结果:


   
  1. ax = sns.heatmap(confusion_matrix(unsampled_data_prediction_RF,original_df_with_pcs[ 'Attrition_Flag']),annot=True,cmap= 'coolwarm',fmt= 'd')
  2. ax.set_title( 'Prediction On Original Data With Random Forest Model Confusion Matrix')
  3. ax.set_xticklabels([ 'Not Churn', 'Churn'],fontsize= 18)
  4. ax.set_yticklabels([ 'Predicted Not Churn', 'Predicted Churn'],fontsize= 18)
  5. plt.show()

可见,没有流失的客户命中了7709人,未命中791人。

流失客户命中了1130人,未命中497人。

整体而言,是一个比较优秀的模型了。

我们的文章到此就结束啦,如果你喜欢今天的Python 实战教程,请持续关注Python实用宝典。

有任何问题,可以在公众号后台回复:加群,回答相应红字验证信息,进入互助群询问。

原创不易,希望你能在下面点个赞和在看支持我继续创作,谢谢!

点击下方阅读原文可获得更好的阅读体验

Python实用宝典 (pythondict.com)
不只是一个宝典
欢迎关注公众号:Python实用宝典


转载:https://blog.csdn.net/u010751000/article/details/110914335
查看评论
* 以上用户言论只代表其个人观点,不代表本网站的观点或立场