我正在为一些有限大小的物理系统进行计算机模拟,之后我正在对无穷大进行外推(热力学极限)。有些理论认为数据应该与系统规模成线性关系,所以我做的是线性回归。
我的数据有噪音,但对于每个数据点,我都可以估算出错误。因此,例如数据点如下:
x_list = [0.3333333333333333, 0.2886751345948129, 0.25, 0.23570226039551587, 0.22360679774997896, 0.20412414523193154, 0.2, 0.16666666666666666]
y_list = [0.13250359351851854, 0.12098339583333334, 0.12398501145833334, 0.09152715, 0.11167239583333334, 0.10876248333333333, 0.09814170444444444, 0.08560799305555555]
y_err = [0.003306749165349316, 0.003818446389148108, 0.0056036878203831785, 0.0036635292592592595, 0.0037034897788415424, 0.007576672222222223, 0.002981084130692832, 0.0034913019065973983]
假设我试图用Python做到这一点。
我知道的第一种方式是:
m, c, r_value, p_value, std_err = scipy.stats.linregress(x_list, y_list)
据我所知,这给了我结果的错误栏,但这并未考虑初始数据的错误栏。
我知道的第二种方式是:
m, c = numpy.polynomial.polynomial.polyfit(x_list, y_list, 1, w = [1.0 / ty for ty in y_err], full=False)
这里我们使用每个点的误差条的倒数作为在最小二乘近似中使用的权重。因此,如果一个点不是那么可靠,那么它不会对结果造成太大影响,这是合理的。
但我无法弄清楚如何获得结合这两种方法的东西。
我真正想要的是第二方法的作用,意味着当每个点影响不同权重的结果时使用回归。但与此同时,我想知道我的结果有多准确,这意味着,我想知道结果系数的误码是什么。
我该怎么做?
答案 0 :(得分:8)
不完全确定这是不是你的意思,但是......使用pandas,statsmodels和patsy,我们可以比较普通的最小二乘拟合和加权最小二乘拟合,它使用噪声的倒数你提供了一个权重矩阵(顺便说一下,statsmodels会抱怨样本量大小<20)。
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
import statsmodels.formula.api as sm
x_list = [0.3333333333333333, 0.2886751345948129, 0.25, 0.23570226039551587, 0.22360679774997896, 0.20412414523193154, 0.2, 0.16666666666666666]
y_list = [0.13250359351851854, 0.12098339583333334, 0.12398501145833334, 0.09152715, 0.11167239583333334, 0.10876248333333333, 0.09814170444444444, 0.08560799305555555]
y_err = [0.003306749165349316, 0.003818446389148108, 0.0056036878203831785, 0.0036635292592592595, 0.0037034897788415424, 0.007576672222222223, 0.002981084130692832, 0.0034913019065973983]
# put x and y into a pandas DataFrame, and the weights into a Series
ws = pd.DataFrame({
'x': x_list,
'y': y_list
})
weights = pd.Series(y_err)
wls_fit = sm.wls('x ~ y', data=ws, weights=1 / weights).fit()
ols_fit = sm.ols('x ~ y', data=ws).fit()
# show the fit summary by calling wls_fit.summary()
# wls fit r-squared is 0.754
# ols fit r-squared is 0.701
# let's plot our data
plt.clf()
fig = plt.figure()
ax = fig.add_subplot(111, axisbg='w')
ws.plot(
kind='scatter',
x='x',
y='y',
style='o',
alpha=1.,
ax=ax,
title='x vs y scatter',
edgecolor='#ff8300',
s=40
)
# weighted prediction
wp, = ax.plot(
wls_fit.predict(),
ws['y'],
color='#e55ea2',
lw=1.,
alpha=1.0,
)
# unweighted prediction
op, = ax.plot(
ols_fit.predict(),
ws['y'],
color='k',
ls='solid',
lw=1,
alpha=1.0,
)
leg = plt.legend(
(op, wp),
('Ordinary Least Squares', 'Weighted Least Squares'),
loc='upper left',
fontsize=8)
plt.tight_layout()
fig.set_size_inches(6.40, 5.12)
plt.savefig("so.png", dpi=100, alpha=True)
plt.show()
WLS残差:
[0.025624005084707302,
0.013611438189866154,
-0.033569595462217161,
0.044110895217014695,
-0.025071632845910546,
-0.036308252199571928,
-0.010335514810672464,
-0.0081511479431851663]
加权拟合(wls_fit.mse_resid
或wls_fit.scale
)的残差的均方误差 0.22964802498892287 ,拟合的r平方值 0.754 即可。
如果您需要所有可用属性和方法的列表,则可以通过调用summary()
方法和/或执行dir(wls_fit)
来获取大量有关拟合的数据。
答案 1 :(得分:3)
我写了一个简洁的函数来执行数据集的加权线性回归,这是GSL's "gsl_fit_wlinear" function的直接翻译。如果您想要确切知道函数在执行拟合时所执行的操作
,这非常有用def wlinear_fit (x,y,w) :
"""
Fit (x,y,w) to a linear function, using exact formulae for weighted linear
regression. This code was translated from the GNU Scientific Library (GSL),
it is an exact copy of the function gsl_fit_wlinear.
"""
# compute the weighted means and weighted deviations from the means
# wm denotes a "weighted mean", wm(f) = (sum_i w_i f_i) / (sum_i w_i)
W = np.sum(w)
wm_x = np.average(x,weights=w)
wm_y = np.average(y,weights=w)
dx = x-wm_x
dy = y-wm_y
wm_dx2 = np.average(dx**2,weights=w)
wm_dxdy = np.average(dx*dy,weights=w)
# In terms of y = a + b x
b = wm_dxdy / wm_dx2
a = wm_y - wm_x*b
cov_00 = (1.0/W) * (1.0 + wm_x**2/wm_dx2)
cov_11 = 1.0 / (W*wm_dx2)
cov_01 = -wm_x / (W*wm_dx2)
# Compute chi^2 = \sum w_i (y_i - (a + b * x_i))^2
chi2 = np.sum (w * (y-(a+b*x))**2)
return a,b,cov_00,cov_11,cov_01,chi2
为了完成你的健康,你会做
a,b,cov_00,cov_11,cov_01,chi2 = wlinear_fit(x_list,y_list,1.0/y_err**2)
这将返回线性回归的系数a
(截距)和b
(斜率)的最佳估计值,以及协方差矩阵cov_00
的元素, cov_01
和cov_11
。 a
上的错误的最佳估计值是cov_00
的平方根,而b
上的值是cov_11
的平方根。残差的加权和在chi2
变量中返回。
重要:此函数接受逆差异,而不是逆标准偏差作为数据点的权重。
答案 2 :(得分:0)
我发现this文档有助于理解和设置我自己的加权最小二乘例程(适用于任何编程语言)。
通常学习和使用优化的例程是最好的方法,但有时候理解例程的内容很重要。
答案 3 :(得分:0)
sklearn.linear_model.LinearRegression
支持在fit
期间指定权重:
x_data = np.array(x_list).reshape(-1, 1) # The model expects shape (n_samples, n_features).
y_data = np.array(y_list)
y_err = np.array(y_err)
model = LinearRegression()
model.fit(x_data, y_data, sample_weight=1/y_err)
此处样品重量指定为1 / y_err
。可能有不同的版本,通常最好将这些样本权重裁剪为最大值,以防y_err
变化很大或具有较小的离群值:
sample_weight = 1 / y_err
sample_weight = np.minimum(sample_weight, MAX_WEIGHT)
应根据您的数据确定MAX_WEIGHT
的位置(通过查看y_err
或1 / y_err
分布,例如,如果它们具有异常值,则可以对其进行裁剪)。