关于机器学习:机器学习算法六基于天气数据集的XGBoost分类预测

3次阅读

共计 19065 个字符,预计需要花费 48 分钟才能阅读完成。

1. 机器学习算法(六)基于天气数据集的 XGBoost 分类预测

本我的项目链接:https://www.heywhale.com/home/column/64141d6b1c8c8b518ba97dcc

1.1 XGBoost 的介绍与利用

XGBoost 是 2016 年由华盛顿大学陈天奇老师率领开发的一个可扩大机器学习零碎。严格意义上讲 XGBoost 并不是一种模型,而是一个可供用户轻松解决分类、回归或排序问题的软件包。它外部实现了梯度晋升树 (GBDT) 模型,并对模型中的算法进行了诸多优化,在获得高精度的同时又放弃了极快的速度,在一段时间内成为了国内外数据挖掘、机器学习畛域中的大规模杀伤性武器。

更重要的是,XGBoost 在系统优化和机器学习原理方面都进行了深刻的思考。毫不夸大的讲,XGBoost 提供的可扩展性,可移植性与准确性推动了机器学习计算限度的下限,该零碎在单台机器上运行速度比过后风行解决方案快十倍以上,甚至在分布式系统中能够解决十亿级的数据。

XGBoost 在机器学习与数据挖掘畛域有着极为宽泛的利用。据统计在 2015 年 Kaggle 平台上 29 个获奖计划中,17 只队伍应用了 XGBoost;在 2015 年 KDD-Cup 中,前十名的队伍均应用了 XGBoost,且集成其余模型比不上调节 XGBoost 的参数所带来的晋升。这些实实在在的例子都表明,XGBoost 在各种问题上都能够获得十分好的成果。

同时,XGBoost 还被胜利利用在工业界与学术界的各种问题中。例如商店销售额预测、高能物理事件分类、web 文本分类; 用户行为预测、静止检测、广告点击率预测、恶意软件分类、灾祸危险预测、在线课程入学率预测。尽管畛域相干的数据分析和个性工程在这些解决方案中也施展了重要作用,但学习者与实践者对 XGBoost 的统一抉择表明了这一软件包的影响力与重要性。

1.2 原理介绍

XGBoost 底层实现了 GBDT 算法,并对 GBDT 算法做了一系列优化:

  1. 对指标函数进行了泰勒展现的二阶开展,能够更加高效拟合误差。
  2. 提出了一种预计决裂点的算法减速 CART 树的构建过程,同时能够解决稠密数据。
  3. 提出了一种树的并行策略减速迭代。
  4. 为模型的分布式算法进行了底层优化。

XGBoost 是基于 CART 树的集成模型,它的思维是串联多个决策树模型独特进行决策。

那么如何串联呢?XGBoost 采纳迭代预测误差的办法串联。举个艰深的例子,咱们当初须要预测一辆车价值 3000 元。咱们构建决策树 1 训练后预测为 2600 元,咱们发现有 400 元的误差,那么决策树 2 的训练指标为 400 元,但决策树 2 的预测后果为 350 元,还存在 50 元的误差就交给第三棵树……以此类推,每一颗树用来预计之前所有树的误差,最初所有树预测后果的求和就是最终预测后果!

XGBoost 的基模型是 CART 回归树,它有两个特点:(1)CART 树,是一颗二叉树。(2)回归树,最初拟合后果是间断值。

XGBoost 模型能够示意为以下模式,咱们约定 $f_t(x)$ 示意前 $t$ 颗树的和,$h_t(x)$ 示意第 $t$ 颗决策树,模型定义如下:

$f_{t}(x)=\sum_{t=1}^{T} h_{t}(x)$

因为模型递归生成,第 $t$ 步的模型由第 $t-1$ 步的模型造成,能够写成:

$f_{t}(x)=f_{t-1}(x)+h_{t}(x)$

每次须要加上的树 $h_t(x)$ 是之前树求和的误差:

$r_{t, i}=y_{i}-f_{m-1}\left(x_{i}\right)$

咱们每一步只有拟合一颗输入为 $r_{t,i}$ 的 CART 树加到 $f_{t-1}(x)$ 就能够了。

1.3 相干流程

  • 理解 XGBoost 的参数与相干常识
  • 把握 XGBoost 的 Python 调用并将其使用到天气数据集预测

