Python打卡第13天@浙大疏锦行

@浙大疏锦行

不平衡数据集的处理

数据预处理

# 先运行之前预处理好的代码
import pandas as pd
import pandas as pd    #用于数据处理和分析,可处理表格数据。
import numpy as np     #用于数值计算,提供了高效的数组操作。
import matplotlib.pyplot as plt    #用于绘制各种类型的图表
import seaborn as sns   #基于matplotlib的高级绘图库,能绘制更美观的统计图形。
import warnings
warnings.filterwarnings("ignore")
 
 # 设置中文字体(解决中文显示问题)
plt.rcParams['font.sans-serif'] = ['SimHei']  # Windows系统常用黑体字体
plt.rcParams['axes.unicode_minus'] = False    # 正常显示负号
data = pd.read_csv('data.csv')    #读取数据


# 先筛选字符串变量 
discrete_features = data.select_dtypes(include=['object']).columns.tolist()
# Home Ownership 标签编码
home_ownership_mapping = {
    'Own Home': 1,
    'Rent': 2,
    'Have Mortgage': 3,
    'Home Mortgage': 4
}
data['Home Ownership'] = data['Home Ownership'].map(home_ownership_mapping)

# Years in current job 标签编码
years_in_job_mapping = {
    '< 1 year': 1,
    '1 year': 2,
    '2 years': 3,
    '3 years': 4,
    '4 years': 5,
    '5 years': 6,
    '6 years': 7,
    '7 years': 8,
    '8 years': 9,
    '9 years': 10,
    '10+ years': 11
}
data['Years in current job'] = data['Years in current job'].map(years_in_job_mapping)

# Purpose 独热编码,记得需要将bool类型转换为数值
data = pd.get_dummies(data, columns=['Purpose'])
data2 = pd.read_csv("data.csv") # 重新读取数据,用来做列名对比
list_final = [] # 新建一个空列表,用于存放独热编码后新增的特征名
for i in data.columns:
    if i not in data2.columns:
       list_final.append(i) # 这里打印出来的就是独热编码后的特征名
for i in list_final:
    data[i] = data[i].astype(int) # 这里的i就是独热编码后的特征名



# Term 0 - 1 映射
term_mapping = {
    'Short Term': 0,
    'Long Term': 1
}
data['Term'] = data['Term'].map(term_mapping)
data.rename(columns={'Term': 'Long Term'}, inplace=True) # 重命名列
continuous_features = data.select_dtypes(include=['int64', 'float64']).columns.tolist()  #把筛选出来的列名转换成列表
 
 # 连续特征用中位数补全
for feature in continuous_features:     
    mode_value = data[feature].mode()[0]            #获取该列的众数。
    data[feature].fillna(mode_value, inplace=True)          #用众数填充该列的缺失值,inplace=True表示直接在原数据上修改。

# 最开始也说了 很多调参函数自带交叉验证,甚至是必选的参数,你如果想要不交叉反而实现起来会麻烦很多
# 所以这里我们还是只划分一次数据集
from sklearn.model_selection import train_test_split
X = data.drop(['Credit Default'], axis=1)  # 特征,axis=1表示按列删除
y = data['Credit Default'] # 标签
# 按照8:2划分训练集和测试集
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)  # 80%训练集,20%测试集

基准模型

输入:


from sklearn.ensemble import RandomForestClassifier #随机森林分类器

from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score # 用于评估分类器性能的指标
from sklearn.metrics import classification_report, confusion_matrix #用于生成分类报告和混淆矩阵
import warnings #用于忽略警告信息
warnings.filterwarnings("ignore") # 忽略所有警告信息
# --- 1. 默认参数的随机森林 ---
# 评估基准模型,这里确实不需要验证集
print("--- 1. 默认参数随机森林 (训练集 -> 测试集) ---")
import time # 这里介绍一个新的库,time库,主要用于时间相关的操作,因为调参需要很长时间,记录下会帮助后人知道大概的时长
start_time = time.time() # 记录开始时间
rf_model = RandomForestClassifier(random_state=42)
rf_model.fit(X_train, y_train) # 在训练集上训练
rf_pred = rf_model.predict(X_test) # 在测试集上预测
end_time = time.time() # 记录结束时间

