- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在制作一个具有不平衡类(比例为 1:10)的二元分类器。我尝试了 KNN、RF 和 XGB 分类器。我从 XGB 分类器中获得了最佳的精确召回权衡和 F1 分数(可能是因为数据集的大小非常小 - (1900,19)
)
因此,在检查了 XGB 的错误图之后,我决定使用 sklearn 中的 RandomizedSearchCV()
来调整我的 XGB 分类器的参数。基于 stackexchange 上的另一个答案,这是我的代码:
from xgboost import XGBClassifier
from sklearn.model_selection import RandomizedSearchCV, StratifiedKFold
score_arr = []
clf_xgb = XGBClassifier(objective = 'binary:logistic')
param_dist = {'n_estimators': [50, 120, 180, 240, 400],
'learning_rate': [0.01, 0.03, 0.05],
'subsample': [0.5, 0.7],
'max_depth': [3, 4, 5],
'min_child_weight': [1, 2, 3],
'scale_pos_weight' : [9]
}
clf = RandomizedSearchCV(clf_xgb, param_distributions = param_dist, n_iter = 25, scoring = 'precision', error_score = 0, verbose = 3, n_jobs = -1)
print(clf)
numFolds = 6
folds = StratifiedKFold(n_splits = numFolds, shuffle = True)
estimators = []
results = np.zeros(len(X))
score = 0.0
for train_index, test_index in folds.split(X_train, y_train):
print(train_index)
print(test_index)
_X_train, _X_test = X.iloc[train_index,:], X.iloc[test_index,:]
_y_train, _y_test = y.iloc[train_index].values.ravel(), y.iloc[test_index].values.ravel()
clf.fit(_X_train, _y_train, eval_metric="error", verbose=True)
estimators.append(clf.best_estimator_)
results[test_index] = clf.predict(_X_test)
score_arr.append(f1_score(_y_test, results[test_index]))
score += f1_score(_y_test, results[test_index])
score /= numFolds
因此,RandomizedSearchCV
实际上选择了分类器,然后在 kfold 中它在验证集上得到拟合并预测结果。 请注意我已经在kfolds split中给出了X_train
和y_train
,因此我有一个单独的test
数据集用于测试最终的算法。
现在,问题是,如果您实际上查看每次 kfold 迭代中的 f1-score
,它就像这样 score_arr = [0.5416666666666667, 0.4, 0.41379310344827586, 0.5, 0.44, 0.43478260869565216 ]
.
但是当我在 test
数据集上测试 clf.best_estimator_
作为我的模型时,它给出的 f1-score
为 0.80
以及 {' precision': 0.8688524590163934, 'recall': 0.7571428571428571}
精度和召回率。
为什么我的分数在验证时很低,现在测试集上发生了什么?我的模型正确还是我错过了什么?
附注- 采用clf.best_estimator_
的参数,我使用xgb.cv
将它们分别拟合到我的训练数据上,然后还有f1-score
code> 接近 0.55
。我认为这可能是由于 RandomizedSearchCV
和 xgb.cv
的训练方法之间的差异造成的。请告诉我是否需要绘图或更多信息。
更新:我附上了生成模型的训练和测试aucpr
以及分类准确性
的误差图。该图是通过仅运行一次 model.fit()
生成的(证明 score_arr
的值合理)。
最佳答案
超参数的随机搜索。
虽然使用参数设置网格是目前最广泛使用的参数优化方法,但其他搜索方法具有更有利的属性。 RandomizedSearchCV 实现对参数的随机搜索,其中每个设置都是从可能的参数值的分布中采样的。与详尽的搜索相比,这有两个主要好处:
A budget can be chosen independently of the number of parameters and possible values.
Adding parameters that do not influence the performance does not decrease efficiency.
如果所有参数都以列表形式呈现,则执行无放回采样。如果至少有一个参数作为分布给出,则使用放回抽样。强烈建议对连续参数使用连续分布。
关于machine-learning - `sklearn.model_selection.RandomizedSearchCV` 是如何工作的?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/59973086/
>>> import sklearn.model_selection.train_test_split Traceback (most recent call last): File "", li
在 probability calibration of classifiers来自scikit-learn,有一段关于train_test_split的代码我在文档中找不到解释。 centers =
我将 train_test_split 导入为: from sklearn.model_selection import train_test_split 并且给出了一个错误 cannot impor
我知道 sklearn.model_selection.cross_val_score 函数使用了一个 make_scorer() 函数,该函数返回一个对估计器输出进行评分的可调用函数。cross_v
我想在 GridSearchCV 中定义一个新的评分,正如这里所述 http://scikit-learn.org/stable/modules/model_evaluation.html#imple
我正在尝试从数据中进行线性回归,但是当我尝试以下操作时: from sklearn.model_selection import train_test_split from sklearn.linea
因此,我需要使用预定义的组生成测试/训练/验证拆分。我不想使用 LeavePGroupsOut 因为我需要根据我想要的百分比将数据分离到训练和验证集中。在GroupShuffleSplit的文档中,对
我正在尝试使用 train_test_split 函数并编写: from sklearn.model_selection import train_test_split 这会导致 ImportErro
当我想使用sklearn.model_selection.train_test_split来分割训练集和测试集时,它会引发如下错误: AttributeError: module 'sklearn'
我正在制作一个具有不平衡类(比例为 1:10)的二元分类器。我尝试了 KNN、RF 和 XGB 分类器。我从 XGB 分类器中获得了最佳的精确召回权衡和 F1 分数(可能是因为数据集的大小非常小 -
我正在尝试运行 this example从 sklearn 更好地理解他们的 TfidfTransformer 来自 sklearn.feature_extraction.text。但是,我返回了 T
我正在尝试通过 Python 中的 Keras 深度学习库学习神经网络。我正在使用 Python 3 并引用此链接:Tutorial Link 我尝试运行下面的代码,但出现以下错误: 导入错误:没有名
我在做this tutorial关于机器学习,其中使用了以下代码: import pandas as pd from sklearn.model_selection import train_test
当我尝试使用 StratifiedGroupKFold 时出现 ImportError从 sklearn 中拆分出来。 我注意到使用它需要夜间构建并且我已经安装了它,但我收到错误。欢迎就如何解决此问题
我正在尝试使用 sklearn 库在 LatentDirichletAllocation 上应用 GridSearchCV。 当前流水线如下所示: vectorizer = CountVectoriz
我正在尝试使用 sklearn 库在 LatentDirichletAllocation 上应用 GridSearchCV。 当前流水线如下所示: vectorizer = CountVectoriz
我正在尝试使用 sklearn.model_selection 中的 GridSearhCV 进行参数调整 我不知何故不断收到 ValueError: C in () 1 gs = Gr
我最近开始使用 sklearn 并偶然发现了 Stratified ShuffleSplit 函数。尽管我理解它的概念和它的用途,但我不太理解它运行所需的参数,例如n_split。根据sklearn的
我正在使用 svm 对新闻组主题进行分类。我正在提供最好的解决方案来对这些数据进行分类。请帮助删除这个错误,它阻止了我的整个项目。在这里,当我通过 GridSearchCV 库调用拟合方法时,它显示了
我正在尝试使用 GridSearchCV 实现决策树分类器。实现后,我尝试访问 cv_results_.mean_train_score 但出现关键错误。 tuned_parameters =
我是一名优秀的程序员,十分优秀!