Python機器學習應用之決策樹分類實例詳解

一、數據集

小企鵝數據集,提取碼:1234

該數據集一共包含8個變量,其中7個特征變量,1個目標分類變量。共有150個樣本,目標變量為 企鵝的類別 其都屬於企鵝類的三個亞屬,分別是(Adélie, Chinstrap and Gentoo)。包含的三種種企鵝的七個特征,分別是所在島嶼,嘴巴長度,嘴巴深度,腳蹼長度,身體體積,性別以及年齡。

二、實現過程

1 數據特征分析

##  基礎函數庫
import numpy as np 
import pandas as pd

## 繪圖函數庫
import matplotlib.pyplot as plt
import seaborn as sns
#%%讀入數據
#利用Pandas自帶的read_csv函數讀取並轉化為DataFrame格式
data = pd.read_csv('D:\Python\ML\data\penguins_raw.csv')
#我選取瞭四個簡單的特征進行研究
data = data[['Species','Culmen Length (mm)','Culmen Depth (mm)',
            'Flipper Length (mm)','Body Mass (g)']]
data.info()
#查看數據
print(data.head())
#發現數據中存在的NAN,缺失值此處使用-1將缺失值進行填充
data=data.fillna(-1)
print(data.tail())
#查看對應標簽
print(data['Species'].unique())
#統計每個類別的數量
print(pd.Series(data['Species']).value_counts())
#對特征進行統一描述
print(data.describe())
#可視化描述
sns.pairplot(data=data,diag_kind='hist',hue='Species')
plt.show()
#%%為瞭方便處理,將標簽數字化
# 'Adelie Penguin (Pygoscelis adeliae)'        ------0
#  'Gentoo penguin (Pygoscelis papua)'          ------1
#  'Chinstrap penguin (Pygoscelis antarctica)   ------2 

def trans(x):
    if x == data['Species'].unique()[0]:
        return 0
    if x == data['Species'].unique()[1]:
        return 1
    if x == data['Species'].unique()[2]:
        return 2
data['Species'] = data['Species'].apply(trans)

#利用箱圖得到不同類別在不同特征上的分佈差異
for col in data.columns:
    if col != 'Species':
        sns.boxplot(x='Species', y=col, saturation=0.5, palette='pastel', data=data)
        plt.title(col)
        plt.show()
        plt.figure()

#%%選取species,culmen_length和culmen_depth三個特征繪制三維散點圖
from mpl_toolkits.mplot3d import Axes3D
fig = plt.figure(figsize=(10,8))
ax = fig.add_subplot(111, projection='3d')

data_class0 = data[data['Species']==0].values
data_class1 = data[data['Species']==1].values
data_class2 = data[data['Species']==2].values
# 'setosa'(0), 'versicolor'(1), 'virginica'(2)
ax.scatter(data_class0[:,0], data_class0[:,1], data_class0[:,2],label=data['Species'].unique()[0])
ax.scatter(data_class1[:,0], data_class1[:,1], data_class1[:,2],label=data['Species'].unique()[1])
ax.scatter(data_class2[:,0], data_class2[:,1], data_class2[:,2],label=data['Species'].unique()[2])
plt.legend()
plt.show()

運行結果

2 利用決策樹模型在二分類上進行訓練和預測

#%%利用決策樹模型在二分類上進行訓練和預測——選取0和1兩類樣本,樣本選取其中的四個特征
## 為瞭正確評估模型性能,將數據劃分為訓練集和測試集,並在訓練集上訓練模型,在測試集上驗證模型性能。
from sklearn.model_selection import train_test_split

data_target_part = data[data['Species'].isin([0,1])][['Species']]
data_features_part = data[data['Species'].isin([0,1])][['Culmen Length (mm)','Culmen Depth (mm)',
            'Flipper Length (mm)','Body Mass (g)']]

## 測試集大小為20%, 80%/20%分
x_train, x_test, y_train, y_test = train_test_split(
    data_features_part, data_target_part, test_size = 0.2, random_state = 2020)
## 從sklearn中導入決策樹模型
from sklearn.tree import DecisionTreeClassifier
from sklearn import tree
## 定義 決策樹模型 
clf = DecisionTreeClassifier(criterion='entropy')
# 在訓練集上訓練決策樹模型
clf.fit(x_train, y_train)
#%% 可視化決策樹
import pydotplus
dot_data = tree.export_graphviz(clf, out_file=None)
graph = pydotplus.graph_from_dot_data(dot_data)
graph.write_png("D:\Python\ML\DTpraTree.png") 
#%% 在訓練集和測試集上利用訓練好的模型進行預測
train_predict = clf.predict(x_train)
test_predict = clf.predict(x_test)
from sklearn import metrics

