首页
学习
活动
专区
圈层
工具
发布
精选内容/技术社群/优惠产品,尽在小程序
立即前往

机器学习交叉验证全指南:原理、类型与实战技巧

机器学习模型常常需要大量数据,但它们如何与实时新数据协同工作也同样关键。交叉验证是一种通过将数据集分成若干部分、在部分数据上训练模型、在其余数据上测试模型的方法,用来检验模型的表现。这有助于发现过拟合或欠拟合的问题,并预测模型在真实场景中的效果。

本指南将带你了解交叉验证的基础知识、常见类型以及提升机器学习表现的最佳实践。

前置知识

在开始实际操作交叉验证之前,请确保你已经掌握以下内容:

机器学习基础

:了解过拟合、欠拟合等概念,以及模型性能评估方法;

Python技能

:熟悉Python基础,能使用Scikit-learn、Pandas和NumPy等工具;

数据准备

:了解如何将数据划分为训练集和测试集,以及这样做的原因。

如需跟随示例操作,请确保你的电脑已安装Python及以下库:

pip install numpy pandas scikit-learn matplotlib

什么是交叉验证?

我们从头开始讲解:交叉验证是评估预测模型泛化能力和防止过拟合最常用的数据重采样方法之一。它不同于简单的训练集/测试集划分,而是通过轮换训练和测试集,更全面地考察模型表现。这样可以确保每一个数据点都有机会被测试,从而获得更可靠的性能评估指标。

交叉验证的要点

一致评估模型性能

通过多样数据子集降低偏差

通过多轮验证优化超参数

交叉验证有多种类型,不同类型适用于不同数据结构和技术场景。以下是最常用的几种方法:

1. K折交叉验证(K-Fold Cross-Validation)

流程:

数据集被分为k个子集(折)。

每次用其中k-1个子集训练模型,剩下的1个子集测试模型。

轮流将每个子集都作为测试集,重复上述过程。

最终性能指标取所有测试结果的平均值。

优点:

适用于大多数数据集

通过结果平均降低方差

注意事项:

正确选择k值(常见为5或10)

代码示例:

from sklearn.model_selection import KFold

from sklearn.linear_model import LogisticRegression

from sklearn.metrics import accuracy_score

import numpy as np

# 示例数据

X = np.random.rand(100, 5)  # 100个样本,5个特征

y = np.random.randint(0, 2, 100)  # 二分类目标变量

kf = KFold(n_splits=5)

model = LogisticRegression()

accuracies = []

for train_index, test_index in kf.split(X):

  X_train, X_test = X[train_index], X[test_index]

  y_train, y_test = y[train_index], y[test_index]

  model.fit(X_train, y_train)

  predictions = model.predict(X_test)

  accuracies.append(accuracy_score(y_test, predictions))

print("平均准确率:", np.mean(accuracies))

2. 分层K折交叉验证(Stratified K-Fold Cross-Validation)

分层K折交叉验证与普通K折类似,但它确保每个折的类别分布与整个数据集一致。这对于类别分布不均衡的数据集尤其理想。

代码示例:

from sklearn.model_selection import StratifiedKFold

skf = StratifiedKFold(n_splits=5)

accuracies = []

for train_index, test_index in skf.split(X, y):

  X_train, X_test = X[train_index], X[test_index]

  y_train, y_test = y[train_index], y[test_index]

  model.fit(X_train, y_train)

  predictions = model.predict(X_test)

  accuracies.append(accuracy_score(y_test, predictions))

print("分层平均准确率:", np.mean(accuracies))

3. 留一法交叉验证(Leave-One-Out Cross-Validation,LOOCV)

每次迭代时,留一法交叉验证将单个数据点作为测试集,其余数据用于训练。该方法极其彻底,但对于大型数据集来说计算成本极高。

代码示例:

from sklearn.model_selection import LeaveOneOut

loo = LeaveOneOut()

accuracies = []

for train_index, test_index in loo.split(X):

  X_train, X_test = X[train_index], X[test_index]

  y_train, y_test = y[train_index], y[test_index]

  model.fit(X_train, y_train)

  predictions = model.predict(X_test)

  accuracies.append(accuracy_score(y_test, predictions))

print("留一法平均准确率:", np.mean(accuracies))

4. 时间序列交叉验证(Time Series Cross-Validation)

时间序列交叉验证具有以下特点:

专为时间相关数据设计

训练集为较早时间段,测试集为较晚时间段

有助于保持数据的时间顺序

代码示例:

from sklearn.model_selection import TimeSeriesSplit

tscv = TimeSeriesSplit(n_splits=3)

accuracies = []

for train_index, test_index in tscv.split(X):

  X_train, X_test = X[train_index], X[test_index]

  y_train, y_test = y[train_index], y[test_index]

  model.fit(X_train, y_train)

  predictions = model.predict(X_test)

  accuracies.append(accuracy_score(y_test, predictions))

print("时间序列交叉验证准确率:", np.mean(accuracies))

5. 分组K折交叉验证(Group K-Fold Cross-Validation)

分组K折交叉验证的独特之处在于:

保证同一组的数据点(例如同一用户或同一批次的数据)完全出现在训练集或测试集,而不会被拆分;

能有效防止分组数据集中的数据泄漏。

代码示例:

from sklearn.model_selection import GroupKFold

# 模拟分组数据

groups = np.random.randint(0, 5, len(X))  # 5个唯一分组

gkf = GroupKFold(n_splits=5)

accuracies = []

for train_index, test_index in gkf.split(X, y, groups):

  X_train, X_test = X[train_index], X[test_index]

  y_train, y_test = y[train_index], y[test_index]

  model.fit(X_train, y_train)

  predictions = model.predict(X_test)

  accuracies.append(accuracy_score(y_test, predictions))

print("分组K折交叉验证准确率:", np.mean(accuracies))

交叉验证的优势

为什么我们在建模过程中要采用这种重采样方法?主要原因有以下几点:

提升模型可靠性

:交叉验证能提供更稳健的性能评估结果。

防止过拟合

:多次在不同数据划分下测试模型,加强模型泛化能力。

优化超参数

:有助于更好地调整模型参数,实现最佳效果。

全面评估

:确保每个数据点都能被用于训练和测试,提高利用率。

降低方差

:多次训练/测试分割带来更可靠的性能指标。

广泛适用

:无论模型简单还是复杂,交叉验证都适用。

交叉验证最佳实践

以下是使用交叉验证时应注意的重要实践建议:

选择合适的交叉验证方式

:要根据数据集特征和任务类型挑选合适的交叉验证方法。

防止数据泄漏

:测试集数据绝不能出现在训练集中。

结合网格搜索优化参数

:交叉验证常与Grid Search结合,用于超参数调优。

平衡计算成本与细致程度

:如LOOCV(留一法)虽然详尽但计算开销极大。

善用可视化

:通过可视化方式观察模型在各折上的表现变化。

可视化示例:

import matplotlib.pyplot as plt

from sklearn.datasets import make_classification

from sklearn.model_selection import KFold

X, y = make_classification(n_samples=100,

                         n_features=2,

                         n_classes=2,

                         random_state=42,

                         n_informative=2,

                         n_redundant=0)

kf = KFold(n_splits=5)

plt.figure(figsize=(10, 6))

for i, (train_index, test_index) in enumerate(kf.split(X)):

  plt.scatter(X[test_index, 0], X[test_index, 1], label=f'Fold {i + 1}')

plt.title('K折交叉验证数据集划分示意')

plt.xlabel('特征1')

plt.ylabel('特征2')

plt.legend()

plt.show()

说明

上面的可视化图展示了数据集在交叉验证下被分为5个不同折的效果,每种颜色代表每一折中的测试数据点。

总结

交叉验证是机器学习中必不可少的工具,它不仅能确保模型具备良好的泛化能力,还能为模型性能提供深入洞察。只要选择合适的交叉验证方法并遵循最佳实践,你就能打造出更健壮、可靠的模型,真正应用于现实世界问题。

  • 发表于:
  • 原文链接https://page.om.qq.com/page/OyRc5ikbam42oNQLdmCFsMWg0
  • 腾讯「腾讯云开发者社区」是腾讯内容开放平台帐号(企鹅号)传播渠道之一,根据《腾讯内容开放平台服务协议》转载发布内容。
  • 如有侵权,请联系 cloudcommunity@tencent.com 删除。

扫码

添加站长 进交流群

领取专属 10元无门槛券

私享最新 技术干货

扫码加入开发者社群
领券