- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
包括最小可行示例;)
我想要的只是简单地使用来自 GridSearchCV 的参数来使用 Pipeline。
#I want to create a SVM using a Pipeline, and validate the model (measure the accuracy)
#import libraries
from sklearn.svm import SVC
from sklearn.model_selection import GridSearchCV
from sklearn.preprocessing import StandardScaler
from sklearn.pipeline import Pipeline
from sklearn.datasets import load_iris
from sklearn.model_selection import train_test_split
import pandas as pd
#load test data
data = load_iris()
X_trainset, X_testset, y_trainset, y_testset = train_test_split(data['data'], data['target'], test_size=0.2)
#And here we prepare the pipeline
pipeline = Pipeline([('scaler', StandardScaler()), ('SVM', SVC())])
grid = GridSearchCV(pipeline, param_grid={'SVM__gamma':[0.1,0.01]}, cv=5)
grid.fit(X_trainset, y_trainset)
# (Done! Now I can print the accuracy and other metrics)
#Now I want to put together training set and validation set, to train the model before deployment
#Of course, I want to use the best parameters found by GridSearchCV
big_x = np.concatenate([X_trainset,X_testset])
big_y = np.concatenate([y_trainset,y_testset])
model2 = pipeline.fit(big_x,big_y, grid.best_params_)
TypeError: fit() takes from 2 to 3 positional arguments but 4 were given
model2 = pipeline.fit(big_x,big_y,fit_params=grid.best_params_)
ValueError: Pipeline.fit does not accept the fit_params parameter. You can pass parameters to specific steps of your pipeline using the stepname__parameter format, e.g. `Pipeline.fit(X, y, logisticregression__sample_weight=sample_weight)`.
pipeline.fit(big_x,big_y, SVM__gamma= 0.01) #Note: I may need to insert many parameters, not just one
TypeError: fit() got an unexpected keyword argument 'gamma'
In [11]: print(pipeline.get_params())
Out [11]:
{'memory': None,
'steps': [('scaler', StandardScaler(copy=True, with_mean=True, with_std=True)), ('SVM', SVC(C=1.0, break_ties=False, cache_size=200, class_weight=None, coef0=0.0, decision_function_shape='ovr', degree=3, gamma='scale', kernel='rbf', max_iter=-1, probability=False, random_state=None, shrinking=True,
tol=0.001, verbose=False))],
'verbose': False,
'scaler': StandardScaler(copy=True, with_mean=True, with_std=True),
'SVM': SVC(C=1.0, break_ties=False, cache_size=200, class_weight=None, coef0=0.0, decision_function_shape='ovr', degree=3, gamma='scale', kernel='rbf', max_iter=-1, probability=False, random_state=None, shrinking=True, tol=0.001, verbose=False),
'scaler__copy': True, 'scaler__with_mean': True, 'scaler__with_std': True, 'SVM__C': 1.0, 'SVM__break_ties': False, 'SVM__cache_size': 200, 'SVM__class_weight': None, 'SVM__coef0': 0.0, 'SVM__decision_function_shape': 'ovr', 'SVM__degree': 3, 'SVM__gamma': 'scale', 'SVM__kernel': 'rbf', 'SVM__max_iter': -1, 'SVM__probability': False, 'SVM__random_state': None, 'SVM__shrinking': True, 'SVM__tol': 0.001, 'SVM__verbose': False}
最佳答案
.fit()
,如对 .fit()
的调用SVC 类的函数,has no parameter called gamma .当您调用 pipeline.fit(SVM__gamma)
它将 gamma 参数传递给 .fit()
调用 SVM 步骤,这是行不通的。
您使用 .set_params() 在 scikit-learn 中设置参数职能。在最低级别(即针对 SVC 本身),您可以执行 SVC.set_params(gamma='blah')
.在管道中,您将遵循您在参数网格中使用的相同双下划线表示法,所以 pipeline.set_params(SVM__gamma=blah)
,
如果您只针对管道的单个步骤设置单个参数,通常使用 pipeline.named_steps.SVM.set_params(gamma='blah')
直接访问该步骤会很方便。 , 或者使用 pipeline.set_params(**grid.best_params_)
使用您的网格搜索的最佳参数。 (** 符号将 {'A':1, 'B':2} 的字典分解为 A=1, B=2 )
这是一个脚本片段,可以执行我认为您正在尝试执行的操作(尽管使用不同的算法):
# Set the classifier as an XGBClassifier
clf_pipeline = Pipeline(
steps=[
('preprocessor', preprocessor),
('classifier', XGBClassifier(n_jobs=6, n_estimators=20))
]
)
# In[41]:
# Cross validation: 60 iterations with 3 fold CV.
n_features_after_transform = clf_pipeline.named_steps.preprocessor.fit_transform(df).shape[1]
param_grid = {
'classifier__max_depth':stats.randint(low=2, high=100),
'classifier__max_features':stats.randint(low=2, high=n_features_after_transform),
'classifier__gamma':stats.uniform.rvs(0, 0.25, size=10000),
'classifier__subsample':stats.uniform.rvs(0.5, 0.5, size=10000),
'classifier__reg_alpha':stats.uniform.rvs(0.5, 1., size=10000),
'classifier__reg_lambda':stats.uniform.rvs(0.5, 1., size=10000)
}
rscv = RandomizedSearchCV(
clf_pipeline,
param_grid,
n_iter=60,
scoring='roc_auc',
cv=StratifiedKFold(n_splits=3, shuffle=True)
)
rscv.fit(df, y)
# In[42]:
# Set the tuned best params and beef up the number of estimators.
clf_pipeline.set_params(**rscv.best_params_)
clf_pipeline.named_steps.classifier.set_params(n_estimators=200)
named_steps
中设置参数的类来设置单个参数。 .要设置网格搜索确定为最佳的参数,请使用
pipeline.set_params(**grid.best_params_)
关于python - Scikit 管道参数 - fit() 得到一个意外的关键字参数 'gamma',我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/60608474/
在 C# 及其同类语言中,我们总是使用 public string SomeString { get; set;} 但是你也可以使用(我最近才发现这个,而且是在和编译器闲逛的时候发现的) public
我已经为 Controller 中的函数编写了 Swagger 注释,但在生成 swagger-ui 代码时出现错误。以下是我的注释代码 /*** End of Annotation For dele
我正在 PHP 中开发一项服务,该服务使用 exec 函数调用 jar 文件,如下所示: $text = "string with accents á, ó, ú or العربية"; exec(
我正在尝试了解有关在程序中利用/防止缓冲区溢出的方法的更多信息。我知道如果大小是恒定的,下面的代码很容易受到攻击,但是如果大小每次都是随机的怎么办?是否还有办法从堆栈中获取它并以某种方式动态改变溢出字
对于一项学校作业,我应该制作一个可以以小时、分钟和秒为单位存储时间的时间类。一切正常,但仅声明 get 时属性总是返回 0;并设置; private int seconds, minutes, hou
我正在遍历一些测验对象并将结果存储到json变量中。出现"ReferenceError is not defined"错误,不确定原因。 JS代码 // This function will send
使用 Nifi 的 PutDatabaseRecord 处理器在 MySQL 中插入阿拉伯字符(非拉丁语)时,字符被“??????”替换 插入后,阿拉伯字符串被替换为??????。我已经使用 utf8
谁能告诉我为什么 gets(abc) 使用 char[] 而不是使用 int? int abc; char name[] = "lolrofl"; printf("Hello %s.\n",na
为什么在使用 as.POSIXct 转换下面的时间戳时得到所有 NA? > head(tmp$timestamp_utc) [1] Fri Jul 03 00:15:00 EDT 2015 Fri J
def get_submultiples(n): # Get all submultiples of n if n == 1: return [1] i = 2
有没有办法访问基本模型的实际 child ,意思是:继续使用 django Docs 中的示例,让我们假设我正在建模不同的外卖餐厅,它们只是有共同点 姓名 都有deliver方法 至此: class
我正在寻找一个范围的总和,但我总是得到“未定义”。我相信有些东西出现在错误的位置,但我不确定它是什么。 第 1 部分:“编写一个范围函数,它接受两个参数(start 和 end),并返回一个包含从 s
我已将 spring 版本从 4.2.3 更新到 5.0.2,并将安全性从 5.0.1 更新到 5.0.10 并使用 spring -flex版本1.6.0.RC1。 像这样使用 BlazeDS 依赖
我可以输入但在输出中,我得到的结果为零。我使用两门类(class),一门是主要的,是日志,另一门是成绩计算。在成绩计算器中,我编写了方法和构造函数,在日志中,类通过构造函数调用这些方法。 import
我在使用 go 时遇到了构建问题。我想知道这是编译器中的错误还是代码的问题。 // removed the error handling for sake of clarity file, _ :=
我的角色在与盒子互动时出现问题。我有一个 GameObject Player 附加了一个脚本来与游戏中的盒子交互,脚本是: using UnityEngine; using System.Collec
有谁知道为什么我不能在下面生成百分比 codeIshere (第 97-117 行)? var format=d3.format(".1%"); var percent = format(functi
我正在尝试编写图像识别代码,以针对不同动物图像训练系统,这就是代码。我使用 anaconda 作为解释器,使用pycharm作为环境。 import tensorflow as tf import o
我正在尝试在 Java 中初始化 Matcher,但无论字符串是否已初始化且不为 null,都会继续获取 NPE。 这是代码: pattern.compile("\\s"); System.out.p
所以我有这段代码: ; (function (g) { var d = document, i, am = d.createElement('script'), h = d.head || d.g
我是一名优秀的程序员,十分优秀!