Part1 基于天气数据集的 XGBoost 分类实际

  • Step1: 库函数导入
  • Step2: 数据读取 / 载入
  • Step3: 数据信息简略查看
  • Step4: 可视化形容
  • Step5: 对离散变量进行编码
  • Step6: 利用 XGBoost 进行训练与预测
  • Step7: 利用 XGBoost 进行特征选择
  • Step8: 通过调整参数取得更好的成果

3. 基于天气数据集的 XGBoost 分类实战

3.1 EDA 探索性剖析

在实际的最开始,咱们首先须要导入一些根底的函数库包含:numpy(Python 进行科学计算的根底软件包),pandas(pandas 是一种疾速,弱小,灵便且易于应用的开源数据分析和解决工具),matplotlib 和 seaborn 绘图。

# 导入须要用到的数据集
!wget https://tianchi-media.oss-cn-beijing.aliyuncs.com/DSW/7XGBoost/train.csv
--2023-03-22 17:33:53--  https://tianchi-media.oss-cn-beijing.aliyuncs.com/DSW/7XGBoost/train.csv
正在解析主机 tianchi-media.oss-cn-beijing.aliyuncs.com (tianchi-media.oss-cn-beijing.aliyuncs.com)... 49.7.22.39
正在连接 tianchi-media.oss-cn-beijing.aliyuncs.com (tianchi-media.oss-cn-beijing.aliyuncs.com)|49.7.22.39|:443... 已连贯。已收回 HTTP 申请,正在期待回应... 200 OK
长度:11476379 (11M) 
正在保留至:“train.csv.2”train.csv.2         100%[===================>]  10.94M  8.82MB/s    in 1.2s    

2023-03-22 17:33:55 (8.82 MB/s) - 已保留“train.csv.2”[11476379/11476379])


Step1:函数库导入

##  根底函数库
import numpy as np 
import pandas as pd

## 绘图函数库
import matplotlib.pyplot as plt
import seaborn as sns

本次咱们抉择天气数据集进行办法的尝试训练,当初有一些由气象站提供的每日降雨数据,咱们须要依据历史降雨数据来预测今天会下雨的概率。样例波及到的测试集数据 test.csv 与 train.csv 的格局完全相同,但其 RainTomorrow 未给出,为预测变量。

数据的各个特征描述如下:

特色名称 意义 取值范畴
Date 日期 字符串
Location 气象站的地址 字符串
MinTemp 最低温度 实数
MaxTemp 最高温度 实数
Rainfall 降雨量 实数
Evaporation 蒸发量 实数
Sunshine 光照工夫 实数
WindGustDir 最强的风的方向 字符串
WindGustSpeed 最强的风的速度 实数
WindDir9am 早上 9 点的风向 字符串
WindDir3pm 下午 3 点的风向 字符串
WindSpeed9am 早上 9 点的风速 实数
WindSpeed3pm 下午 3 点的风速 实数
Humidity9am 早上 9 点的湿度 实数
Humidity3pm 下午 3 点的湿度 实数
Pressure9am 早上 9 点的大气压 实数
Pressure3pm 早上 3 点的大气压 实数
Cloud9am 早上 9 点的云指数 实数
Cloud3pm 早上 3 点的云指数 实数
Temp9am 早上 9 点的温度 实数
Temp3pm 早上 3 点的温度 实数
RainToday 明天是否下雨 No,Yes
RainTomorrow 今天是否下雨 No,Yes

Step2:数据读取 / 载入

## 咱们利用 Pandas 自带的 read_csv 函数读取并转化为 DataFrame 格局

data = pd.read_csv('train.csv')

Step3:数据信息简略查看

## 利用.info()查看数据的整体信息
data.info()
<class 'pandas.core.frame.DataFrame'>
RangeIndex: 106644 entries, 0 to 106643
Data columns (total 23 columns):
 #   Column         Non-Null Count   Dtype  
