在决策树中查找到决策边界的距离

时间:2020-03-31 22:07:46

标签: python machine-learning scikit-learn classification decision-tree

我想在scikit-learn中找到样本到经过训练的决策树分类器的决策边界的距离。特征都是数字的,特征空间可以是任何大小。

到目前为止,对于基于here的示例2D案例,我具有这种可视化效果:

import numpy as np
import matplotlib.pyplot as plt

from sklearn.tree import DecisionTreeClassifier
from sklearn.datasets import make_moons

# Generate some example data
X, y = make_moons(noise=0.3, random_state=0)

# Train the classifier
clf = DecisionTreeClassifier(max_depth=2)

clf.fit(X, y)

# Plot
x_min, x_max = X[:, 0].min() - 1, X[:, 0].max() + 1
y_min, y_max = X[:, 1].min() - 1, X[:, 1].max() + 1
xx, yy = np.meshgrid(np.arange(x_min, x_max, 0.1), np.arange(y_min, y_max, 0.1))

Z = clf.predict(np.c_[xx.ravel(), yy.ravel()])
Z = Z.reshape(xx.shape)

plt.contourf(xx, yy, Z, alpha=0.4)
plt.scatter(X[:, 0], X[:, 1], c=y, s=20, edgecolor='k')
plt.xlabel('a'); plt.ylabel('b');

enter image description here

我了解到,对于其他一些分类器(例如SVM),该距离可以通过数学方法[[123]计算。训练决策树后学习的规则定义了边界,也可能有助于算法计算距离[456]:

# Plot the trained tree
from sklearn import tree
import graphviz 
dot_data = tree.export_graphviz(clf, feature_names=['a', 'b'],  class_names=['1', '2'], filled=True)  
graph = graphviz.Source(dot_data)  

enter image description here

2 个答案:

答案 0 :(得分:2)

由于一个样本周围可能有多个决策边界,因此我将假设距离是指到最近决策边界的距离。

解决方案是递归树遍历算法。请注意,决策树不允许样本位于边界上,例如SVM,特征空间中的每个样本都必须属于其中一个类。因此,在这里,我们将继续一步一步地修改样本的特征,并且只要该区域导致一个带有不同标签的区域(而不是经过训练的分类器最初分配给该样本的区域),我们就认为我们已经达到了决策边界。

详细地说,像任何递归算法一样,我们要考虑两种主要情况:

  1. 基本情况,即我们位于叶节点。我们只需检查当前样本是否具有不同的标签:如果是,则返回它,否则返回None
  2. 非叶节点。有两个分支,我们将样本发送到两个分支。我们不会修改示例以将其发送到自然需要的分支。但是在将其发送到另一个分支之前,我们先查看节点的(特征,阈值)对,并修改样本的给定特征,使其恰好足以将其推入阈值的另一侧。

完整的python代码:

def f(node,x,orig_label):
    global dt,tree
    if tree.children_left[node]==tree.children_right[node]: #Meaning node is a leaf
        return [x] if dt.predict([x])[0]!=orig_label else [None]

    if x[tree.feature[node]]<=tree.threshold[node]:
        orig = f(tree.children_left[node],x,orig_label)
        xc = x.copy()
        xc[tree.feature[node]] = tree.threshold[node] + .01
        modif = f(tree.children_right[node],xc,orig_label)
    else:
        orig = f(tree.children_right[node],x,orig_label)
        xc = x.copy()
        xc[tree.feature[node]] = tree.threshold[node] 
        modif = f(tree.children_left[node],xc,orig_label)
    return [s for s in orig+modif if s is not None]

这将返回给我们导致带有不同标签的叶子的样品列表。我们现在要做的就是取最接近的一个:

dt =  DecisionTreeClassifier(max_depth=2).fit(X,y)
tree = dt.tree_
res = f(0,x,dt.predict([x])[0]) # 0 is index of root node
ans = np.min([np.linalg.norm(x-n) for n in res]) 

例如:

enter image description here

蓝色是原始样本,黄色是决策边界上最近的样本。

答案 1 :(得分:1)

决策树不学习绘制决策边界。它尝试根据最大信息增益点分割树。对于此过程,决策树算法使用entropygini索引。

由于这个原因,您无法找到点与决策边界之间的距离(没有决策边界)。

如果需要,可以计算点与在图形上绘制的线之间的距离。因此大约可以得出一些结果。