Scikit-learn SVM仅一类异常

问题描述 投票:0回答:1

我正在尝试通过Scikit-learn集成SVM,特别是优化超参数。我很随机地收到以下错误:

  File "C:\Users\jakub\anaconda3\envs\SVM_ensembles\lib\site-packages\sklearn\svm\_base.py", line 250, in _dense_fit
    self.probB_, self.fit_status_ = libsvm.fit(
  File "sklearn\svm\_libsvm.pyx", line 191, in sklearn.svm._libsvm.fit
ValueError: Invalid input - all samples with positive weights have the same label.

据我了解,这来自文件https://github.com/scikit-learn/scikit-learn/blob/master/sklearn/svm/src/libsvm/svm.cpp,并且与仅用于SVM的1类示例有关。我正在使用分层K折交叉验证,并且数据集相当平衡(一个类为45%,其他类为55%),因此无论如何都不会发生这种情况。

我该怎么办?

优化引发错误的代码:

def get_best_ensemble_params(X_train, y_train, X_test, y_test, n_tries=5):
    search_spaces = {
        "max_samples": Real(0.1, 1, "uniform"),
        "max_features": Real(0.1, 1, "uniform"),

        "kernel": Categorical(["linear", "poly", "rbf", "sigmoid"]),
        "C": Real(1e-6, 1e+6, "log-uniform"),
        "gamma": Real(1e-6, 1e+1, "log-uniform")
    }

    best_accuracy = 0
    best_model = None
    for i in range(n_tries):
        done = False
        while not done:
            try:
                optimizer = BayesSearchCV(SVMEnsemble(), search_spaces, cv=3, n_iter=10, n_jobs=-1, n_points=10,
                                          verbose=1)
                optimizer.fit(X_train, y_train)  # <- ERROR HERE
                accuracy = accuracy_score(y_test, optimizer)
                if accuracy > best_accuracy:
                    best_accuracy = accuracy
                    best_model = optimizer
                done = True
                print(i, "job done")
            except:
                pass

    return best_model.best_params_


if __name__ == "__main__":
    dataset_name = "acute_inflammations"

    loading_functions = {
        "acute_inflammations": load_acute_inflammations,
        "breast_cancer_coimbra": load_breast_cancer_coimbra,
        "breast_cancer_wisconsin": load_breast_cancer_wisconsin
    }

    X, y = loading_functions[dataset_name]()
    X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=0)

    scaler = StandardScaler()
    X_train = scaler.fit_transform(X_train)
    X_test = scaler.fit_transform(X_test)

    params = get_best_ensemble_params(X_train, y_train, X_test, y_test)
    params["n_jobs"] = -1
    params["random_state"] = 0
    model = SVMEnsemble(n_estimators=20, **params)
    model.fit(X_train, y_train)
    y_pred = model.predict(X_test)

    print("Accuracy:", accuracy_score(y_test, y_pred))

我的自定义SVMEnsemble只是BaggingClassifier,带有硬编码的SVC

import inspect
import numpy as np
from sklearn.ensemble import BaggingClassifier
from sklearn.svm import SVC
from skopt import BayesSearchCV


svm_possible_args = {"C", "kernel", "degree", "gamma", "coef0", "shrinking", "probability", "tol", "cache_size",
                     "class_weight", "max_iter", "decision_function_shape", "break_ties"}

bagging_possible_args = {"n_estimators", "max_samples", "max_features", "bootstrap", "bootstrap_features",
                         "oob_score", "warm_start", "n_jobs"}

common_possible_args = {"random_state", "verbose"}