---  ------         --------------   -----  
 0   Date           106644 non-null  object 
 1   Location       106644 non-null  object 
 2   MinTemp        106183 non-null  float64
 3   MaxTemp        106413 non-null  float64
 4   Rainfall       105610 non-null  float64
 5   Evaporation    60974 non-null   float64
 6   Sunshine       55718 non-null   float64
 7   WindGustDir    99660 non-null   object 
 8   WindGustSpeed  99702 non-null   float64
 9   WindDir9am     99166 non-null   object 
 10  WindDir3pm     103788 non-null  object 
 11  WindSpeed9am   105643 non-null  float64
 12  WindSpeed3pm   104653 non-null  float64
 13  Humidity9am    105327 non-null  float64
 14  Humidity3pm    103932 non-null  float64
 15  Pressure9am    96107 non-null   float64
 16  Pressure3pm    96123 non-null   float64
 17  Cloud9am       66303 non-null   float64
 18  Cloud3pm       63691 non-null   float64
 19  Temp9am        105983 non-null  float64
 20  Temp3pm        104599 non-null  float64
 21  RainToday      105610 non-null  object 
 22  RainTomorrow   106644 non-null  object 
dtypes: float64(16), object(7)
memory usage: 18.7+ MB


## 进行简略的数据查看,咱们能够利用 .head() 头部.tail()尾部
data.head()

<div>
<style scoped>

.dataframe tbody tr th:only-of-type {vertical-align: middle;}

.dataframe tbody tr th {vertical-align: top;}

.dataframe thead th {text-align: right;}

</style>

Date Location MinTemp MaxTemp Rainfall Evaporation Sunshine WindGustDir WindGustSpeed WindDir9am Humidity9am Humidity3pm Pressure9am Pressure3pm Cloud9am Cloud3pm Temp9am Temp3pm RainToday RainTomorrow
0 2012/1/19 MountGinini 12.1 23.1 0.0 NaN NaN W 30.0 N 60.0 54.0 NaN NaN NaN NaN 17.0 22.0 No No
1 2015/4/13 Nhil 10.2 24.7 0.0 NaN NaN E 39.0 E 63.0 33.0 1021.9 1017.9 NaN NaN 12.5 23.7 No Yes
2 2010/8/5 Nuriootpa -0.4 11.0 3.6 0.4 1.6 W 28.0 N 97.0 78.0 1025.9 1025.3 7.0 8.0 3.9 9.0 Yes No
3 2013/3/18 Adelaide 13.2 22.6 0.0 15.4 11.0 SE 44.0 E 47.0 34.0 1025.0 1022.2 NaN NaN 15.2 21.7 No No
4 2011/2/16 Sale 14.1 28.6 0.0 6.6 6.7 E 28.0 NE 92.0 42.0 1018.0 1014.1 4.0 7.0 19.1 28.2 No No

<p>5 rows × 23 columns</p>
</div>

这里咱们发现数据集中存在 NaN,个别的咱们认为 NaN 在数据集中代表了缺失值,可能是数据采集或解决时产生的一种谬误。这里咱们采纳 - 1 将缺失值进行填补,还有其余例如“中位数填补、平均数填补”的缺失值解决办法有趣味的同学也能够尝试。

data = data.fillna(-1)
data.tail()

<div>
<style scoped>

.dataframe tbody tr th:only-of-type {vertical-align: middle;}

.dataframe tbody tr th {vertical-align: top;}

.dataframe thead th {text-align: right;}

</style>

Date Location MinTemp MaxTemp Rainfall Evaporation Sunshine WindGustDir WindGustSpeed WindDir9am Humidity9am Humidity3pm Pressure9am Pressure3pm Cloud9am Cloud3pm Temp9am Temp3pm RainToday RainTomorrow
106639 2011/5/23 Launceston 10.1 16.1 15.8 -1.0 -1.0 SE 31.0 NNW 99.0 86.0 999.2 995.2 -1.0 -1.0 13.0 15.6 Yes Yes
106640 2014/12/9 GoldCoast 19.3 31.7 36.0 -1.0 -1.0 SE 80.0 NNW 75.0 76.0 1013.8 1010.0 -1.0 -1.0 26.0 25.8 Yes Yes
106641 2014/10/7 Wollongong 17.5 22.2 1.2 -1.0 -1.0 WNW 65.0 WNW 61.0 56.0 1008.2 1008.2 -1.0 -1.0 17.8 21.4 Yes No
106642 2012/1/16 Newcastle 17.6 27.0 3.0 -1.0 -1.0 -1 -1.0 NE 68.0 88.0 -1.0 -1.0 6.0 5.0 22.6 26.4 Yes No
106643 2014/10/21 AliceSprings 16.3 37.9 0.0 14.2 12.2 ESE 41.0 NNE 8.0 6.0 1017.9 1014.0 0.0 1.0 32.2 35.7 No No

