ScikitLearn模型提供"LocalOutlierFactor"对象没有属性"predict"错误 [英] ScikitLearn model giving 'LocalOutlierFactor' object has no attribute 'predict' Error

查看:573
本文介绍了ScikitLearn模型提供"LocalOutlierFactor"对象没有属性"predict"错误的处理方法,对大家解决问题具有一定的参考价值,需要的朋友们下面随着小编来一起学习吧!

问题描述

我是机器学习领域的新手,我已经使用ScikitLearn库构建并训练了一个ml模型.它在Jupyter笔记本电脑中工作得很好,但是当我将该模型部署到Google Cloud ML并尝试使用Python服务时脚本,它会引发错误.

I'm new to machine learning world and I have built and trained a ml model using ScikitLearn library.It works perfectly well in the Jupyter notebook but when I deployed this model to Google Cloud ML and try to serve it using a Python script, it throws an error.

这是我的模型代码中的一个片段:

Here's a snippet from my model code:

已更新:

from sklearn.metrics import classification_report, accuracy_score
from sklearn.ensemble import IsolationForest
from sklearn.neighbors import LocalOutlierFactor

# define a random state
state = 1

classifiers = {
    "Isolation Forest": IsolationForest(max_samples=len(X),
                                       contamination=outlier_fraction,
                                       random_state=state),
    # "Local Outlier Factor": LocalOutlierFactor(
    # n_neighbors = 20,
    # contamination = outlier_fraction)
}

import pickle
# fit the model
n_outliers = len(Fraud)

for i, (clf_name, clf) in enumerate(classifiers.items()):

    # fit te data and tag outliers
    if clf_name == "Local Outlier Factor":
        y_pred = clf.fit_predict(X)
        print("LOF executed")
        scores_pred = clf.negative_outlier_factor_
        # Export the classifier to a file
        with open('model.pkl', 'wb') as model_file:
            pickle.dump(clf, model_file)
    else:
        clf.fit(X)
        scores_pred = clf.decision_function(X)
        y_pred = clf.predict(X)
        print("IF executed")
        # Export the classifier to a file
        with open('model.pkl', 'wb') as model_file:
            pickle.dump(clf, model_file)
    # Reshape the prediction values to 0 for valid and 1 for fraudulent
    y_pred[y_pred == 1] = 0
    y_pred[y_pred == -1] = 1

    n_errors = (y_pred != Y).sum()

# run classification metrics 
print('{}:{}'.format(clf_name, n_errors))
print(accuracy_score(Y, y_pred ))
print(classification_report(Y, y_pred ))

这是Jupyter Notebook中的输出:

and here's the output in the Jupyter Notebook:

隔离林:7

Isolation Forest:7

0.93

               precision    recall  f1-score   support


         0       0.97      0.96      0.96        94
         1       0.43      0.50      0.46         6

  avg / total    0.94      0.93      0.93       100

我已将此模型部署到Google Cloud ML-Engine,然后尝试使用以下python脚本为其提供服务:

I have deployed this model to Google Cloud ML-Engine and then try to serve it using the following python script:

import os
from googleapiclient import discovery
from oauth2client.service_account import ServiceAccountCredentials
credentials = ServiceAccountCredentials.from_json_keyfile_name('Machine Learning 001-dafe42dfb46f.json')

PROJECT_ID = "machine-learning-001-201312"
VERSION_NAME = "v1"
MODEL_NAME = "mlfd"
service = discovery.build('ml', 'v1', credentials=credentials)
name = 'projects/{}/models/{}'.format(PROJECT_ID, MODEL_NAME)
name += '/versions/{}'.format(VERSION_NAME)

data = [[265580, 7, 68728, 8.36, 4.76, 84.12, 79.36, 3346, 1, 11.99, 1.14,655012, 0.65, 258374, 0, 84.12] ]

response = service.projects().predict(
    name=name,
    body={'instances': data}
).execute()

if 'error' in response:
  print (response['error'])
else:
  online_results = response['predictions']
  print(online_results)

以下是此脚本的输出:

预测失败:sklearn预测期间发生异常:'LocalOutlierFactor'对象没有属性'predict'

Prediction failed: Exception during sklearn prediction: 'LocalOutlierFactor' object has no attribute 'predict'

推荐答案

LocalOutlierFactor没有predict方法,只有私有_predict方法.这是从源头上得出的理由.

LocalOutlierFactor does not have a predict method, but only a private _predict method. Here is the justification from the source.

def _predict(self, X=None):
    """Predict the labels (1 inlier, -1 outlier) of X according to LOF.
    If X is None, returns the same as fit_predict(X_train).
    This method allows to generalize prediction to new observations (not
    in the training set). As LOF originally does not deal with new data,
    this method is kept private.

https://github .com/scikit-learn/scikit-learn/blob/a24c8b46/sklearn/neighbors/lof.py#L200

这篇关于ScikitLearn模型提供"LocalOutlierFactor"对象没有属性"predict"错误的文章就介绍到这了,希望我们推荐的答案对大家有所帮助,也希望大家多多支持IT屋!

查看全文
登录 关闭
扫码关注1秒登录
发送“验证码”获取 | 15天全站免登陆