print(f"训练与预测耗时: {end_time - start_time:.4f} 秒")
print("\n默认随机森林 在测试集上的分类报告:")
print(classification_report(y_test, rf_pred))
print("默认随机森林 在测试集上的混淆矩阵:")
print(confusion_matrix(y_test, rf_pred))

输出:

--- 1. 默认参数随机森林 (训练集 -> 测试集) ---
训练与预测耗时: 1.3024 秒

默认随机森林 在测试集上的分类报告:
              precision    recall  f1-score   support

           0       0.77      0.97      0.86      1059
           1       0.79      0.30      0.43       441

    accuracy                           0.77      1500
   macro avg       0.78      0.63      0.64      1500
weighted avg       0.77      0.77      0.73      1500

默认随机森林 在测试集上的混淆矩阵:
[[1023   36]
 [ 309  132]]

过采样

过采样一般包含2种做法:随机采样和SMOTE
过采样是把少的类别补充和多的类别一样多,欠采样是把多的类别减少和少的类别一样
一般都是缺数据,所以很少用欠采样

随机过采样ROS

随机过采样是从少数类中随机选择样本,并将其复制后添加到训练集。
随机过采样的步骤如下:

1. 确定少数类的样本数。
2. 从少数类中随机选择样本,并将其复制。
3. 将复制的样本添加到训练集。

随机过采样的优点是,它可以增加少数类的样本数,从而提高模型的泛化能力。小。

随机过采样的缺点是,它可能会增加训练集的大小,从而增加训练时间。此外,它可能会增加噪声,并且可能会增加模型的偏差。

输入:

# 以下是添加的过采样代码

# 1. 随机过采样
from imblearn.over_sampling import RandomOverSampler
ros = RandomOverSampler(random_state=42) # 创建随机过采样对象
X_train_ros, y_train_ros = ros.fit_resample(X_train, y_train) # 对训练集进行随机过采样

print("随机过采样后训练集的形状:", X_train_ros.shape, y_train_ros.shape) 

# 训练随机森林模型(使用随机过采样后的训练集)
rf_model_ros = RandomForestClassifier(random_state=42)
start_time_ros = time.time()
rf_model_ros.fit(X_train_ros, y_train_ros)
end_time_ros = time.time()

print(f"随机过采样后训练与预测耗时: {end_time_ros - start_time_ros:.4f} 秒")

# 在测试集上预测
rf_pred_ros = rf_model_ros.predict(X_test)

print("\n随机过采样后随机森林 在测试集上的分类报告:")
print(classification_report(y_test, rf_pred_ros))
print("随机过采样后随机森林 在测试集上的混淆矩阵:")
print(confusion_matrix(y_test, rf_pred_ros))


输出:

随机过采样后训练集的形状: (8656, 31) (8656,)
随机过采样后训练与预测耗时: 2.2413 秒

随机过采样后随机森林 在测试集上的分类报告:
              precision    recall  f1-score   support

           0       0.77      0.93      0.84      1059
           1       0.67      0.34      0.46       441

    accuracy                           0.76      1500
   macro avg       0.72      0.64      0.65      1500
weighted avg       0.74      0.76      0.73      1500

随机过采样后随机森林 在测试集上的混淆矩阵:
[[985  74]
 [289 152]]

smote过采样

smote过采样是合成样本的方法。
1. 对于少数类中的每个样本,计算它与少数类中其他样本的距离,得到其$k$近邻(一般$k$取5或其他合适的值)。
2. 从K近邻中随机选择一个样本。
3. 计算选定的近邻样本与原始样本之间的差值。
4. 生成一个在0到1之间的随机数。
5. 将差值乘以随机数,然后加到原始样本上,得到一个新的合成样本。
6. 重复上述步骤,直到合成出足够数量的少数类样本,使得少数类和多数类样本数量达到某种平衡。
7. 使用过采样后的数据集训练模型并评估模型性能。

SMOTE的核心思想是通过在少数类样本的特征空间中进行插值来合成新的样本

输入:

# 2. SMOTE过采样
from imblearn.over_sampling import SMOTE 
smote = SMOTE(random_state=42)
X_train_smote, y_train_smote = smote.fit_resample(X_train, y_train)