<p>5 rows × 23 columns</p>
</div>

## 利用 value_counts 函数查看训练集标签的数量
pd.Series(data['RainTomorrow']).value_counts()
No     82786
Yes    23858
Name: RainTomorrow, dtype: int64


咱们发现数据集中的负样本数量远大于正样本数量,这种常见的问题叫做“数据不均衡”问题,在某些状况下须要进行一些非凡解决。

## 对于特色进行一些统计形容
data.describe()

<div>
<style scoped>

.dataframe tbody tr th:only-of-type {vertical-align: middle;}

.dataframe tbody tr th {vertical-align: top;}

.dataframe thead th {text-align: right;}

</style>

MinTemp MaxTemp Rainfall Evaporation Sunshine WindGustSpeed WindSpeed9am WindSpeed3pm Humidity9am Humidity3pm Pressure9am Pressure3pm Cloud9am Cloud3pm Temp9am Temp3pm
count 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000 106644.000000
mean 12.129147 23.183398 2.313912 2.704798 3.509008 37.305137 13.852200 18.265378 67.940353 50.104657 917.003689 914.995385 2.381231 2.285670 16.877842 21.257600
std 6.444358 7.208596 8.379145 4.519172 5.105696 16.585310 8.949659 9.118835 20.481579 22.136917 304.042528 303.120731 3.483751 3.419658 6.629811 7.549532
min -8.500000 -4.800000 -1.000000 -1.000000 -1.000000 -1.000000 -1.000000 -1.000000 -1.000000 -1.000000 -1.000000 -1.000000 -1.000000 -1.000000 -7.200000 -5.400000
25% 7.500000 17.900000 0.000000 -1.000000 -1.000000 30.000000 7.000000 11.000000 56.000000 35.000000 1011.000000 1008.500000 -1.000000 -1.000000 12.200000 16.300000
50% 12.000000 22.600000 0.000000 1.600000 0.200000 37.000000 13.000000 17.000000 70.000000 51.000000 1016.700000 1014.200000 1.000000 1.000000 16.700000 20.900000
75% 16.800000 28.300000 0.600000 5.400000 8.700000 46.000000 19.000000 24.000000 83.000000 65.000000 1021.800000 1019.400000 6.000000 6.000000 21.500000 26.300000
max 31.900000 48.100000 268.600000 145.000000 14.500000 135.000000 130.000000 87.000000 100.000000 100.000000 1041.000000 1039.600000 9.000000 9.000000 39.400000 46.200000

</div>

Step4: 可视化形容

为了不便,咱们先纪录数字特色与非数字特色:

numerical_features = [x for x in data.columns if data[x].dtype == np.float]
category_features = [x for x in data.columns if data[x].dtype != np.float and x != 'RainTomorrow']
## 选取三个特色与标签组合的散点可视化
sns.pairplot(data=data[['Rainfall',
'Evaporation',
'Sunshine'] + ['RainTomorrow']], diag_kind='hist', hue= 'RainTomorrow')
plt.show()

从上图能够发现,在 2D 状况下不同的特色组合对于第二天下雨与不下雨的散点散布,以及大略的辨别能力。绝对的 Sunshine 与其余特色的组合更具备辨别能力

for col in data[numerical_features].columns:
    if col != 'RainTomorrow':
        sns.boxplot(x='RainTomorrow', y=col, saturation=0.5, palette='pastel', data=data)
        plt.title(col)
        plt.show()

利用箱型图咱们也能够失去不同类别在不同特色上的散布差别状况。咱们能够发现 Sunshine,Humidity3pm,Cloud9am,Cloud3pm 的辨别能力较强

tlog = {}
for i in category_features:
    tlog[i] = data[data['RainTomorrow'] == 'Yes'][i].value_counts()
flog = {}
for i in category_features:
    flog[i] = data[data['RainTomorrow'] == 'No'][i].value_counts()
