RandomForest 和 XGB 为啥/如何?对此有啥可以做的吗?
Posted
技术标签:
【中文标题】RandomForest 和 XGB 为啥/如何?对此有啥可以做的吗?【英文标题】:Shap value dimensions are different for RandomForest and XGB why/how? Is there something one can do about this?RandomForest 和 XGB 为什么/如何?对此有什么可以做的吗? 【发布时间】:2020-07-15 04:24:02 【问题描述】:从树解释器的.shap_values(some_data)
返回的 SHAP 值为 XGB 和随机森林提供了不同的维度/结果。我试过调查它,但似乎无法找到原因或方式,或者在任何 Slundberg (SHAP dude's)教程中的解释。所以:
下面是一些示例代码!
import xgboost.sklearn as xgb
import pandas as pd
from sklearn.ensemble import RandomForestClassifier
from sklearn.datasets import load_breast_cancer
from sklearn.model_selection import train_test_split
import shap
bc = load_breast_cancer()
cancer_df = pd.DataFrame(bc['data'], columns=bc['feature_names'])
cancer_df['target'] = bc['target']
cancer_df = cancer_df.iloc[0:50, :]
target = cancer_df['target']
cancer_df.drop(['target'], inplace=True, axis=1)
X_train, X_test, y_train, y_test = train_test_split(cancer_df, target, test_size=0.33, random_state = 42)
xg = xgb.XGBClassifier()
xg.fit(X_train, y_train)
rf = RandomForestClassifier()
rf.fit(X_train, y_train)
xg_pred = xg.predict(X_test)
rf_pred = rf.predict(X_test)
rf_explainer = shap.TreeExplainer(rf, X_train)
xg_explainer = shap.TreeExplainer(xg, X_train)
rf_vals = rf_explainer.shap_values(X_train)
xg_vals = xg_explainer.shap_values(X_train)
print('Random Forest')
print(type(rf_vals))
print(type(rf_vals[0]))
print(rf_vals[0].shape)
print(rf_vals[1].shape)
print('XGBoost')
print(type(xg_vals))
print(xg_vals.shape)
输出:
Random Forest
<class 'list'>
<class 'numpy.ndarray'>
(33, 30)
(33, 30)
XGBoost
<class 'numpy.ndarray'>
(33, 30)
任何想法都有帮助!谢谢!
【问题讨论】:
【参考方案1】:对于二分类:
XGBClassifier
(sklearn API)的SHAP 值是1
类(一维)的原始值
RandomForestClassifier
的SHAP 值是0
和1
类(二维)的概率。
演示
from xgboost import XGBClassifier
from sklearn.ensemble import RandomForestClassifier
from sklearn.datasets import load_breast_cancer
from sklearn.model_selection import train_test_split
from shap import TreeExplainer
from scipy.special import expit
X, y = load_breast_cancer(return_X_y=True)
X_train, X_test, y_train, y_test = train_test_split(X, y, random_state=42)
xgb = XGBClassifier(
max_depth=5, n_estimators=100, eval_metric="logloss", use_label_encoder=False
).fit(X_train, y_train)
xgb_exp = TreeExplainer(xgb)
xgb_sv = np.array(xgb_exp.shap_values(X_test))
xgb_ev = np.array(xgb_exp.expected_value)
print("Shape of XGB SHAP values:", xgb_sv.shape)
rf = RandomForestClassifier(max_depth=5, n_estimators=100).fit(X_train, y_train)
rf_exp = TreeExplainer(rf)
rf_sv = np.array(rf_exp.shap_values(X_test))
rf_ev = np.array(rf_exp.expected_value)
print("Shape of RF SHAP values:", rf_sv.shape)
Shape of XGB SHAP values: (143, 30)
Shape of RF SHAP values: (2, 143, 30)
解读:
XGBoost (143,30) 尺寸: 143:测试中的样本数 30:特征数量 RF (2,143,30) 尺寸: 2:输出类的数量 143:样本数 30:特征数量
要将xgboost
SHAP 值与预测概率以及类别进行比较,您可以尝试将 SHAP 值添加到基本(预期)值。对于测试中的第 0 个数据点,它将是:
xgb_pred = expit(xgb_sv[0,:].sum() + xgb_ev)
assert np.isclose(xgb_pred, xgb.predict_proba(X_test)[0,1])
将RF
SHAP 值与第 0 个数据点的预测概率进行比较:
rf_pred = rf_sv[1,0,:].sum() + rf_ev[1]
assert np.isclose(rf_pred, rf.predict_proba(X_test)[0,1])
请注意,此分析适用于 (i) sklearn
API 和 (ii) 二进制分类。
【讨论】:
以上是关于RandomForest 和 XGB 为啥/如何?对此有啥可以做的吗?的主要内容,如果未能解决你的问题,请参考以下文章
特征筛选还在用XGB的Feature Importance?试试Permutation Importance
特征筛选还在用XGB的Feature Importance?试试Permutation Importance
为啥 Weka RandomForest 给我的结果与 Scikit RandomForestClassifier 不同?
R语言构建xgboost模型:模型的保存(xgb.save)和加载(xgb.load)或者保存为R二进制文件(xgb.save.raw R binary vector)