print("SMOTE过采样后训练集的形状:", X_train_smote.shape, y_train_smote.shape)

# 训练随机森林模型(使用SMOTE过采样后的训练集)
rf_model_smote = RandomForestClassifier(random_state=42)
start_time_smote = time.time()
rf_model_smote.fit(X_train_smote, y_train_smote)
end_time_smote = time.time()

print(f"SMOTE过采样后训练与预测耗时: {end_time_smote - start_time_smote:.4f} 秒")

# 在测试集上预测
rf_pred_smote = rf_model_smote.predict(X_test)

print("\nSMOTE过采样后随机森林 在测试集上的分类报告:")
print(classification_report(y_test, rf_pred_smote))
print("SMOTE过采样后随机森林 在测试集上的混淆矩阵:")
print(confusion_matrix(y_test, rf_pred_smote))

输出:

SMOTE过采样后训练集的形状: (8656, 31) (8656,)
SMOTE过采样后训练与预测耗时: 1.8636 秒

SMOTE过采样后随机森林 在测试集上的分类报告:
              precision    recall  f1-score   support

           0       0.77      0.92      0.84      1059
           1       0.64      0.35      0.45       441

    accuracy                           0.75      1500
   macro avg       0.70      0.63      0.64      1500
weighted avg       0.73      0.75      0.72      1500

SMOTE过采样后随机森林 在测试集上的混淆矩阵:
[[972  87]
 [288 153]]

修改权重

在处理类别不平衡的数据集时,标准机器学习算法(如默认的随机森林)可能会过度偏向多数类,导致对少数类的预测性能很差。为了解决这个问题,常用的策略包括在数据层面(采样)和算法层面进行调整。本文重点讨论两种算法层面的方法:修改类别权重修改分类阈值

修改类别权重 

核心思想:为不同类别的错误分类分配不同的“代价”或“权重”。通常,将少数类样本错分为多数类的代价设置得远高于反过来的情况。
作用机制:修改模型的**损失函数**。当模型错误分类一个具有高权重的少数类样本时,会受到更大的惩罚(更高的损失值)。
目的: 迫使学习算法在优化参数时更加关注少数类,努力学习到一个能够更好地区分少数类的决策边界。它试图从根本上让模型“学会”识别少数类。
影响:直接改变模型的**参数学习过程**和最终学到的**模型本身**。

举个例子

  • 医疗诊断

    • 健康人(多) vs 癌症患者(少)

    • 漏诊癌症后果严重 → 给癌症样本高权重(如10倍)

  • 效果:模型宁可误判健康人,也要尽量找出所有癌症患者。

输入:

import numpy as np # 引入 numpy 用于计算平均值等
from sklearn.ensemble import RandomForestClassifier
from sklearn.model_selection import StratifiedKFold, cross_validate # 引入分层 K 折和交叉验证工具
from sklearn.metrics import make_scorer, accuracy_score, precision_score, recall_score, f1_score, confusion_matrix, classification_report
import time
import warnings
warnings.filterwarnings("ignore")

# 假设 X_train, y_train, X_test, y_test 已经准备好
# X_train, y_train 用于交叉验证和最终模型训练
# X_test, y_test 用于最终评估

# --- 1. 默认参数的随机森林 (原始代码,作为对比基准) ---
print("--- 1. 默认参数随机森林 (训练集 -> 测试集) ---")
start_time = time.time()
rf_model_default = RandomForestClassifier(random_state=42)
rf_model_default.fit(X_train, y_train)
rf_pred_default = rf_model_default.predict(X_test)
end_time = time.time()
print(f"默认模型训练与预测耗时: {end_time - start_time:.4f} 秒")
print("\n默认随机森林 在测试集上的分类报告:")
print(classification_report(y_test, rf_pred_default))
print("默认随机森林 在测试集上的混淆矩阵:")
print(confusion_matrix(y_test, rf_pred_default))
print("-" * 50)


# --- 2. 带权重的随机森林 + 交叉验证 (在训练集上进行CV) ---
print("--- 2. 带权重随机森林 + 交叉验证 (在训练集上进行) ---")