plt.figure(figsize=(10,10))
plt.subplot(1,2,1)
plt.title('RainTomorrow')
sns.barplot(x = pd.DataFrame(tlog['Location']).sort_index()['Location'], y = pd.DataFrame(tlog['Location']).sort_index().index, color = "red")
plt.subplot(1,2,2)
plt.title('Not RainTomorrow')
sns.barplot(x = pd.DataFrame(flog['Location']).sort_index()['Location'], y = pd.DataFrame(flog['Location']).sort_index().index, color = "blue")
plt.show()

从上图能够发现不同地区降雨状况差异很大,有些中央显著更容易降雨

plt.figure(figsize=(10,2))
plt.subplot(1,2,1)
plt.title('RainTomorrow')
sns.barplot(x = pd.DataFrame(tlog['RainToday'][:2]).sort_index()['RainToday'], y = pd.DataFrame(tlog['RainToday'][:2]).sort_index().index, color = "red")
plt.subplot(1,2,2)
plt.title('Not RainTomorrow')
sns.barplot(x = pd.DataFrame(flog['RainToday'][:2]).sort_index()['RainToday'], y = pd.DataFrame(flog['RainToday'][:2]).sort_index().index, color = "blue")
plt.show()

上图咱们能够发现,明天下雨今天不肯定下雨,但明天不下雨,第二天大概率也不下雨。

3.2 特征向量编码

Step5: 对离散变量进行编码

因为 XGBoost 无奈解决字符串类型的数据,咱们须要一些办法讲字符串数据转化为数据。一种最简略的办法是把所有的雷同类别的特色编码成同一个值,例如女 =0,男 =1,狗狗 =2,所以最初编码的特征值是在 $[0, 特色数量 -1]$ 之间的整数。除此之外,还有独热编码、求和编码、留一法编码等等办法能够取得更好的成果。

## 把所有的雷同类别的特色编码为同一个值
def get_mapfunction(x):
    mapp = dict(zip(x.unique().tolist(),
         range(len(x.unique().tolist()))))
    def mapfunction(y):
        if y in mapp:
            return mapp[y]
        else:
            return -1
    return mapfunction
for i in category_features:
    data[i] = data[i].apply(get_mapfunction(data[i]))
## 编码后的字符串特色变成了数字

data['Location'].unique()
array([ 0,  1,  2,  3,  4,  5,  6,  7,  8,  9, 10, 11, 12, 13, 14, 15, 16,
       17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33,
       34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48])


3.3 模型训练预测

Step6:利用 XGBoost 进行训练与预测

## 为了正确评估模型性能,将数据划分为训练集和测试集,并在训练集上训练模型,在测试集上验证模型性能。from sklearn.model_selection import train_test_split

## 抉择其类别为 0 和 1 的样本(不包含类别为 2 的样本)data_target_part = data['RainTomorrow']
data_features_part = data[[x for x in data.columns if x != 'RainTomorrow']]

## 测试集大小为 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)

# 查看标签数据
print(y_train[0:2],y_test[0:2])

# 替换 Yes 为 1,No 为 0
y_train = y_train.replace({'Yes': 1, 'No': 0})
y_test  = y_test.replace({'Yes': 1, 'No': 0})

# 打印批改后的后果
print(y_train[0:2],y_test[0:2])
98173    No
33154    No
Name: RainTomorrow, dtype: object 10273    Yes
90769     No
Name: RainTomorrow, dtype: object
98173    0
33154    0
Name: RainTomorrow, dtype: int64 10273    1
90769    0
Name: RainTomorrow, dtype: int64

The label for xgboost must consist of integer labels of the form 0, 1, 2, ..., [num_class - 1]. This means that the labels must be sequential integers starting from 0 up to the total number of classes minus 1. For example, if there are 3 classes, the labels should be 0, 1, and 2. If the labels are not in this format, xgboost may not be able to train the model properly.
## 导入 XGBoost 模型
from xgboost.sklearn import XGBClassifier
## 定义 XGBoost 模型 
clf = XGBClassifier(use_label_encoder=False)
# 在训练集上训练 XGBoost 模型
clf.fit(x_train, y_train)

#https://cloud.tencent.com/developer/ask/sof/913362/answer/1303557
[17:34:10] WARNING: ../src/learner.cc:1061: Starting in XGBoost 1.3.0, the default evaluation metric used with the objective 'binary:logistic' was changed from 'error' to 'logloss'. Explicitly set eval_metric if you'd like to restore the old behavior.