class SVMEnsemble(BaggingClassifier):
    def __init__(self, voting_method="hard", n_jobs=-1,
                 n_estimators=10, max_samples=1.0, max_features=1.0,
                 C=1.0, kernel="linear", gamma="scale",
                 **kwargs):
        if voting_method not in {"hard", "soft"}:
            raise ValueError(f"voting_method {voting_method} is not recognized.")

        self._voting_method = voting_method
        self._C = C
        self._gamma = gamma
        self._kernel = kernel

        passed_args = {
            "n_jobs": n_jobs,
            "n_estimators": n_estimators,
            "max_samples": max_samples,
            "max_features": max_features,
            "C": C,
            "gamma": gamma,
            "cache_size": 1024,
        }


        kwargs.update(passed_args)

        svm_args = {
            "probability": True if voting_method == "soft" else False,
            "kernel": kernel
        }

        bagging_args = dict()

        for arg_name, arg_val in kwargs.items():
            if arg_name in svm_possible_args:
                svm_args[arg_name] = arg_val
            elif arg_name in bagging_possible_args:
                bagging_args[arg_name] = arg_val
            elif arg_name in common_possible_args:
                svm_args[arg_name] = arg_val
                bagging_args[arg_name] = arg_val
            else:
                raise ValueError(f"argument {voting_method} is not recognized.")

        self.svm_args = svm_args
        self.bagging_args = bagging_args

        base_estimator = SVC(**svm_args)
        super().__init__(base_estimator=base_estimator, **bagging_args)

    @property
    def voting_method(self):
        return self._voting_method

    @voting_method.setter
    def voting_method(self, new_voting_method):
        if new_voting_method == "soft":
            self._voting_method = new_voting_method
            self.svm_args["probability"] = True
            base_estimator = SVC(**self.svm_args)
            super().__init__(base_estimator=base_estimator, **self.bagging_args)
        elif self._voting_method == "soft":
            self._voting_method = new_voting_method
            self.svm_args["probability"] = False
            base_estimator = SVC(**self.svm_args)
            super().__init__(base_estimator=base_estimator, **self.bagging_args)
        else:
            self._voting_method = new_voting_method

    @property
    def C(self):
        return self._C

    @C.setter
    def C(self, new_C):
        self._C = new_C
        self.svm_args["C"] = new_C
        base_estimator = SVC(**self.svm_args)
        super().__init__(base_estimator=base_estimator, **self.bagging_args)

    @property
    def gamma(self):
        return self._gamma

    @gamma.setter
    def gamma(self, new_gamma):
        self._gamma = new_gamma
        self.svm_args["gamma"] = new_gamma
        base_estimator = SVC(**self.svm_args)
        super().__init__(base_estimator=base_estimator, **self.bagging_args)

    @property
    def kernel(self):
        return self._kernel

    @kernel.setter
    def kernel(self, new_kernel):
        self._kernel = new_kernel
        self.svm_args["kernel"] = new_kernel
        base_estimator = SVC(**self.svm_args)
        super().__init__(base_estimator=base_estimator, **self.bagging_args)

    def predict(self, X):
        if self._voting_method == "hard":
            return super().predict(X)
        elif self._voting_method == "soft":
            probabilities = np.zeros((X.shape[0], self.classes_.shape[0]))
            for estimator in self.estimators_:
                estimator_probabilities = estimator.predict_proba(X)
                probabilities += estimator_probabilities
            return self.classes_[probabilities.argmax(axis=1)]
        else:
            raise ValueError(f"voting_method {self._voting_method} is not recognized.")

python scikit-learn svm libsvm
1个回答
0
投票

[从您描述问题的方式(即“非常随机地”获得问题)以及数据和代码的描述,我几乎肯定问题在于装袋分类器偶尔会随机选择训练示例的子样本只有一个班级。 K-fold分层拆分在这里无济于事,因为它只会将原始数据拆分控制为训练/测试,而不能控制BaggingClassifier如何从训练集中选择max_samples的随机子样本。如果查看code of how BaggingClassifier picks a subsample,您会发现没有针对此类问题的保护措施。

确定的一种非常简单的方法是用一些较小的数字代替"max_samples": Real(0.1, 1, "uniform"),例如"max_samples": Real(0.02, 0.03, "uniform")(或设置为某个较小的固定值),并检查是否开始更频繁地收到错误。

[我不确定您是否真的将它与n_tries=5n_iter=10一起使用(对于您拥有的所有超参数来说似乎有点小)或具有较大的值,并且/或者您可能使用不同的随机性多次运行了整个脚本种子,但无论如何,我们只用max_samples=0.1计算得到这样的问题的概率,并使用120个样本进行55%/ 45%分割的数据集。假设您的训练集有96个示例,其中45/55对分,例如53 + 43个示例。现在启用了引导程序后,每次训练装袋分类器时,它都会随机选择,例如从96个示例中选择10个示例(由于默认情况下启用了引导程序,因此会进行替换)。从更大的类别中挑选所有成员的机会为(53/96)^ 10,即大约0.26%。这意味着,如果您像这样连续训练50个分类器,那么其中一个分类器出现问题的机会现在为12.5%。而且,如果您连续进行这样的搜索,那么您不可避免地会遇到这个问题(为了简化起见,我确实使用了max_samples=0.1的事实,这是不正确的,但是您可能会经常足够接近该值)。

最后一个问题是处理该问题。有一些可能的答案:

  1. 忽略它-您在随机搜索中随机获得它,而其他所有未遇到此类问题的尝试都没有问题。另外,您可以捕获ValueError异常,并且如果错误消息是来自SVM的,则抱怨仅针对正在培训的课程-跳过此类搜索迭代。
  2. 增加搜索中max_samples的最小值或使其取决于示例数。

[还有其他可能性-例如在训练/测试中拆分数据后,您可以通过将每个样本替换为例如来人为地增加训练数据。 N个相同的样本(其中N例如为2或10),以减少让装袋分类器随机选择仅具有一个类别的子样本的机会。

© www.soinside.com 2019 - 2024. All rights reserved.