# 确定少数类标签 (非常重要!)
# 假设是二分类问题,我们需要知道哪个是少数类标签才能正确解读 recall, precision, f1
# 例如,如果标签是 0 和 1,可以这样查看:
counts = np.bincount(y_train)
minority_label = np.argmin(counts) # 找到计数最少的类别的标签
majority_label = np.argmax(counts)
print(f"训练集中各类别数量: {counts}")
print(f"少数类标签: {minority_label}, 多数类标签: {majority_label}")
# !!下面的 scorer 将使用这个 minority_label !!

# 定义带权重的模型
rf_model_weighted = RandomForestClassifier(
    random_state=42,
    class_weight='balanced'  # 关键:自动根据类别频率调整权重
    # class_weight={minority_label: 10, majority_label: 1} # 或者可以手动设置权重字典
)

# 设置交叉验证策略 (使用 StratifiedKFold 保证每折类别比例相似)
cv_strategy = StratifiedKFold(n_splits=5, shuffle=True, random_state=42) # 5折交叉验证

# 定义用于交叉验证的评估指标
# 特别关注少数类的指标,使用 make_scorer 指定 pos_label
# 注意:如果你的少数类标签不是 1,需要修改 pos_label
scoring = {
    'accuracy': 'accuracy',
    'precision_minority': make_scorer(precision_score, pos_label=minority_label, zero_division=0),
    'recall_minority': make_scorer(recall_score, pos_label=minority_label),
    'f1_minority': make_scorer(f1_score, pos_label=minority_label)
}

print(f"开始进行 {cv_strategy.get_n_splits()} 折交叉验证...")
start_time_cv = time.time()

# 执行交叉验证 (在 X_train, y_train 上进行)
# cross_validate 会自动完成训练和评估过程
cv_results = cross_validate(
    estimator=rf_model_weighted,
    X=X_train,
    y=y_train,
    cv=cv_strategy,
    scoring=scoring,
    n_jobs=-1, # 使用所有可用的 CPU 核心
    return_train_score=False # 通常我们更关心测试折的得分
)

end_time_cv = time.time()
print(f"交叉验证耗时: {end_time_cv - start_time_cv:.4f} 秒")

# 打印交叉验证结果的平均值
print("\n带权重随机森林 交叉验证平均性能 (基于训练集划分):")
for metric_name, scores in cv_results.items():
    if metric_name.startswith('test_'): # 我们关心的是在验证折上的表现
         # 提取指标名称(去掉 'test_' 前缀)
        clean_metric_name = metric_name.split('test_')[1]
        print(f"  平均 {clean_metric_name}: {np.mean(scores):.4f} (+/- {np.std(scores):.4f})")

print("-" * 50)


# --- 3. 使用权重训练最终模型,并在测试集上评估 ---
print("--- 3. 训练最终的带权重模型 (整个训练集) 并在测试集上评估 ---")
start_time_final = time.time()
# 使用与交叉验证中相同的设置来训练最终模型
rf_model_weighted_final = RandomForestClassifier(
    random_state=42,
    class_weight='balanced'
)
rf_model_weighted_final.fit(X_train, y_train) # 在整个训练集上训练
rf_pred_weighted = rf_model_weighted_final.predict(X_test) # 在测试集上预测
end_time_final = time.time()

print(f"最终带权重模型训练与预测耗时: {end_time_final - start_time_final:.4f} 秒")
print("\n带权重随机森林 在测试集上的分类报告:")
# 确保 classification_report 也关注少数类 (可以通过 target_names 参数指定标签名称)
# 或者直接查看报告中少数类标签对应的行
print(classification_report(y_test, rf_pred_weighted)) # , target_names=[f'Class {majority_label}', f'Class {minority_label}'] 如果需要指定名称
print("带权重随机森林 在测试集上的混淆矩阵:")
print(confusion_matrix(y_test, rf_pred_weighted))
print("-" * 50)

# 对比总结 (简单示例)
print("性能对比 (测试集上的少数类召回率 Recall):")
recall_default = recall_score(y_test, rf_pred_default, pos_label=minority_label)
recall_weighted = recall_score(y_test, rf_pred_weighted, pos_label=minority_label)
print(f"  默认模型: {recall_default:.4f}")
print(f"  带权重模型: {recall_weighted:.4f}")

输出:

--- 1. 默认参数随机森林 (训练集 -> 测试集) ---
默认模型训练与预测耗时: 1.3977 秒