XGBClassifier(base_score=0.5, booster='gbtree', colsample_bylevel=1,
              colsample_bynode=1, colsample_bytree=1, gamma=0, gpu_id=-1,
              importance_type='gain', interaction_constraints='',
              learning_rate=0.300000012, max_delta_step=0, max_depth=6,
              min_child_weight=1, missing=nan, monotone_constraints='()',
              n_estimators=100, n_jobs=24, num_parallel_tree=1, random_state=0,
              reg_alpha=0, reg_lambda=1, scale_pos_weight=1, subsample=1,
              tree_method='exact', use_label_encoder=False,
              validate_parameters=1, verbosity=None)



## 在训练集和测试集上散布利用训练好的模型进行预测
train_predict = clf.predict(x_train)
test_predict = clf.predict(x_test)
from sklearn import metrics

## 利用 accuracy(准确度)【预测正确的样本数目占总预测样本数目标比例】评估模型成果
print('The accuracy of the Logistic Regression is:',metrics.accuracy_score(y_train,train_predict))
print('The accuracy of the Logistic Regression 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()
The accuracy of the Logistic Regression is: 0.8982476703979371
The accuracy of the Logistic Regression is: 0.8575179333302076
The confusion matrix result:
 [[15656  2142]
 [897  2634]]



咱们能够发现共有 15759 + 2306 个样本预测正确,2470 + 794 个样本预测谬误。

3.3.1 特征选择

Step7: 利用 XGBoost 进行特征选择

XGBoost 的特征选择属于特征选择中的嵌入式办法,在 XGboost 中能够用属性 feature_importances_去查看特色的重要度。

? sns.barplot
sns.barplot(y=data_features_part.columns, x=clf.feature_importances_)

从图中咱们能够发现下午 3 点的湿度与明天是否下雨是决定第二天是否下雨最重要的因素

首次之外,咱们还能够应用 XGBoost 中的下列重要属性来评估特色的重要性。

  • weight: 是以特色用到的次数来评估
  • gain: 当利用特色做划分的时候的评估基尼指数
  • cover: 利用一个笼罩样本的指标二阶导数(具体原理不分明有待探索)平均值来划分。
  • total_gain: 总基尼指数
  • total_cover: 总笼罩
from sklearn.metrics import accuracy_score
from xgboost import plot_importance

def estimate(model,data):

    #sns.barplot(data.columns,model.feature_importances_)
    ax1=plot_importance(model,importance_type="gain")
    ax1.set_title('gain')
    ax2=plot_importance(model, importance_type="weight")
    ax2.set_title('weight')
    ax3 = plot_importance(model, importance_type="cover")
    ax3.set_title('cover')
    plt.show()
def classes(data,label,test):
    model=XGBClassifier()
    model.fit(data,label)
    ans=model.predict(test)
    estimate(model, data)
    return ans
 
ans=classes(x_train,y_train,x_test)
pre=accuracy_score(y_test, ans)
print('acc=',accuracy_score(y_test,ans))
/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/xgboost/sklearn.py:888: UserWarning: The use of label encoder in XGBClassifier is deprecated and will be removed in a future release. To remove this warning, do the following: 1) Pass option use_label_encoder=False when constructing XGBClassifier object; and 2) Encode your labels (y) as integers starting with 0, i.e. 0, 1, 2, ..., [num_class - 1].
  warnings.warn(label_encoder_deprecation_msg, UserWarning)


[17:34:28] WARNING: ../src/learner.cc:1061: Starting in XGBoost 1.3.0, the default evaluation metric used with the objective 'binary:logistic' was changed from 'error' to 'logloss'. Explicitly set eval_metric if you'd like to restore the old behavior.






acc= 0.8575179333302076

这些图同样能够帮忙咱们更好的理解其余重要特色。

Step8: 通过调整参数取得更好的成果

XGBoost 中包含但不限于下列对模型影响较大的参数:

