约束线性回归/二次规划 python
constrained linear regression / quadratic programming python
我有这样的数据集:
import numpy as np
a = np.array([1.2, 2.3, 4.2])
b = np.array([1, 5, 6])
c = np.array([5.4, 6.2, 1.9])
m = np.vstack([a,b,c])
y = np.array([5.3, 0.9, 5.6])
并想要拟合约束线性回归
y = b1*a + b2*b + b3*c
其中所有 b 的总和为 1 且为正:b1+b2+b3=1
此处指定了 R 中的类似问题:
如何在 python 中执行此操作?
编辑:
这两种方法非常通用,适用于中小型实例。要获得更有效的方法,请查看 chthonicdaemon 的答案(使用自定义预处理和 scipy 的 optimize.nnls)。
使用scipy
代码
import numpy as np
from scipy.optimize import minimize
a = np.array([1.2, 2.3, 4.2])
b = np.array([1, 5, 6])
c = np.array([5.4, 6.2, 1.9])
m = np.vstack([a,b,c])
y = np.array([5.3, 0.9, 5.6])
def loss(x):
return np.sum(np.square((np.dot(x, m) - y)))
cons = ({'type': 'eq',
'fun' : lambda x: np.sum(x) - 1.0})
x0 = np.zeros(m.shape[0])
res = minimize(loss, x0, method='SLSQP', constraints=cons,
bounds=[(0, np.inf) for i in range(m.shape[0])], options={'disp': True})
print(res.x)
print(np.dot(res.x, m.T))
print(np.sum(np.square(np.dot(res.x, m) - y)))
输出
Optimization terminated successfully. (Exit mode 0)
Current function value: 18.817792344
Iterations: 5
Function evaluations: 26
Gradient evaluations: 5
[ 0.7760881 0. 0.2239119]
[ 1.87173571 2.11955951 4.61630834]
18.817792344
评价
- 很明显,模型能力/模型复杂度不足以获得良好的性能(高损失!)
使用由 cvxpy
建模的通用 QP/SOCP-optimization
优点:
- cvxpy 证明问题是凸的
- 凸优化问题的收敛是有保证的(对于上述情况可能也是如此)
- 总的来说:准确性更高
- 总的来说:在数值不稳定性方面更稳健(求解器只能求解 SOCP;不能求解像上面的 SLSQP 方法那样的非凸模型!)
代码
import numpy as np
from cvxpy import *
a = np.array([1.2, 2.3, 4.2])
b = np.array([1, 5, 6])
c = np.array([5.4, 6.2, 1.9])
m = np.vstack([a,b,c])
y = np.array([5.3, 0.9, 5.6])
X = Variable(m.shape[0])
constraints = [X >= 0, sum_entries(X) == 1.0]
product = m.T * diag(X)
diff = sum_entries(product, axis=1) - y
problem = Problem(Minimize(norm(diff)), constraints)
problem.solve(verbose=True)
print(problem.value)
print(X.value)
输出
ECOS 2.0.4 - (C) embotech GmbH, Zurich Switzerland, 2012-15. Web: www.embotech.com/ECOS
It pcost dcost gap pres dres k/t mu step sigma IR | BT
0 +0.000e+00 -0.000e+00 +2e+01 5e-01 1e-01 1e+00 4e+00 --- --- 1 1 - | - -
1 +2.451e+00 +2.539e+00 +4e+00 1e-01 2e-02 2e-01 8e-01 0.8419 4e-02 2 2 2 | 0 0
2 +4.301e+00 +4.306e+00 +2e-01 5e-03 7e-04 1e-02 4e-02 0.9619 1e-02 2 2 2 | 0 0
3 +4.333e+00 +4.334e+00 +2e-02 4e-04 6e-05 1e-03 4e-03 0.9326 2e-02 2 1 2 | 0 0
4 +4.338e+00 +4.338e+00 +5e-04 1e-05 2e-06 4e-05 1e-04 0.9698 1e-04 2 1 1 | 0 0
5 +4.338e+00 +4.338e+00 +3e-05 8e-07 1e-07 3e-06 7e-06 0.9402 7e-03 2 1 1 | 0 0
6 +4.338e+00 +4.338e+00 +7e-07 2e-08 2e-09 6e-08 2e-07 0.9796 1e-03 2 1 1 | 0 0
7 +4.338e+00 +4.338e+00 +1e-07 3e-09 4e-10 1e-08 3e-08 0.8458 2e-02 2 1 1 | 0 0
8 +4.338e+00 +4.338e+00 +7e-09 2e-10 2e-11 9e-10 2e-09 0.9839 5e-02 1 1 1 | 0 0
OPTIMAL (within feastol=1.7e-10, reltol=1.5e-09, abstol=6.5e-09).
Runtime: 0.000555 seconds.
4.337947939 # needs to be squared to be compared to scipy's output!
# as we are using l2-norm (outer sqrt) instead of sum-of-squares
# which is nicely converted to SOCP-form and easier to
# tackle by SOCP-based solvers like ECOS
# -> does not change the solution-vector x, only the obj-value
[[ 7.76094262e-01]
[ 7.39698388e-10]
[ 2.23905737e-01]]
你可以通过一点数学和 scipy.optimize.nnls
:
得到一个很好的解决方案
首先我们算一下:
如果
y = b1*a + b2*b + b3*c 且 b1 + b2 + b3 = 1,则 b3 = 1 - b1 - b2。
如果我们替换和简化我们最终得到
y - c = b1(a - c) + b2(b - c)
现在,我们没有任何等式约束,nnls可以直接求解:
import scipy.optimize
A = np.vstack([a - c, b - c]).T
(b1, b2), norm = scipy.optimize.nnls(A, y - c)
b3 = 1 - b1 - b2
这将恢复与使用 cvxpy 在另一个答案中获得的相同的解决方案。
b1 = 0.77608809648662802
b2 = 0.0
b3 = 0.22391190351337198
norm = 4.337947941595865
这种方法可以推广到任意数量的维度,如下所示。假设我们有一个矩阵 B,由排列在列中的原始问题中的 a、b、c 构成。任何其他尺寸都将添加到此。
现在,我们可以做到
A = B[:, :-1] - B[:, -1:]
bb, norm = scipy.optimize.nnls(A, y - B[:, -1])
bi = np.append(bb, 1 - sum(bb))
一条关于 : be aware that with scipy minimize, the trial-and-error nature of SLSQP may get you a solution that is slightly off unless you make some other specifications, namely the maximum iterations (maxiter) and maximum tolerance (ftol), as detailed in the scipy docs here 的评论。
默认值是:maxiter=100 和 ftol=1e-06。
这里有一个使用矩阵表示法的例子:首先摆脱约束和边界。为简单起见,还假设截距 = 0。在这种情况下,任何多元回归的系数,如第 4 页 here 所述,将(准确地)为:
def betas(y, x):
# y and x are ndarrays--response & design matrixes
return np.dot(np.linalg.inv(np.dot(x.T, x)), np.dot(x.T, y))
现在,鉴于最小二乘回归的目标是最小化残差平方和,采用 sascha 的损失函数(稍微重写):
def resids(b, y, x):
resid = y - np.dot(x, b)
return np.dot(resid.T, resid)
给定您的实际 Y 和 X 向量,您可以将上面第一个等式的结果 "true" 贝塔代入第二个以获得更好的结果 "benchmark." 将此基准与 .fun 进行比较res 的属性(什么 scipy 最小化吐出)。即使是微小的变化也会对结果系数造成有意义的变化。
所以长话短说,使用像
这样的东西会牺牲速度但会提高准确性
options={'maxiter' : 1000, 'ftol' : 1e-07}
在 sascha 的代码中。
我有这样的数据集:
import numpy as np
a = np.array([1.2, 2.3, 4.2])
b = np.array([1, 5, 6])
c = np.array([5.4, 6.2, 1.9])
m = np.vstack([a,b,c])
y = np.array([5.3, 0.9, 5.6])
并想要拟合约束线性回归
y = b1*a + b2*b + b3*c
其中所有 b 的总和为 1 且为正:b1+b2+b3=1
此处指定了 R 中的类似问题:
如何在 python 中执行此操作?
编辑: 这两种方法非常通用,适用于中小型实例。要获得更有效的方法,请查看 chthonicdaemon 的答案(使用自定义预处理和 scipy 的 optimize.nnls)。
使用scipy
代码
import numpy as np
from scipy.optimize import minimize
a = np.array([1.2, 2.3, 4.2])
b = np.array([1, 5, 6])
c = np.array([5.4, 6.2, 1.9])
m = np.vstack([a,b,c])
y = np.array([5.3, 0.9, 5.6])
def loss(x):
return np.sum(np.square((np.dot(x, m) - y)))
cons = ({'type': 'eq',
'fun' : lambda x: np.sum(x) - 1.0})
x0 = np.zeros(m.shape[0])
res = minimize(loss, x0, method='SLSQP', constraints=cons,
bounds=[(0, np.inf) for i in range(m.shape[0])], options={'disp': True})
print(res.x)
print(np.dot(res.x, m.T))
print(np.sum(np.square(np.dot(res.x, m) - y)))
输出
Optimization terminated successfully. (Exit mode 0)
Current function value: 18.817792344
Iterations: 5
Function evaluations: 26
Gradient evaluations: 5
[ 0.7760881 0. 0.2239119]
[ 1.87173571 2.11955951 4.61630834]
18.817792344
评价
- 很明显,模型能力/模型复杂度不足以获得良好的性能(高损失!)
使用由 cvxpy
建模的通用 QP/SOCP-optimization优点:
- cvxpy 证明问题是凸的
- 凸优化问题的收敛是有保证的(对于上述情况可能也是如此)
- 总的来说:准确性更高
- 总的来说:在数值不稳定性方面更稳健(求解器只能求解 SOCP;不能求解像上面的 SLSQP 方法那样的非凸模型!)
代码
import numpy as np
from cvxpy import *
a = np.array([1.2, 2.3, 4.2])
b = np.array([1, 5, 6])
c = np.array([5.4, 6.2, 1.9])
m = np.vstack([a,b,c])
y = np.array([5.3, 0.9, 5.6])
X = Variable(m.shape[0])
constraints = [X >= 0, sum_entries(X) == 1.0]
product = m.T * diag(X)
diff = sum_entries(product, axis=1) - y
problem = Problem(Minimize(norm(diff)), constraints)
problem.solve(verbose=True)
print(problem.value)
print(X.value)
输出
ECOS 2.0.4 - (C) embotech GmbH, Zurich Switzerland, 2012-15. Web: www.embotech.com/ECOS
It pcost dcost gap pres dres k/t mu step sigma IR | BT
0 +0.000e+00 -0.000e+00 +2e+01 5e-01 1e-01 1e+00 4e+00 --- --- 1 1 - | - -
1 +2.451e+00 +2.539e+00 +4e+00 1e-01 2e-02 2e-01 8e-01 0.8419 4e-02 2 2 2 | 0 0
2 +4.301e+00 +4.306e+00 +2e-01 5e-03 7e-04 1e-02 4e-02 0.9619 1e-02 2 2 2 | 0 0
3 +4.333e+00 +4.334e+00 +2e-02 4e-04 6e-05 1e-03 4e-03 0.9326 2e-02 2 1 2 | 0 0
4 +4.338e+00 +4.338e+00 +5e-04 1e-05 2e-06 4e-05 1e-04 0.9698 1e-04 2 1 1 | 0 0
5 +4.338e+00 +4.338e+00 +3e-05 8e-07 1e-07 3e-06 7e-06 0.9402 7e-03 2 1 1 | 0 0
6 +4.338e+00 +4.338e+00 +7e-07 2e-08 2e-09 6e-08 2e-07 0.9796 1e-03 2 1 1 | 0 0
7 +4.338e+00 +4.338e+00 +1e-07 3e-09 4e-10 1e-08 3e-08 0.8458 2e-02 2 1 1 | 0 0
8 +4.338e+00 +4.338e+00 +7e-09 2e-10 2e-11 9e-10 2e-09 0.9839 5e-02 1 1 1 | 0 0
OPTIMAL (within feastol=1.7e-10, reltol=1.5e-09, abstol=6.5e-09).
Runtime: 0.000555 seconds.
4.337947939 # needs to be squared to be compared to scipy's output!
# as we are using l2-norm (outer sqrt) instead of sum-of-squares
# which is nicely converted to SOCP-form and easier to
# tackle by SOCP-based solvers like ECOS
# -> does not change the solution-vector x, only the obj-value
[[ 7.76094262e-01]
[ 7.39698388e-10]
[ 2.23905737e-01]]
你可以通过一点数学和 scipy.optimize.nnls
:
首先我们算一下:
如果
y = b1*a + b2*b + b3*c 且 b1 + b2 + b3 = 1,则 b3 = 1 - b1 - b2。
如果我们替换和简化我们最终得到
y - c = b1(a - c) + b2(b - c)
现在,我们没有任何等式约束,nnls可以直接求解:
import scipy.optimize
A = np.vstack([a - c, b - c]).T
(b1, b2), norm = scipy.optimize.nnls(A, y - c)
b3 = 1 - b1 - b2
这将恢复与使用 cvxpy 在另一个答案中获得的相同的解决方案。
b1 = 0.77608809648662802
b2 = 0.0
b3 = 0.22391190351337198
norm = 4.337947941595865
这种方法可以推广到任意数量的维度,如下所示。假设我们有一个矩阵 B,由排列在列中的原始问题中的 a、b、c 构成。任何其他尺寸都将添加到此。
现在,我们可以做到
A = B[:, :-1] - B[:, -1:]
bb, norm = scipy.optimize.nnls(A, y - B[:, -1])
bi = np.append(bb, 1 - sum(bb))
一条关于
默认值是:maxiter=100 和 ftol=1e-06。
这里有一个使用矩阵表示法的例子:首先摆脱约束和边界。为简单起见,还假设截距 = 0。在这种情况下,任何多元回归的系数,如第 4 页 here 所述,将(准确地)为:
def betas(y, x):
# y and x are ndarrays--response & design matrixes
return np.dot(np.linalg.inv(np.dot(x.T, x)), np.dot(x.T, y))
现在,鉴于最小二乘回归的目标是最小化残差平方和,采用 sascha 的损失函数(稍微重写):
def resids(b, y, x):
resid = y - np.dot(x, b)
return np.dot(resid.T, resid)
给定您的实际 Y 和 X 向量,您可以将上面第一个等式的结果 "true" 贝塔代入第二个以获得更好的结果 "benchmark." 将此基准与 .fun 进行比较res 的属性(什么 scipy 最小化吐出)。即使是微小的变化也会对结果系数造成有意义的变化。
所以长话短说,使用像
这样的东西会牺牲速度但会提高准确性options={'maxiter' : 1000, 'ftol' : 1e-07}
在 sascha 的代码中。