gpt4 book ai didi

machine-learning - scikit-learn RandomForestClassifier 中特征重要性和森林结构如何相关?

转载 作者:行者123 更新时间:2023-11-30 08:41:10 26 4
gpt4 key购买 nike

这是我的问题的一个简单示例,使用 Iris 数据集。当我试图理解如何计算特征重要性以及使用 export_graphviz 可视化估计器森林时如何显示特征重要性时,我感到很困惑。这是我的代码:

import pandas as pd
import numpy as np
from sklearn.datasets import load_iris
import matplotlib.pyplot as plt

data = load_iris()
X = pd.DataFrame(data=data.data,columns=['sepallength', 'sepalwidth', 'petallength','petalwidth'])
y = pd.DataFrame(data=data.target)

from sklearn.cross_validation import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.33, random_state=42)

from sklearn.ensemble import RandomForestClassifier
rf = RandomForestClassifier(n_estimators=2,max_depth=1)
rf.fit(X_train,y_train.iloc[:,0])

分类器表现不佳(得分为 0.68),因为森林包含 2 棵深度为 1 的树。无论如何,这在这里并不重要。

特征重要性检索如下:

importances = rf.feature_importances_
std = np.std([rf.feature_importances_ for tree in rf.estimators_],axis=0)
indices = np.argsort(importances)[::-1]

print("Feature ranking:")
for f in range(X.shape[1]):
print("%d. feature %s (%f)" % (f + 1, X.columns.tolist()[f], importances[indices[f]]))

输出是:

Feature ranking:
1. feature sepallength (1.000000)
2. feature sepalwidth (0.000000)
3. feature petallength (0.000000)
4. feature petalwidth (0.000000)

现在显示使用以下代码构建的树的结构:

from sklearn.tree import export_graphviz
export_graphviz(rf.estimators_[0],
feature_names=X.columns,
filled=True,
rounded=True)
!dot -Tpng tree.dot -o tree0.png
from IPython.display import Image
Image('tree0.png')

我得到这两个数字

  • 导出树#0:

enter image description here

  • 导出树#1:

enter image description here

我无法理解sepallength如何具有importance=1但不能用于两棵树中的节点 split (仅使用petallength)如图所示。

最佳答案

您的错误

for f in range(X.shape[1]):
print("%d. feature %s (%f)" % (f + 1, X.columns.tolist()[f], importances[indices[f]]))

如果您使用 indices = np.argsort(importances)[::-1] 进行排列,那么您需要排列所有内容 - 不要根据一个保留标签排序,以及根据不同排序的重要性。

如果将上面的内容替换为

for f in range(X.shape[1]):
print("%d. feature %s (%f)" % (f + 1, X.columns.tolist()[f], importances[f]))

那么森林及其树木都一致认为索引 2 处的特征是唯一具有重要意义的特征。

关于machine-learning - scikit-learn RandomForestClassifier 中特征重要性和森林结构如何相关?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/39788188/

26 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com