默认随机森林 在测试集上的分类报告:
              precision    recall  f1-score   support

           0       0.77      0.97      0.86      1059
           1       0.79      0.30      0.43       441

    accuracy                           0.77      1500
   macro avg       0.78      0.63      0.64      1500
weighted avg       0.77      0.77      0.73      1500

默认随机森林 在测试集上的混淆矩阵:
[[1023   36]
 [ 309  132]]
--------------------------------------------------
--- 2. 带权重随机森林 + 交叉验证 (在训练集上进行) ---
训练集中各类别数量: [4328 1672]
少数类标签: 1, 多数类标签: 0
开始进行 5 折交叉验证...
交叉验证耗时: 3.0567 秒

带权重随机森林 交叉验证平均性能 (基于训练集划分):
  平均 accuracy: 0.7798 (+/- 0.0085)
  平均 precision_minority: 0.8291 (+/- 0.0182)
  平均 recall_minority: 0.2650 (+/- 0.0400)
  平均 f1_minority: 0.3998 (+/- 0.0455)
--------------------------------------------------
--- 3. 训练最终的带权重模型 (整个训练集) 并在测试集上评估 ---
最终带权重模型训练与预测耗时: 1.2516 秒

带权重随机森林 在测试集上的分类报告:
              precision    recall  f1-score   support

           0       0.76      0.97      0.86      1059
           1       0.81      0.27      0.41       441

    accuracy                           0.77      1500
   macro avg       0.78      0.62      0.63      1500
weighted avg       0.78      0.77      0.72      1500

带权重随机森林 在测试集上的混淆矩阵:
[[1030   29]
 [ 320  121]]
--------------------------------------------------
性能对比 (测试集上的少数类召回率 Recall):
  默认模型: 0.2993
  带权重模型: 0.2744

修改分类阈值

核心思想:改变将模型输出的概率(或得分)映射到最终类别标签的门槛。
作用机制:模型通常输出一个样本属于正类(通常设为少数类)的概率 `p`。默认情况下,如果 `p > 0.5`,则预测为正类。修改阈值意味着改变这个 `0.5`,例如,如果要求更高的召回率,可以将阈值降低(如 `p > 0.3` 就预测为正类)。
目的:不改变已训练好的模型的情况下,根据业务需求调整精确率(Precision)和召回率(Recall)之间的权衡。通常用于提高少数类的召回率(但可能会牺牲精确率)。
影响:不改变模型学到的参数或决策边界本身,只改变如何解释模型的输出。
优点:
    实现简单,无需重新训练模型。
    非常直观,可以直接在 PR 曲线或 ROC 曲线上选择操作点。
    适用于任何输出概率或分数的模型。
缺点:
    治标不治本。如果模型本身就没学好如何区分少数类(概率输出普遍很低),单纯降低阈值可能效果有限或导致大量误报(低精确率)。

输入:

import numpy as np
from sklearn.ensemble import RandomForestClassifier
from sklearn.model_selection import StratifiedKFold, cross_validate
from sklearn.metrics import make_scorer, accuracy_score, precision_score, recall_score, f1_score, confusion_matrix, classification_report
import time
import warnings
warnings.filterwarnings("ignore")

# --- 1. 默认参数的随机森林 (原始代码,作为对比基准) ---
print("--- 1. 默认参数随机森林 (训练集 -> 测试集) ---")
start_time = time.time()
rf_model_default = RandomForestClassifier(random_state=42)
rf_model_default.fit(X_train, y_train)
rf_pred_default = rf_model_default.predict(X_test)
end_time = time.time()
print(f"默认模型训练与预测耗时: {end_time - start_time:.4f} 秒")
print("\n默认随机森林 在测试集上的分类报告:")
print(classification_report(y_test, rf_pred_default))
print("默认随机森林 在测试集上的混淆矩阵:")
print(confusion_matrix(y_test, rf_pred_default))
print("-" * 50)

# --- 2. 阈值调整的随机森林 + 交叉验证 (在训练集上进行CV) ---
print("--- 2. 阈值调整随机森林 + 交叉验证 (在训练集上进行) ---")