## 利用accuracy(準確度)【預測正確的樣本數目占總預測樣本數目的比例】評估模型效果
print('The accuracy of the train_DecisionTree is:',metrics.accuracy_score(y_train,train_predict))
print('The accuracy of the test_DecisionTree is:',metrics.accuracy_score(y_test,test_predict))

## 查看混淆矩陣 (預測值和真實值的各類情況統計矩陣)
confusion_matrix_result = metrics.confusion_matrix(test_predict,y_test)
print('The confusion matrix result:\n',confusion_matrix_result)

# 利用熱力圖對於結果進行可視化
plt.figure(figsize=(8, 6))
sns.heatmap(confusion_matrix_result, annot=True, cmap='Blues')
plt.xlabel('Predicted labels')
plt.ylabel('True labels')
plt.show()

運行結果

3 利用決策樹模型在多分類(三分類)上進行訓練與預測

#%%利用決策樹在多分類(三分類)上進行訓練和預測
## 測試集大小為20%, 80%/20%分
x_train, x_test, y_train, y_test = train_test_split(data[['Culmen Length (mm)','Culmen Depth (mm)',
            'Flipper Length (mm)','Body Mass (g)']], data[['Species']], test_size = 0.2, random_state = 2020)
## 定義 決策樹模型 
clf = DecisionTreeClassifier()
# 在訓練集上訓練決策樹模型
clf.fit(x_train, y_train)
## 在訓練集和測試集上分佈利用訓練好的模型進行預測
train_predict = clf.predict(x_train)
test_predict = clf.predict(x_test)
train_predict_proba = clf.predict_proba(x_train)
test_predict_proba = clf.predict_proba(x_test)

print('The test predict Probability of each class:\n',test_predict_proba)
## 其中第一列代表預測為0類的概率,第二列代表預測為1類的概率,第三列代表預測為2類的概率。

## 利用accuracy(準確度)【預測正確的樣本數目占總預測樣本數目的比例】評估模型效果
print('The accuracy of the train_DecisionTree is:',metrics.accuracy_score(y_train,train_predict))
print('The accuracy of the test_DecisionTree is:',metrics.accuracy_score(y_test,test_predict))


## 查看混淆矩陣 (預測值和真實值的各類情況統計矩陣)
confusion_matrix_result = metrics.confusion_matrix(test_predict,y_test)
print('The confusion matrix result:\n',confusion_matrix_result)

# 利用熱力圖對於結果進行可視化
plt.figure(figsize=(8, 6))
sns.heatmap(confusion_matrix_result, annot=True, cmap='Blues')
plt.xlabel('Predicted labels')
plt.ylabel('True labels')
plt.show()

運行結果

三、KEYS

1 構建過程

決策樹的構建過程是一個遞歸的過程,函數存在三種返回狀態:

  • 當前節點包含的樣本全部屬於同一類別,無需繼續劃分
  • 當前屬性集為空或者所有樣本在某個屬性上的取值相同,無法繼續劃分
  • 當前節點包含的樣本幾何為空,無法劃分

2 劃分選擇

決策樹構建的關鍵是從特征集中選擇最優劃分屬性,一般大傢希望決策樹每次劃分節點中包含的樣本盡量屬於同一類別,也就是節點的“純度”最高

  • 信息熵:衡量數據混亂程度的指標,信息熵越小,數據的“純度”越高
  • 基尼指數:反應瞭從數據集中隨機抽取兩個類別的標記不一致的概率

3 重要參數

  • criterion:用來決定模型特征選擇的計算方法,sklearn提供兩種方法:

entropy:使用信息熵

gini:使用基尼系數

  • random_state&splitte:

random_state用於設置分支的隨機模式的參數

splitter用來控制決策樹中的隨機選項

  • max_depth:限制數的深度
  • min_samples_leaf:一個節點在分支之後的每個子節點都必須包含至少幾個訓練樣本。該參數設置太小,會出現過擬合現象,設置太大會阻止模型學習數據

886~~

到此這篇關於Python機器學習應用之決策樹分類實例詳解的文章就介紹到這瞭,更多相關Python 決策樹分類實例內容請搜索WalkonNet以前的文章或繼續瀏覽下面的相關文章希望大傢以後多多支持WalkonNet!

推薦閱讀: