多元线性回归

多元线性回归


在这里插入图片描述

  • 符号解释:

n n n:特征的个数
x ( i ) x^{(i)} x(i):第i个训练样本
x j ( i ) x^{(i)}_{j} xj(i):第 i i i个训练样本的第 j j j个特征值

预测函数:
h θ ( x ) = θ 0 + θ 1 x 1 + θ 2 x 2 + . . . + θ n x n h_\theta(x) = \theta_0 +\theta_1x_1 + \theta_2x_2 + ...+\theta_nx_n hθ(x)=θ0+θ1x1+θ2x2+...+θnxn
为了方便,我们定义 x 0 = 1 x_0=1 x0=1
x = [ x 0 x 1 x 2 ⋮ x n ] x = \begin{bmatrix} x_0\\ x_1\\ x_2\\ \vdots\\ x_n \end{bmatrix} x=x0x1x2xn

θ = [ θ 0 θ 1 θ 2 ⋮ θ n ] \theta = \begin{bmatrix} \theta_0\\ \theta_1\\ \theta_2\\ \vdots\\ \theta_n \end{bmatrix} θ=θ0θ1θ2θn

则有 h θ ( x ) = θ 0 x 0 + θ 1 x 1 + θ 2 x 2 + . . . + θ n x n h_\theta(x) = \theta_0 x_0+\theta_1x_1 + \theta_2x_2 + ...+\theta_nx_n hθ(x)=θ0x0+θ1x1+θ2x2+...+θnxn
= θ T ⋅ x                                    = \theta^T·x\ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ =θTx                                  

多元梯度下降


预测函数: h θ ( x ) = θ T ⋅ x = θ 0 x 0 + θ 1 x 1 + θ 2 x 2 + . . . + θ n x n h_\theta(x) = \theta^T·x =\theta_0 x_0+\theta_1x_1 + \theta_2x_2 + ...+\theta_nx_n hθ(x)=θTx=θ0x0+θ1x1+θ2x2+...+θnxn
代价函数: J ( θ 0 , θ 1 , … , θ n ) = 1 2 m ∑ i = 1 m ( h θ ( x ( i ) ) − y ( i ) ) 2 J(\theta_0,\theta_1,\dots,\theta_n) = \frac{1}{2m}\sum_{i=1}^{m}{(h_\theta(x^{(i)})-y^{(i)})^2} J(θ0,θ1,,θn)=2m1i=1m(hθ(x(i))y(i))2

梯度下降算法:

R e p e a t {                                                              Repeat\{ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ Repeat{                                                            
θ j : = θ j − α ∂ ∂ θ j J ( θ 0 , θ 1 , … , θ n )     f o r   j = 0 , 1 , … , n \theta_j := \theta_j - \alpha \frac{\partial}{\partial \theta_j}J(\theta_0, \theta_1,\dots,\theta_n) \ \ \ for\ j = 0,1,\dots,n θj:=θjαθjJ(θ0,θ1,,θn)   for j=0,1,,n
}                                                                                      \}\ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ }                                                                                    


求导得:
R e p e a t {                                                              Repeat\{ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ Repeat{                                                            
θ j : = θ j − α 1 m ∑ i = 1 m ( h θ ( x ( i ) ) − y ( i ) ) ⋅ x j ( i ) \theta_j := \theta_j - \alpha \frac {1}{m} \sum ^{m}_{i=1}(h_\theta(x^{(i)})-y^{(i)})·x_j^{(i)} θj:=θjαm1i=1m(hθ(x(i))y(i))xj(i)
}                                                                         \}\ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ \ }                                                                       

梯度下降法实践1:特征缩放


在我们面对多维特征问题的时候,我们要保证这些特征都具有相近的尺度,这将帮助梯
度下降算法更快地收敛。

比如以房价问题为例,假设我们使用两个特征,房屋的尺寸和房间的数量,尺寸的值为 0
2000 平方英尺,而房间数量的值则是 0-5,以两个参数分别为横纵坐标,绘制代价函数的等
高线图能,看出图像会显得很扁,梯度下降算法需要非常多次的迭代才能收敛。

在这里插入图片描述


特征缩放是一种有效的解决方法:尝试将所有特征的尺度都尽量缩放到-1 到 1 之间。如图:
在这里插入图片描述
最简单的方法是令 x n = x n − μ n s n x_n = \frac{x_n - \mu_n}{s_n} xn=snxnμn

其中, μ n \mu_n μn平均值 s n s_n sn标准差,或者极差(最大值减最小值)


梯度下降法实践2: 学习率 α \alpha α


梯度下降算法收敛所需要的迭代次数根据模型的不同而不同,我们不能提前预知,我们
可以绘制迭代次数和代价函数的图表来观测算法需要几次迭代趋于收敛。
在这里插入图片描述
J ( θ ) J(\theta) J(θ)应该在每次迭代后都减少。
我们也可以设置:当一次迭代后减少的值小于特定阈值时停止。

梯度下降算法的每次迭代受到学习率的影响

  • 如果学习率?过小,则达到收敛所需的迭代次数会非常高;
  • 如果学习率?过大,每次迭代可能不会减小代价函数,可能会越过局部最小值导致无法收敛。

通常使用这些学习率:
? = 0.01,0.03,0.1,0.3,1,3,10


Python代码实现


import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
import seaborn as sns

df = pd.read_csv('ex1data2.txt', names=['size', 'rooms', 'price'])
# print(df.head())


def normalize_feature(df):
    return df.apply(lambda column: (column - column.mean()) / column.std())#特征缩放


df = normalize_feature(df)


def get_X(df):
    ones = pd.DataFrame({'ones': np.ones(len(df))})
    data = pd.concat([ones, df], axis=1)
    return data.iloc[:, :-1].as_matrix()


def get_y(df):
    return np.array(df.iloc[:, -1].as_matrix())


X = get_X(df)
y = get_y(df)
m = X.shape[0]
n = X.shape[1]
theta = np.zeros(n)


def lr_cost(theta, X, y):
    inner = (X.dot(theta) - y)
    cost = inner.T.dot(inner)
    return cost/(2 * m)


def gradient(theta, X, y):
    inner = X.T.dot(X.dot(theta) - y)
    return inner/m


def batch_gradient(theta, X, y, epoch, alpha=0.01):
    _theta = theta.copy()
    cost_data = [lr_cost(theta, X, y)]
    for _ in range(epoch):
        _theta = _theta - alpha * gradient(_theta, X, y)
        cost_data.append(lr_cost(_theta, X, y))
    return _theta, cost_data


epoch = 500
final_theta, cost_data = batch_gradient(theta, X, y, epoch)
print(final_theta)
sns.tsplot(time=np.arange(len(cost_data)), data=cost_data)
plt.xlabel('epoch', fontsize=18)
plt.ylabel('cost', fontsize=18)
plt.show()
  • 1
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值