# 确定少数类标签
counts = np.bincount(y_train)
minority_label = np.argmin(counts)
majority_label = np.argmax(counts)
print(f"训练集中各类别数量: {counts}")
print(f"少数类标签: {minority_label}, 多数类标签: {majority_label}")

# 定义要测试的阈值列表
thresholds = [0.3, 0.4, 0.5, 0.6]  # 可根据业务需求调整

# 定义评估函数(使用概率和阈值进行预测)
def custom_predict(estimator, X, threshold):
    proba = estimator.predict_proba(X)[:, 1]  # 获取正类概率
    return (proba >= threshold).astype(int)

# 设置交叉验证策略
cv_strategy = StratifiedKFold(n_splits=5, shuffle=True, random_state=42)

# 定义评估指标
scoring = {
    'accuracy': 'accuracy',
    'precision_minority': make_scorer(precision_score, pos_label=minority_label, zero_division=0),
    'recall_minority': make_scorer(recall_score, pos_label=minority_label),
    'f1_minority': make_scorer(f1_score, pos_label=minority_label)
}

# 初始化模型(使用默认参数)
rf_model = RandomForestClassifier(random_state=42)

print(f"开始进行 {cv_strategy.get_n_splits()} 折交叉验证...")
start_time_cv = time.time()

# 存储各阈值的最佳得分
threshold_results = []

for threshold in thresholds:
    print(f"\n测试阈值: {threshold:.2f}")
    
    # 自定义评分函数(使用当前阈值)
    def scorer(estimator, X, y):
        y_pred = custom_predict(estimator, X, threshold)
        return {
            'accuracy': accuracy_score(y, y_pred),
            'precision': precision_score(y, y_pred, pos_label=minority_label, zero_division=0),
            'recall': recall_score(y, y_pred, pos_label=minority_label),
            'f1': f1_score(y, y_pred, pos_label=minority_label)
        }
    
    # 执行交叉验证
    cv_results = cross_validate(
        estimator=rf_model,
        X=X_train,
        y=y_train,
        cv=cv_strategy,
        scoring=scoring,
        n_jobs=-1,
        return_train_score=False
    )
    
    # 存储结果
    threshold_results.append({
        'threshold': threshold,
        'recall_mean': np.mean(cv_results['test_recall_minority']),
        'precision_mean': np.mean(cv_results['test_precision_minority']),
        'f1_mean': np.mean(cv_results['test_f1_minority'])
    })
    
    # 打印当前阈值结果
    print("交叉验证平均得分:")
    for metric in ['accuracy', 'precision_minority', 'recall_minority', 'f1_minority']:
        scores = cv_results[f'test_{metric}']
        print(f"  {metric}: {np.mean(scores):.4f} (±{np.std(scores):.4f})")

end_time_cv = time.time()
print(f"\n交叉验证总耗时: {end_time_cv - start_time_cv:.4f} 秒")

# 选择最佳阈值(基于F1分数)
best_threshold = max(threshold_results, key=lambda x: x['f1_mean'])['threshold']
print(f"\n最佳阈值选择: {best_threshold:.2f} (基于F1分数)")

print("-" * 50)

# --- 3. 使用最佳阈值训练最终模型,并在测试集上评估 ---
print("--- 3. 训练最终模型并使用最佳阈值预测 (整个训练集) ---")
start_time_final = time.time()

# 训练模型(使用默认参数)
rf_model_final = RandomForestClassifier(random_state=42)
rf_model_final.fit(X_train, y_train)

# 使用最佳阈值进行预测
prob_weighted = rf_model_final.predict_proba(X_test)[:, 1]
rf_pred_threshold = (prob_weighted >= best_threshold).astype(int)

end_time_final = time.time()
print(f"最终模型训练与预测耗时: {end_time_final - start_time_final:.4f} 秒")

print("\n阈值调整随机森林 在测试集上的分类报告:")
print(classification_report(y_test, rf_pred_threshold))
print("阈值调整随机森林 在测试集上的混淆矩阵:")
print(confusion_matrix(y_test, rf_pred_threshold))
print("-" * 50)

# 对比总结
print("性能对比 (测试集上的少数类召回率 Recall):")
recall_default = recall_score(y_test, rf_pred_default, pos_label=minority_label)
recall_threshold = recall_score(y_test, rf_pred_threshold, pos_label=minority_label)
print(f"  默认模型(阈值0.5): {recall_default:.4f}")
print(f"  阈值调整模型(阈值{best_threshold:.2f}): {recall_threshold:.4f}")