1. learning_rate: 有时也叫作 eta,零碎默认值为 0.3。每一步迭代的步长,很重要。太大了运行准确率不高,太小了运行速度慢。2. subsample:零碎默认为 1。这个参数管制对于每棵树,随机采样的比例。减小这个参数的值,算法会更加激进,防止过拟合, 取值范畴零到一。3. colsample_bytree:零碎默认值为 1。咱们个别设置成 0.8 左右。用来管制每棵随机采样的列数的占比(每一列是一个特色)。4. max_depth:零碎默认值为 6,咱们罕用 3 -10 之间的数字。这个值为树的最大深度。这个值是用来管制过拟合的。max_depth 越大,模型学习的更加具体。

3.3.2 外围参数调优

1.eta[默认 0.3]
通过为每一颗树减少权重,进步模型的鲁棒性。
典型值为 0.01-0.2。

2.min_child_weight[默认 1]
决定最小叶子节点样本权重和。
这个参数能够防止过拟合。当它的值较大时,能够防止模型学习到部分的非凡样本。
然而如果这个值过高,则会导致模型拟合不充沛。

3.max_depth[默认 6]
这个值也是用来防止过拟合的。max_depth 越大,模型会学到更具体更部分的样本。
典型值:3-10

4.max_leaf_nodes
树上最大的节点或叶子的数量。
能够代替 max_depth 的作用。
这个参数的定义会导致疏忽 max_depth 参数。

5.gamma[默认 0]
在节点决裂时,只有决裂后损失函数的值降落了,才会决裂这个节点。Gamma 指定了节点决裂所需的最小损失函数降落值。
这个参数的值越大,算法越激进。这个参数的值和损失函数非亲非故。

6.max_delta_step[默认 0]
这参数限度每棵树权重扭转的最大步长。如果这个参数的值为 0,那就意味着没有束缚。如果它被赋予了某个正值,那么它会让这个算法更加激进。
然而当各类别的样本非常不均衡时,它对分类问题是很有帮忙的。

7.subsample[默认 1]
这个参数管制对于每棵树,随机采样的比例。
减小这个参数的值,算法会更加激进,防止过拟合。然而,如果这个值设置得过小,它可能会导致欠拟合。
典型值:0.5-1

8.colsample_bytree[默认 1]
用来管制每棵随机采样的列数的占比 (每一列是一个特色)。
典型值:0.5-1

9.colsample_bylevel[默认 1]
用来管制树的每一级的每一次决裂,对列数的采样的占比。
subsample 参数和 colsample_bytree 参数能够起到雷同的作用,个别用不到。

10.lambda[默认 1]
权重的 L2 正则化项。(和 Ridge regression 相似)。
这个参数是用来管制 XGBoost 的正则化局部的。尽管大部分数据科学家很少用到这个参数,然而这个参数在缩小过拟合上还是能够挖掘出更多用处的。

11.alpha[默认 1]
权重的 L1 正则化项。(和 Lasso regression 相似)。
能够利用在很高维度的状况下,使得算法的速度更快。

12.scale_pos_weight[默认 1]
在各类别样本非常不均衡时,把这个参数设定为一个正值,能够使算法更快收敛。

3.3.3 网格调参法

调节模型参数的办法有贪婪算法、网格调参、贝叶斯调参等。这里咱们采纳网格调参,它的根本思维是穷举搜寻:在所有候选的参数抉择中,通过循环遍历,尝试每一种可能性,体现最好的参数就是最终的后果

## 从 sklearn 库中导入网格调参函数
from sklearn.model_selection import GridSearchCV

## 定义参数取值范畴
learning_rate = [0.1, 0.3,]
subsample = [0.8]
colsample_bytree = [0.6, 0.8]
max_depth = [3,5]

parameters = { 'learning_rate': learning_rate,
              'subsample': subsample,
              'colsample_bytree':colsample_bytree,
              'max_depth': max_depth}
model = XGBClassifier(n_estimators = 20)

## 进行网格搜寻
clf = GridSearchCV(model, parameters, cv=3, scoring='accuracy',verbose=1,n_jobs=-1)

clf = clf.fit(x_train, y_train)
## 网格搜寻后的最好参数为

clf.best_params_
## 在训练集和测试集上散布利用最好的模型参数进行预测

## 定义带参数的 XGBoost 模型 
clf = XGBClassifier(colsample_bytree = 0.6, learning_rate = 0.3, max_depth= 8, subsample = 0.9)
# 在训练集上训练 XGBoost 模型
clf.fit(x_train, y_train)

