python - 使 matplotlib 图中的点可以通过鼠标选择

标签 python matplotlib tkinter

scikit-learn有一个非常好的演示,可以创建异常值分析工具。这是

import numpy as np
import pylab as pl
import matplotlib.font_manager
from scipy import stats

from sklearn import svm
from sklearn.covariance import EllipticEnvelope

# Example settings
n_samples = 200
outliers_fraction = 0.25
clusters_separation = [0, 1, 2]

# define two outlier detection tools to be compared
classifiers = {
    "One-Class SVM": svm.OneClassSVM(nu=0.95 * outliers_fraction + 0.05,
                                     kernel="rbf", gamma=0.1),
    "robust covariance estimator": EllipticEnvelope(contamination=.1)}

# Compare given classifiers under given settings
xx, yy = np.meshgrid(np.linspace(-7, 7, 500), np.linspace(-7, 7, 500))
n_inliers = int((1. - outliers_fraction) * n_samples)
n_outliers = int(outliers_fraction * n_samples)
ground_truth = np.ones(n_samples, dtype=int)
ground_truth[-n_outliers:] = 0

# Fit the problem with varying cluster separation
for i, offset in enumerate(clusters_separation):
    np.random.seed(42)
    # Data generation
    X1 = 0.3 * np.random.randn(0.5 * n_inliers, 2) - offset
    X2 = 0.3 * np.random.randn(0.5 * n_inliers, 2) + offset
    X = np.r_[X1, X2]
    # Add outliers
    X = np.r_[X, np.random.uniform(low=-6, high=6, size=(n_outliers, 2))]

    # Fit the model with the One-Class SVM
    pl.figure(figsize=(10, 5))
    for i, (clf_name, clf) in enumerate(classifiers.items()):
        # fit the data and tag outliers
        clf.fit(X)
        y_pred = clf.decision_function(X).ravel()
        threshold = stats.scoreatpercentile(y_pred,
                                            100 * outliers_fraction)
        y_pred = y_pred > threshold
        n_errors = (y_pred != ground_truth).sum()
        # plot the levels lines and the points
        Z = clf.decision_function(np.c_[xx.ravel(), yy.ravel()])
        Z = Z.reshape(xx.shape)
        subplot = pl.subplot(1, 2, i + 1)
        subplot.set_title("Outlier detection")
        subplot.contourf(xx, yy, Z, levels=np.linspace(Z.min(), threshold, 7),
                         cmap=pl.cm.Blues_r)
        a = subplot.contour(xx, yy, Z, levels=[threshold],
                            linewidths=2, colors='red')
        subplot.contourf(xx, yy, Z, levels=[threshold, Z.max()],
                         colors='orange')
        b = subplot.scatter(X[:-n_outliers, 0], X[:-n_outliers, 1], c='white')
        c = subplot.scatter(X[-n_outliers:, 0], X[-n_outliers:, 1], c='black')
        subplot.axis('tight')
        subplot.legend(
            [a.collections[0], b, c],
            ['learned decision function', 'true inliers', 'true outliers'],
            prop=matplotlib.font_manager.FontProperties(size=11))
        subplot.set_xlabel("%d. %s (errors: %d)" % (i + 1, clf_name, n_errors))
        subplot.set_xlim((-7, 7))
        subplot.set_ylim((-7, 7))
    pl.subplots_adjust(0.04, 0.1, 0.96, 0.94, 0.1, 0.26)

pl.show()

这是它的样子: outlier plot

这很酷还是什么?

但是,我希望情节对鼠标敏感。也就是说,我希望能够通过工具提示或弹出窗口或滚动条中的内容单击点并找出它们是什么。我还希望能够点击缩放,而不是使用边界框进行缩放。

有什么办法吗?

最佳答案

不想过多地插入我自己的项目,而是看看mpldatacursor .如果您愿意,它也很容易从头开始实现。

举个简单的例子:

import matplotlib.pyplot as plt
import numpy as np
from mpldatacursor import datacursor

x1, y1 = np.random.random((2, 5))
x2, y2 = np.random.random((2, 5))

fig, ax = plt.subplots()
ax.plot(x1, y1, 'ro', markersize=12, label='Series A')
ax.plot(x2, y2, 'bo', markersize=12, label='Series B')
ax.legend()

datacursor()
plt.show()

enter image description here

要使其与您发布的示例代码一起使用,您需要稍作更改。实际上,艺术家标签是在调用图例时设置的,而不是在创建艺术家时设置的。这意味着无法检索特定艺术家的图例中显示的内容。您需要做的只是将标签作为 kwarg 传递给 scatter 而不是作为 legend 的第二个参数,事情应该会如您所愿。

关于python - 使 matplotlib 图中的点可以通过鼠标选择,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/18709870/

相关文章:

python - Beautiful Soup Select 与 Find_all 数据类型

python - `TypeError: get_config() missing 1 required positional argument: ' self '` 尝试在 Tensorflow 中保存模型时

matplotlib - matplotlib:生成矢量图

python - start_command()缺少1个位置参数?

python - Pandas:如何根据条件语句添加新数据行?

python - 是否可以在 Python 中实现类似 Ruby 的内部 DSL?

python - 如何将 seaborn 轴添加到带有子图的 matplotlib 图?

Python pandas 汇总表图

python - 在 Mac Cocoa 应用程序中使用 Tkinter 框架

Python 3.5 - 将按钮放在按钮之上