输出:

--- 1. 默认参数随机森林 (训练集 -> 测试集) ---
默认模型训练与预测耗时: 2.3663 秒

默认随机森林 在测试集上的分类报告:
              precision    recall  f1-score   support

           0       0.77      0.97      0.86      1059
           1       0.79      0.30      0.43       441

    accuracy                           0.77      1500
   macro avg       0.78      0.63      0.64      1500
weighted avg       0.77      0.77      0.73      1500

默认随机森林 在测试集上的混淆矩阵:
[[1023   36]
 [ 309  132]]
--------------------------------------------------
--- 2. 阈值调整随机森林 + 交叉验证 (在训练集上进行) ---
训练集中各类别数量: [4328 1672]
少数类标签: 1, 多数类标签: 0
开始进行 5 折交叉验证...

测试阈值: 0.30
交叉验证平均得分:
  accuracy: 0.7775 (±0.0084)
  precision_minority: 0.7864 (±0.0253)
  recall_minority: 0.2782 (±0.0453)
  f1_minority: 0.4085 (±0.0477)

测试阈值: 0.40
交叉验证平均得分:
  accuracy: 0.7775 (±0.0084)
  precision_minority: 0.7864 (±0.0253)
  recall_minority: 0.2782 (±0.0453)
  f1_minority: 0.4085 (±0.0477)

测试阈值: 0.50
交叉验证平均得分:
  accuracy: 0.7775 (±0.0084)
  precision_minority: 0.7864 (±0.0253)
  recall_minority: 0.2782 (±0.0453)
  f1_minority: 0.4085 (±0.0477)

测试阈值: 0.60
交叉验证平均得分:
  accuracy: 0.7775 (±0.0084)
  precision_minority: 0.7864 (±0.0253)
  recall_minority: 0.2782 (±0.0453)
  f1_minority: 0.4085 (±0.0477)

交叉验证总耗时: 34.5586 秒

最佳阈值选择: 0.30 (基于F1分数)
--------------------------------------------------
--- 3. 训练最终模型并使用最佳阈值预测 (整个训练集) ---
最终模型训练与预测耗时: 1.4368 秒

阈值调整随机森林 在测试集上的分类报告:
              precision    recall  f1-score   support

           0       0.82      0.69      0.75      1059
           1       0.46      0.64      0.53       441

    accuracy                           0.67      1500
   macro avg       0.64      0.66      0.64      1500
weighted avg       0.71      0.67      0.69      1500

阈值调整随机森林 在测试集上的混淆矩阵:
[[729 330]
 [160 281]]
--------------------------------------------------
性能对比 (测试集上的少数类召回率 Recall):
  默认模型(阈值0.5): 0.2993
  阈值调整模型(阈值0.30): 0.6372



小总结

输出结果不尽人意,可能是没有具体到位,也有可能是方法不适合数据,但是调参方法是值得学习和应用的。

疏锦行学长的实践建议

1.  评估指标先行:明确你的目标,使用适合不平衡数据的指标(Recall, F1-Score, AUC-PR, Balanced Accuracy, MCC)来评估模型。
2.  优先尝试根本方法:通常建议首先尝试修改权重 (`class_weight='balanced'`)或 数据采样方法 (如 SMOTE),因为它们试图从源头改善模型学习。
3.  交叉验证评估: 在使用 `class_weight` 或采样方法时,务必使用分层交叉验证 (Stratified K-Fold)来获得对模型性能的可靠估计。
4.  阈值调整作为补充:修改阈值可以作为一种补充手段或最后的微调。即使使用了权重调整,有时仍需根据具体的业务需求(如必须达到某个召回率水平)来调整阈值,找到最佳的操作点。
5.  组合策略:有时结合多种方法(如 SMOTE + `class_weight`)可能会产生更好的结果。

总之,修改权重旨在训练一个“更好”的模型,而修改阈值是在一个“已有”模型上调整其表现。理解它们的差异有助于你选择更合适的策略来应对不平衡数据集的挑战。
 

你可能感兴趣的:(Python打卡60天,python,开发语言)