当前位置:   article > 正文

离群点检测方法_机器学习基础:无监督异常检测和半监督异常检测!

多模态 离群点检测

异常值检测一般要求新发现的数据是否与现有观测数据具有相同的分布或者不同的分布,相同的分布可以称之为内点(inlier),具有不同分布的点可以称之为离群值。离群点和新奇点检测是不同的,有一个重要的区分必须掌握:

离群点检测:训练数据包含离群点,这些离群点被定义为远离其它内点的观察值。因此,离群点检测估计器会尝试拟合出训练数据中内围点聚集的区域, 而忽略异常值观察。

新奇点检测:训练数据没有受到离群点污染,我们感兴趣的是检测一个新的观测值是否为离群点。在这种情况下,离群点被认为是新奇点。

离群点检测和新奇点检测都用于异常检测, 其中一项感兴趣的是检测异常或异常观察。离群点检测又被称之为无监督异常检测,新奇点检测又被称之为半监督异常检测。 在离群点检测的背景下, 离群点/异常点不能够形成密集的簇,因为可用的估计器假设离群点/异常点位于低密度区域。相反的,在新奇点检测的背景下, 新奇点/异常点只要位于训练数据的低密度区域,是可以形成稠密聚类簇的,在此背景下被认为是正常的。

scikit-learn有一套机器学习工具estimator.fit(X_train),可用于新奇点或离群值检测。然后可以使用estimator.predict(X_test)方法将新观察值分类为离群点或内点 :内围点会被标记为1,而离群点标记为-1。

e75e7a3356a31ce4c3c937f8f2a91ce6.png


离群点检测方法总结

下面的例子展示了二维数据集上不同异常检测算法的特点。数据集包含一种或两种模式(高密度区域),以说明算法处理多模式数据的能力。

对于每个数据集,产生15%的样本作为随机均匀噪声。这个比例是给予OneClassSVM的nu参数和其他离群点检测算法的污染参数的值。由于局部离群因子(LOF)用于离群值检测时没有对新数据应用的预测方法,因此除了局部离群值因子(LOF)外,inliers和离群值之间的决策边界以黑色显示。

sklearn.svm。一个已知的eclasssvm对异常值很敏感,因此在异常值检测方面表现不太好。该估计器最适合在训练集没有异常值的情况下进行新颖性检测。也就是说,在高维的离群点检测,或者在不对嵌入数据的分布做任何假设的情况下,一个类支持向量机可能在这些情况下给出有用的结果,这取决于它的超参数的值。

sklearn.covariance。椭圆包络假设数据是高斯分布,并学习一个椭圆。因此,当数据不是单峰时,它就会退化。但是请注意,这个估计器对异常值是稳健的。

sklearn.ensemble。IsolationForest sklearn.neighbors。LocalOutlierFactor对于多模态数据集似乎表现得相当好。sklearn的优势。第三个数据集的局部离群因子超过其他估计显示,其中两种模式有不同的密度。这种优势是由LOF的局域性来解释的,即它只比较一个样本的异常分数与其相邻样本的异常分数。

最后,对于最后一个数据集,很难说一个样本比另一个样本更反常,因为它们是均匀分布在超立方体中。除了sklearn。svm。有一点过度拟合的支持向量机,所有的估计器都对这种情况给出了合适的解决方案。在这种情况下,明智的做法是更密切地观察样本的异常分数,因为一个好的估计器应该给所有样本分配相似的分数。

虽然这些例子给出了一些关于算法的直觉,但这种直觉可能不适用于非常高维的数据。

