
在机器学习中,模型的性能直接决定了预测的准确性。模型评估与调优是提升模型表现的关键步骤。本文将介绍常用的评估指标和调优技术,并通过实际代码示例展示如何有效提升模型的预测能力。

模型评估旨在衡量模型在未见数据上的表现。评估指标有助于了解模型的优劣,并指导调优工作。
对于分类模型,常用的评估指标包括:
from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score
# 预测结果
y_pred = model.predict(X_test)
# 评估指标
accuracy = accuracy_score(y_test, y_pred)
precision = precision_score(y_test, y_pred, average='macro')
recall = recall_score(y_test, y_pred, average='macro')
f1 = f1_score(y_test, y_pred, average='macro')
print(f"准确率: {accuracy}, 精确率: {precision}, 召回率: {recall}, F1值: {f1}")
对于回归模型,常用的评估指标包括:
from sklearn.metrics import mean_squared_error, r2_score
# 预测结果
y_pred = model.predict(X_test)
# 评估指标
mse = mean_squared_error(y_test, y_pred)
rmse = mse ** 0.5
r2 = r2_score(y_test, y_pred)
print(f"均方误差: {mse}, 均方根误差: {rmse}, 决定系数R²: {r2}")交叉验证通过将数据集分成多份进行多轮训练与测试,有效防止模型过拟合。常见的交叉验证方法包括K 折交叉验证。
from sklearn.model_selection import cross_val_score
# 进行5折交叉验证
cv_scores = cross_val_score(model, X_train, y_train, cv=5, scoring='accuracy')
print(f"5折交叉验证的平均准确率: {cv_scores.mean()}")
调优的目标是通过调整超参数、选择合适的特征等方式提升模型的表现。常见的调优技术包括网格搜索、随机搜索和模型集成。
网格搜索是一种穷举搜索方法,通过定义参数的取值范围,找到最优的超参数组合。
from sklearn.model_selection import GridSearchCV
# 定义超参数网格
param_grid = {'n_estimators': [50, 100, 200], 'max_depth': [None, 10, 20]}
# 使用网格搜索
grid_search = GridSearchCV(RandomForestClassifier(), param_grid, cv=5)
grid_search.fit(X_train, y_train)
print("最佳参数:", grid_search.best_params_)随机搜索与网格搜索类似,但它通过在参数空间中随机采样,降低了搜索成本,适用于参数范围广的情况。
from sklearn.model_selection import RandomizedSearchCV
# 随机搜索
random_search = RandomizedSearchCV(RandomForestClassifier(), param_distributions=param_grid, n_iter=10, cv=5)
random_search.fit(X_train, y_train)
print("最佳参数:", random_search.best_params_)集成学习通过组合多个模型的预测结果来提升性能。常见的集成方法包括袋装法(Bagging)**和**提升法(Boosting)。
随机森林是一种基于决策树的袋装法模型,具有较强的泛化能力。
from sklearn.ensemble import RandomForestClassifier
# 创建随机森林模型
rf_model = RandomForestClassifier(n_estimators=100, random_state=42)
rf_model.fit(X_train, y_train)梯度提升通过迭代地训练多个弱学习器来逐步优化模型。
from sklearn.ensemble import GradientBoostingClassifier
# 创建梯度提升模型
gb_model = GradientBoostingClassifier(n_estimators=100, learning_rate=0.1)
gb_model.fit(X_train, y_train)
正则化通过对模型的复杂度进行惩罚,防止过拟合。L1 正则化可用于特征选择,而 L2 正则化通过缩小参数减少过拟合。
from sklearn.linear_model import Ridge, Lasso
# L2 正则化(Ridge)
ridge_model = Ridge(alpha=1.0)
ridge_model.fit(X_train, y_train)
# L1 正则化(Lasso)
lasso_model = Lasso(alpha=0.1)
lasso_model.fit(X_train, y_train)选择合适的特征可以提升模型的性能,并减少不必要的噪声。我们可以使用递归特征消除(RFE) 或基于模型的特征选择方法。
from sklearn.feature_selection import RFE
from sklearn.linear_model import LogisticRegression
# 使用逻辑回归进行递归特征消除
rfe = RFE(LogisticRegression(), n_features_to_select=5)
rfe.fit(X_train, y_train)
print("选择的特征:", rfe.support_)在大型数据集和复杂模型上,手动调优会非常耗时。我们可以使用自动化工具如 Optuna 或 Hyperopt 来进行高效的超参数优化。
import optuna
# 定义目标函数进行调优
def objective(trial):
    n_estimators = trial.suggest_int('n_estimators', 50, 200)
    max_depth = trial.suggest_int('max_depth', 3, 10)
    model = RandomForestClassifier(n_estimators=n_estimators, max_depth=max_depth)
    return cross_val_score(model, X_train, y_train, cv=5, scoring='accuracy').mean()
# 创建和运行调优
study = optuna.create_study(direction='maximize')
study.optimize(objective, n_trials=100)
print("最佳参数:", study.best_params)
模型调优的关键在于平衡过拟合和欠拟合。过拟合的模型表现出很高的训练精度,但在测试集上表现较差,而欠拟合的模型在训练集上也表现不佳。
from sklearn.preprocessing import PolynomialFeatures
# 使用多项式特征增加模型复杂度,解决欠拟合
poly = PolynomialFeatures(degree=2)
X_poly_train = poly.fit_transform(X_train)
X_poly_test = poly.transform(X_test)
model.fit(X_poly_train, y_train)通过系统的模型评估和调优,可以有效提升机器学习模型的预测准确性。本文介绍了常用的评估指标、交叉验证、超参数调优技术,并通过代码展示了如何提升模型性能。在实际项目中,评估与调优是提升模型效果的核心环节。