train_predict = clf.predict(x_train)
test_predict = clf.predict(x_test)

## 利用 accuracy(准确度)【预测正确的样本数目占总预测样本数目标比例】评估模型成果
print('The accuracy of the Logistic Regression is:',metrics.accuracy_score(y_train,train_predict))
print('The accuracy of the Logistic Regression 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()
/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/xgboost/sklearn.py:888: UserWarning: The use of label encoder in XGBClassifier is deprecated and will be removed in a future release. To remove this warning, do the following: 1) Pass option use_label_encoder=False when constructing XGBClassifier object; and 2) Encode your labels (y) as integers starting with 0, i.e. 0, 1, 2, ..., [num_class - 1].
  warnings.warn(label_encoder_deprecation_msg, UserWarning)


[17:55:25] WARNING: ../src/learner.cc:1061: Starting in XGBoost 1.3.0, the default evaluation metric used with the objective 'binary:logistic' was changed from 'error' to 'logloss'. Explicitly set eval_metric if you'd like to restore the old behavior.
The accuracy of the Logistic Regression is: 0.9382992439781984
The accuracy of the Logistic Regression is: 0.856674011908669
The confusion matrix result:
 [[15611  2115]
 [942  2661]]


本来有 2470 + 790 个谬误,当初有 2112 + 939 个谬误,带来了显著的正确率晋升。

更多调参技巧请参考:https://blog.csdn.net/weixin_62684026/article/details/126859262

4. 总结

XGBoost 的次要长处:

  1. 简略易用。绝对其余机器学习库,用户能够轻松应用 XGBoost 并取得相当不错的成果。
  2. 高效可扩大。在解决大规模数据集时速度快成果好,对内存等硬件资源要求不高。
  3. 鲁棒性强。绝对于深度学习模型不须要精密调参便能获得靠近的成果。
  4. XGBoost 外部实现晋升树模型,能够主动解决缺失值。

XGBoost 的次要毛病:

  1. 绝对于深度学习模型无奈对时空地位建模,不能很好地捕捉图像、语音、文本等高维数据。
  2. 在领有海量训练数据,并能找到适合的深度学习模型时,深度学习的精度能够遥遥领先 XGBoost。

本我的项目链接:https://www.heywhale.com/home/column/64141d6b1c8c8b518ba97dcc

参考链接:https://tianchi.aliyun.com/course/278/3423


自己最近打算整合 ML、DRL、NLP 等相干畛域的体系化我的项目课程,不便入门同学疾速把握相干常识。申明:局部我的项目为网络经典我的项目不便大家疾速学习,后续会一直削减实战环节(较量、论文、事实利用等)。

  • 对于机器学习这块布局为:根底入门机器学习算法 —> 简略我的项目实战 —> 数据建模较量 —–> 相干事实中利用场景问题解决。一条路线帮忙大家学习,疾速实战。
  • 对于深度强化学习这块布局为:根底单智能算法教学(gym 环境为主)—-> 支流多智能算法教学(gym 环境为主)—-> 单智能多智能题实战(论文复现偏业务如:无人机优化调度、电力资源调度等我的项目利用)
  • 自然语言解决相干布局:除了单点算法技术外,次要围绕常识图谱构建进行:信息抽取相干技术(含智能标注)—> 常识交融 —-> 常识推理 —-> 图谱利用

上述对于你把握后的期许:

  1. 对于 ML,心愿你后续能够乱杀数学建模相干较量(加入就获奖保底,top 还是难的须要钻研)
  2. 能够理论解决事实中一些优化调度问题,而非停留在 gym 环境下的一些游戏 demo 玩玩。(更深层次可能须要本人钻研了,难度还是很大的)
  3. 把握可常识图谱全流程构建其中各个重要环节算法,蕴含图数据库相干常识。

这三块畛域耦合状况比拟大,后续会通过比方:搜寻举荐零碎整个我的项目进行耦合,各项算法都会耦合在其中。举例:常识图谱就会用到(图算法、NLP、ML 相干算法),搜寻举荐零碎(除了该畛域召回粗排精排重排混排等算法外,还有强化学习、常识图谱等耦合在其中)。饼画的有点大,前面缓缓实现。

正文完
 0