最后,请注意,模型的参数在这里是精心挑选的,但在实践中需要进行调整。在没有标记数据的情况下,这个问题是完全无监督的,因此模型的选择是一个挑战。

  1. # Author: Alexandre Gramfort <alexandre.gramfort@inria.fr>
  2. # Albert Thomas <albert.thomas@telecom-paristech.fr>
  3. # License: BSD 3 clause
  4. import time
  5. import numpy as np
  6. import matplotlib
  7. import matplotlib.pyplot as plt
  8. from sklearn import svm
  9. from sklearn.datasets import make_moons, make_blobs
  10. from sklearn.covariance import EllipticEnvelope
  11. from sklearn.ensemble import IsolationForest
  12. from sklearn.neighbors import LocalOutlierFactor
  13. print(__doc__)
  14. matplotlib.rcParams['contour.negative_linestyle'] = 'solid'
  15. # Example settings
  16. n_samples = 300
  17. outliers_fraction = 0.15
  18. n_outliers = int(outliers_fraction * n_samples)
  19. n_inliers = n_samples - n_outliers
  20. # define outlier/anomaly detection methods to be compared
  21. anomaly_algorithms = [
  22. ("Robust covariance", EllipticEnvelope(contamination=outliers_fraction)),
  23. ("One-Class SVM", svm.OneClassSVM(nu=outliers_fraction, kernel="rbf",
  24. gamma=0.1)),
  25. ("Isolation Forest", IsolationForest(contamination=outliers_fraction,
  26. random_state=42)),
  27. ("Local Outlier Factor", LocalOutlierFactor(
  28. n_neighbors=35, contamination=outliers_fraction))]
  29. # Define datasets
  30. blobs_params = dict(random_state=0, n_samples=n_inliers, n_features=2)
  31. datasets = [
  32. make_blobs(centers=[[0, 0], [0, 0]], cluster_std=0.5,
  33. **blobs_params)[0],
  34. make_blobs(centers=[[2, 2], [-2, -2]], cluster_std=[0.5, 0.5],
  35. **blobs_params)[0],
  36. make_blobs(centers=[[2, 2], [-2, -2]], cluster_std=[1.5, .3],
  37. **blobs_params)[0],
  38. 4. * (make_moons(n_samples=n_samples, noise=.05, random_state=0)[0] -
  39. np.array([0.5, 0.25])),
  40. 14. * (np.random.RandomState(42).rand(n_samples, 2) - 0.5)]
  41. # Compare given classifiers under given settings
  42. xx, yy = np.meshgrid(np.linspace(-7, 7, 150),
  43. np.linspace(-7, 7, 150))
  44. plt.figure(figsize=(len(anomaly_algorithms) * 2 + 3, 12.5))
  45. plt.subplots_adjust(left=.02, right=.98, bottom=.001, top=.96, wspace=.05,
  46. hspace=.01)
  47. plot_num = 1
  48. rng = np.random.RandomState(42)
  49. for i_dataset, X in enumerate(datasets):
  50. # Add outliers
  51. X = np.concatenate([X, rng.uniform(low=-6, high=6,
  52. size=(n_outliers, 2))], axis=0)
  53. for name, algorithm in anomaly_algorithms:
  54. t0 = time.time()
  55. algorithm.fit(X)
  56. t1 = time.time()
  57. plt.subplot(len(datasets), len(anomaly_algorithms), plot_num)
  58. if i_dataset == 0:
  59. plt.title(name, size=18)
  60. # fit the data and tag outliers
  61. if name == "Local Outlier Factor":
  62. y_pred = algorithm.fit_predict(X)
  63. else:
  64. y_pred = algorithm.fit(X).predict(X)
  65. # plot the levels lines and the points
  66. if name != "Local Outlier Factor": # LOF does not implement predict
  67. Z = algorithm.predict(np.c_[xx.ravel(), yy.ravel()])
  68. Z = Z.reshape(xx.shape)
  69. plt.contour(xx, yy, Z, levels=[0], linewidths=2, colors='black')
  70. colors = np.array(['#377eb8', '#ff7f00'])
  71. plt.scatter(X[:, 0], X[:, 1], s=10, color=colors[(y_pred + 1) // 2])
  72. plt.xlim(-7, 7)
  73. plt.ylim(-7, 7)
  74. plt.xticks(())
  75. plt.yticks(())
  76. plt.text(.99, .01, ('%.2fs' % (t1 - t0)).lstrip('0'),
  77. transform=plt.gca().transAxes, size=15,
  78. horizontalalignment='right')
  79. plot_num += 1
  80. plt.show()

a631e173fbadda5e904760e75c31f9a0.png

(1)获取更多优质内容及精彩资讯,可前往:http://edu.cda.cn/

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/你好赵伟/article/detail/301930
推荐阅读
相关标签
  

闽ICP备14008679号