- android - 多次调用 OnPrimaryClipChangedListener
- android - 无法更新 RecyclerView 中的 TextView 字段
- android.database.CursorIndexOutOfBoundsException : Index 0 requested, 光标大小为 0
- android - 使用 AppCompat 时,我们是否需要明确指定其 UI 组件(Spinner、EditText)颜色
我有一个 Xs 的列表及其输出值Ys .使用以下代码,我能够训练以下回归量:
代码:
import numpy as np
from sklearn.linear_model import LinearRegression, BayesianRidge
from sklearn.isotonic import IsotonicRegression
from sklearn import ensemble
from sklearn.svm import SVR
from sklearn.gaussian_process import GaussianProcess
import matplotlib.pyplot as plt
from matplotlib.collections import LineCollection
def get_meteor_scores(infile):
with io.open(infile, 'r') as fin:
meteor_scores = [float(i.strip().split()[-1]) for
i in re.findall(r'Segment [0-9].* score\:.*\n',
fin.read())]
return meteor_scores
def get_sts_scores(infile):
with io.open(infile, 'r') as fin:
sts_scores = [float(i) for i in fin]
return sts_scores
Xs = 'meteor.output.train'
Ys = 'score.train'
# Gets scores from https://raw.githubusercontent.com/alvations/USAAR-SemEval-2015/master/task02-USAAR-SHEFFIELD/x.meteor.train
meteor_scores = np.array(get_meteor_scores(Xs))
# Gets scores from https://raw.githubusercontent.com/alvations/USAAR-SemEval-2015/master/task02-USAAR-SHEFFIELD/score.train
sts_scores = np.array(get_sts_scores(Ys))
x = meteor_scores
y = sts_scores
n = len(sts_scores)
# Linear Regression
lr = LinearRegression()
lr.fit(x[:, np.newaxis], y)
# Baysian Ridge Regression
br = BayesianRidge(compute_score=True)
br.fit(x[:, np.newaxis], y)
# Isotonic Regression
ir = IsotonicRegression()
y_ = ir.fit_transform(x, y)
# Gradient Boosting Regression
params = {'n_estimators': 500, 'max_depth': 4, 'min_samples_split': 1,
'learning_rate': 0.01, 'loss': 'ls'}
gbr = ensemble.GradientBoostingRegressor(**params)
gbr.fit(x[:, np.newaxis], y)
但是我如何为支持向量回归
、高斯过程
和决策树回归器
训练回归器?
当我尝试以下方法训练支持向量回归器
时,出现错误:
from sklearn.svm import SVR
# Support Vector Regressions
svr_rbf = SVR(kernel='rbf', C=1e3, gamma=0.1)
svr_lin = SVR(kernel='linear', C=1e3)
svr_poly = SVR(kernel='poly', C=1e3, degree=2)
y_rbf = svr_rbf.fit(x, y)
y_lin = svr_lin.fit(x, y)
y_poly = svr_poly.fit(x, y)
[输出]:
Traceback (most recent call last):
File "/home/alvas/git/USAAR-SemEval-2015/task02-somethingLiddat/carolling.py", line 47, in <module>
y_rbf = svr_rbf.fit(x, y)
File "/home/alvas/.local/lib/python2.7/site-packages/sklearn/svm/base.py", line 149, in fit
(X.shape[0], y.shape[0]))
ValueError: X and y have incompatible shapes.
X has 1 samples, but y has 10597.
当我尝试 Gaussian Process
时,同样的情况发生了:
from sklearn.gaussian_process import GaussianProcess
# Gaussian Process
gp = GaussianProcess(corr='squared_exponential', theta0=1e-1,
thetaL=1e-3, thetaU=1,
random_start=100)
gp.fit(x, y)
[输出]:
Traceback (most recent call last):
File "/home/alvas/git/USAAR-SemEval-2015/task02-somethingLiddat/carolling.py", line 57, in <module>
gp.fit(x, y)
File "/home/alvas/.local/lib/python2.7/site-packages/sklearn/gaussian_process/gaussian_process.py", line 271, in fit
X, y = check_arrays(X, y)
File "/home/alvas/.local/lib/python2.7/site-packages/sklearn/utils/validation.py", line 254, in check_arrays
% (size, n_samples))
ValueError: Found array with dim 10597. Expected 1
运行 gp.fit(x[:,np.newaxis], y)
时出现此错误:
Traceback (most recent call last):
File "/home/alvas/git/USAAR-SemEval-2015/task02-somethingLiddat/carolling.py", line 95, in <module>
gp.fit(x[:,np.newaxis], y)
File "/home/alvas/.local/lib/python2.7/site-packages/sklearn/gaussian_process/gaussian_process.py", line 301, in fit
raise Exception("Multiple input features cannot have the same"
Exception: Multiple input features cannot have the same target value.
当我尝试 Decision Tree Regressor
时:
from sklearn.tree import DecisionTreeRegressor
# Decision Tree Regression
dtr2 = DecisionTreeRegressor(max_depth=2)
dtr5 = DecisionTreeRegressor(max_depth=2)
dtr2.fit(x,y)
dtr5.fit(x,y)
[输出]:
Traceback (most recent call last):
File "/home/alvas/git/USAAR-SemEval-2015/task02-somethingLiddat/carolling.py", line 47, in <module>
dtr2.fit(x,y)
File "/home/alvas/.local/lib/python2.7/site-packages/sklearn/tree/tree.py", line 140, in fit
n_samples, self.n_features_ = X.shape
ValueError: need more than 1 value to unpack
最佳答案
所有这些回归量都需要多维 x 数组,但您的x 数组是一维 数组。因此,唯一的要求是将 x-array 转换为 2D array 以使这些回归器起作用。这可以使用 x[:, np.newaxis]
演示:
>>> from sklearn.svm import SVR
>>> # Support Vector Regressions
... svr_rbf = SVR(kernel='rbf', C=1e3, gamma=0.1)
>>> svr_lin = SVR(kernel='linear', C=1e3)
>>> svr_poly = SVR(kernel='poly', C=1e3, degree=2)
>>> x=np.arange(10)
>>> y=np.arange(10)
>>> y_rbf = svr_rbf.fit(x[:,np.newaxis], y)
>>> y_lin = svr_lin.fit(x[:,np.newaxis], y)
>>> svr_poly = svr_poly.fit(x[:,np.newaxis], y)
>>> from sklearn.gaussian_process import GaussianProcess
>>> # Gaussian Process
... gp = GaussianProcess(corr='squared_exponential', theta0=1e-1,
... thetaL=1e-3, thetaU=1,
... random_start=100)
>>> gp.fit(x[:, np.newaxis], y)
GaussianProcess(beta0=None,
corr=<function squared_exponential at 0x7f46f3ebcf50>,
normalize=True, nugget=array(2.220446049250313e-15),
optimizer='fmin_cobyla', random_start=100,
random_state=<mtrand.RandomState object at 0x7f4702d97150>,
regr=<function constant at 0x7f46f3ebc8c0>, storage_mode='full',
theta0=array([[ 0.1]]), thetaL=array([[ 0.001]]),
thetaU=array([[1]]), verbose=False)
>>> from sklearn.tree import DecisionTreeRegressor
>>> # Decision Tree Regression
... dtr2 = DecisionTreeRegressor(max_depth=2)
>>> dtr5 = DecisionTreeRegressor(max_depth=2)
>>> dtr2.fit(x[:,np.newaxis],y)
DecisionTreeRegressor(compute_importances=None, criterion='mse', max_depth=2,
max_features=None, min_density=None, min_samples_leaf=1,
min_samples_split=2, random_state=None, splitter='best')
>>> dtr5.fit(x[:,np.newaxis],y)
DecisionTreeRegressor(compute_importances=None, criterion='mse', max_depth=2,
max_features=None, min_density=None, min_samples_leaf=1,
min_samples_split=2, random_state=None, splitter='best')
GaussianProcess
的预处理:
xu = np.unique(x) # get unique x values
idx = [np.where(x==x1)[0][0] for x1 in xu] # get corresponding indices for unique x values
gp.fit(xu[:,np.newaxis], y[idx]) # y[idx] selects y values corresponding to unique x values
关于python - 使用 sklearn 训练不同的回归器,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/27489365/
[在此处输入图像描述][1]我正在努力弄清楚回归是否是我需要走的路线,以便解决我当前使用 Python 的挑战。这是我的场景: 我有一个 195 行 x 25 列的 Pandas Dataframe
我想训练回归模型(不是分类),其输出是连续数字。 假设我有输入变量 X,其范围在 -70 到 70 之间。我有输出变量 Y,其范围在 -5 到 5 之间。X 有 39 个特征,Y 有 16 个特征,每
我想使用神经网络逼近 sinc 函数。这是我的代码: import tensorflow as tf from keras.layers import Dense from keras.models
我对 postgres 表做了一些更改,我想将其恢复到以前的状态。没有数据库的备份。有办法吗?比如,postgres 会自动拍摄快照并将其存储在某个地方,还是原始数据会永远丢失? 最佳答案 默认情况下
我有大约 100 个 7x7 因变量矩阵(所以有 49 个因变量)。我的自变量是时间。我正在做一个物理项目,我应该通过求解 ODE 得到一个矩阵函数(矩阵的每个元素都是时间的函数)。我使用了 nump
我之前曾被告知——出于完全合理的原因——当结果变量为二元变量时(即是/否、真/假、赢/输等),不应运行 OLS 回归。但是,我经常阅读经济学/其他社会科学方面的论文,其中研究人员对二元变量运行 OLS
您好,我正在使用生命线包进行 Cox 回归。我想检查非二元分类变量的影响。有内置的方法吗?或者我应该将每个类别因子转换为一个数字?或者,在生命线中使用 kmf fitter,是否可以对每个因素执行此操
作为后续 this question ,我拟合了具有定量和定性解释变量之间相互作用的多元 Logistic 回归。 MWE如下: Type |z|) (Intercept) -0.65518
我想在单个动物园对象中的多对数据系列上使用 lm 执行滚动回归。 虽然我能够通过以下代码对动物园对象中的一对数据系列执行滚动回归: FunLm seat time(seat) seat fm
是否有一种简单的方法可以在 R 中拟合多元回归,其中因变量根据 Skellam distribution 分布? (两个泊松分布计数之间的差异)?比如: myskellam <- glm(A ~ B
包含各种特征和回归目标(称为 qval)的数据集用于训练 XGBoost 回归器。该值 qval 介于 0 和 1 之间,应具有以下分布: 到目前为止,还不错。但是,当我使用 xgb.save_mod
这有效: felm(y ~ x1 + x2 | fe1 + fe2 | 0 | , data = data) 我想要: fixedeffects = "fe1 + fe2" felm(y ~ x1
这有效: felm(y ~ x1 + x2 | fe1 + fe2 | 0 | , data = data) 我想要: fixedeffects = "fe1 + fe2" felm(y ~ x1
关闭。这个问题不符合Stack Overflow guidelines .它目前不接受答案。 我们不允许提问寻求书籍、工具、软件库等的推荐。您可以编辑问题,以便用事实和引用来回答。 关闭 7 年前。
我刚刚开始使用 R 进行统计分析,而且我还在学习。我在 R 中创建循环时遇到问题。我有以下案例,我想知道是否有人可以帮助我。对我来说,这似乎是不可能的,但对你们中的一些人来说,这只是小菜一碟。我有不同
是否可以在 sklearn 中使用或不使用(即仅使用截距)预测器来运行回归(例如逻辑回归)?这似乎是一个相当标准的类型分析,也许这些信息已经在输出中可用。 我发现的唯一相关的东西是sklearn.sv
假设我对一些倾斜的数据分布执行 DNN 回归任务。现在我使用平均绝对误差作为损失函数。 机器学习中的所有典型方法都是最小化平均损失,但对于倾斜来说这是不恰当的。从实际角度来看,最好尽量减少中值损失。我
我正在对公寓特征进行线性回归分析,然后预测公寓的价格。目前,我已经收集了我所在城市 13000 套公寓的特征。我有 23-25 个特征,我不确定在公寓价格预测中拥有如此多的特征是否正常。 我有以下功能
我是 ML 新手,对 catboost 有疑问。所以,我想预测函数值(例如 cos | sin 等)。我回顾了一切,但我的预测始终是直线 是否可能,如果可能,我该如何解决我的问题 我很高兴收到任何评论
我目前已经为二进制类实现了概率(至少我这么认为)。现在我想扩展这种回归方法,并尝试将其用于波士顿数据集。不幸的是,我的算法似乎被卡住了,我当前运行的代码如下所示: from sklearn impor
我是一名优秀的程序员,十分优秀!