美文网首页
(转)吴恩达机器学习作业Python实现(一):线性回归

(转)吴恩达机器学习作业Python实现(一):线性回归

作者: elvinmao | 来源:发表于2019-08-28 13:27 被阅读0次

    原文链接:https://blog.csdn.net/Cowry5/article/details/80174130

    吴恩达机器学习系列作业目录

    单变量线性回归

    在本部分的练习中,您将使用一个变量实现线性回归,以预测食品卡车的利润。假设你是一家餐馆的首席执行官,正在考虑不同的城市开设一个新的分店。该连锁店已经在各个城市拥有卡车,而且你有来自城市的利润和人口数据。
    您希望使用这些数据来帮助您选择将哪个城市扩展到下一个城市。

    %matplotlib inline
    
    import numpy as np
    import pandas as pd
    import matplotlib.pyplot as plt
    
    

    导入数据,并查看

    path =  'ex1data1.txt'
    # names添加列名,header用指定的行来作为标题,若原无标题且指定标题则设为None
    data = pd.read_csv(path, header=None, names=['Population', 'Profit'])  
    data.head()
    
    
    image.png
    data.describe()
    
    
    image.png

    在开始任何任务之前,通过可视化来理解数据通常是有用的。
    对于这个数据集,您可以使用散点图来可视化数据,因为它只有两个属性(利润和人口)。
    (你在现实生活中遇到的许多其他问题都是多维度的,不能在二维图上画出来。)

    data.plot(kind='scatter', x='Population', y='Profit', figsize=(8,5))
    plt.show()
    
    
    output_7_0.png

    现在让我们使用梯度下降来实现线性回归,以最小化成本函数。 以下代码示例中实现的方程在“练习”文件夹中的“ex1.pdf”中有详细说明。

    首先,我们将创建一个以参数θ为特征函数的代价函数
    <nobr aria-hidden="true">J(θ)=12m∑mi=1(hθ(x(i))−y(i))2</nobr>

    </article>

    J(θ)=2m1​i=1∑m​(hθ​(x(i))−y(i))2
    其中:<nobr aria-hidden="true">hθ(x)=θTX=θ0x0+θ1x1+θ2x2+...+θnxn</nobr>

    hθ​(x)=θTX=θ0​x0​+θ1​x1​+θ2​x2​+...+θn​xn​

    计算代价函数 <nobr aria-hidden="true">J(θ)</nobr>

    J(θ)

    def computeCost(X, y, theta):
        inner = np.power(((X * theta.T) -  y), 2)
        return np.sum(inner) / (2 * len(X))
    
    

    让我们在训练集中添加一列,以便我们可以使用向量化的解决方案来计算代价和梯度。

    data.insert(0, 'Ones', 1)
    
    

    现在我们来做一些变量初始化。

    取最后一列为 y,其余为 X

    # set X (training data) and y (target variable)
    cols = data.shape[1]  # 列数
    X = data.iloc[:,0:cols-1]  # 取前cols-1列,即输入向量
    y = data.iloc[:,cols-1:cols] # 取最后一列,即目标向量
    
    

    观察下 X (训练集) and y (目标变量)是否正确.

    X.head()  # head()是观察前5行
    
    
    y.head()
    
    

    注意:这里我使用的是matix而不是array,两者基本通用。

    但是matrix的优势就是相对简单的运算符号,比如两个矩阵相乘,就是用符号*,但是array相乘不能这么用,得用方法.dot()
    array的优势就是不仅仅表示二维,还能表示3、4、5…维,而且在大部分Python程序里,array也是更常用的。

    两者区别:

    1. 对应元素相乘:matrix可以用np.multiply(X2,X1),array直接X1*X2
    2. 点乘:matrix直接X1*X2,array可以 X1@X2 或 X1.dot(X2) 或 np.dot(X1, X2)

    代价函数是应该是numpy矩阵,所以我们需要转换X和Y,然后才能使用它们。 我们还需要初始化theta。

    X = np.matrix(X.values)
    y = np.matrix(y.values)
    theta = np.matrix([0,0])
    
    

    theta 是一个(1,2)矩阵

    np.array([[0,0]]).shape 
    # (1, 2)
    
    

    看下维度,确保计算没问题

    X.shape, theta.shape, y.shape
    # ((97, 2), (1, 2), (97, 1))
    
    

    计算初始代价函数的值 (theta初始值为0).

    computeCost(X, y, theta) # 32.072733877455676
    
    

    batch gradient decent(批量梯度下降)

    <nobr aria-hidden="true">J(θ)=12m∑i=1m(hθ(x(i))−y(i))2</nobr>

    J(θ)=2m1​∑i=1m(hθ(x(i))−y(i))2

    其中:
    <nobr aria-hidden="true">hθ(x)=θTX=θ0x0+θ1x1+θ2x2+...+θnxn</nobr>

    hθ​(x)=θTX=θ0​x0​+θ1​x1​+θ2​x2​+...+θn​xn​
    优化:
    <nobr aria-hidden="true">θj:=θj−α∂∂θjJ(θ)</nobr>

    θj​:=θj​−α∂θj​∂​J(θ)

    <nobr aria-hidden="true">θj:=θj−α1m∑mi=1(hθ(x(i))−y(i))x(i)j</nobr>

    θj​:=θj​−αm1​i=1∑m​(hθ​(x(i))−y(i))xj(i)​
    使用 vectorization同时更新所有的 θ,可以大大提高效率

    X.shape, theta.shape, y.shape, X.shape[0]
    # ((97, 2), (1, 2), (97, 1), 97)
    
    
    def gradientDescent(X, y, theta, alpha, epoch):
        """reuturn theta, cost"""
    
        temp = np.matrix(np.zeros(theta.shape))  # 初始化一个 θ 临时矩阵(1, 2)
        parameters = int(theta.flatten().shape[1])  # 参数 θ的数量
        cost = np.zeros(epoch)  # 初始化一个ndarray,包含每次epoch的cost
        m = X.shape[0]  # 样本数量m
    
        for i in range(epoch):
            # 利用向量化一步求解
            temp =theta - (alpha / m) * (X * theta.T - y).T * X
    
    # 以下是不用Vectorization求解梯度下降
    #         error = (X * theta.T) - y  # (97, 1)
    
    #         for j in range(parameters):
    #             term = np.multiply(error, X[:,j])  # (97, 1)
    #             temp[0,j] = theta[0,j] - ((alpha / m) * np.sum(term))  # (1,1)
    
             theta = temp
             cost[i] = computeCost(X, y, theta)
    
        return theta, cost
    
    

    初始化一些附加变量 - 学习速率α和要执行的迭代次数。

    alpha = 0.01
    epoch = 1000
    
    

    现在让我们运行梯度下降算法来将我们的参数θ适合于训练集。

    final_theta, cost = gradientDescent(X, y, theta, alpha, epoch)
    
    

    最后,我们可以使用我们拟合的参数计算训练模型的代价函数(误差)。

    computeCost(X, y, final_theta)
    
    

    现在我们来绘制线性模型以及数据,直观地看出它的拟合。

    np.linspace()在指定的间隔内返回均匀间隔的数字。

    x = np.linspace(data.Population.min(), data.Population.max(), 100)  # 横坐标
    f = final_theta[0, 0] + (final_theta[0, 1] * x)  # 纵坐标,利润
    
    fig, ax = plt.subplots(figsize=(6,4))
    ax.plot(x, f, 'r', label='Prediction')
    ax.scatter(data['Population'], data.Profit, label='Traning Data')
    ax.legend(loc=2)  # 2表示在左上角
    ax.set_xlabel('Population')
    ax.set_ylabel('Profit')
    ax.set_title('Predicted Profit vs. Population Size')
    plt.show()
    
    
    image.png

    由于梯度方程式函数也在每个训练迭代中输出一个代价的向量,所以我们也可以绘制。 请注意,线性回归中的代价函数总是降低的 - 这是凸优化问题的一个例子。

    fig, ax = plt.subplots(figsize=(8,4))
    ax.plot(np.arange(epoch), cost, 'r')  # np.arange()返回等差数组
    ax.set_xlabel('Iterations')
    ax.set_ylabel('Cost')
    ax.set_title('Error vs. Training Epoch')
    plt.show()
    
    
    image.png

    多变量线性回归

    练习1还包括一个房屋价格数据集,其中有2个变量(房子的大小,卧室的数量)和目标(房子的价格)。 我们使用我们已经应用的技术来分析数据集。

    path =  'ex1data2.txt'
    data2 = pd.read_csv(path, names=['Size', 'Bedrooms', 'Price'])
    data2.head()
    
    
    image.png

    对于此任务,我们添加了另一个预处理步骤 - 特征归一化。 这个对于pandas来说很简单

    data2 = (data2 - data2.mean()) / data2.std()
    data2.head()
    
    
    image.png

    现在我们重复第1部分的预处理步骤,并对新数据集运行线性回归程序。

    # add ones column
    data2.insert(0, 'Ones', 1)
    
    # set X (training data) and y (target variable)
    cols = data2.shape[1]
    X2 = data2.iloc[:,0:cols-1]
    y2 = data2.iloc[:,cols-1:cols]
    
    # convert to matrices and initialize theta
    X2 = np.matrix(X2.values)
    y2 = np.matrix(y2.values)
    theta2 = np.matrix(np.array([0,0,0]))
    
    # perform linear regression on the data set
    g2, cost2 = gradientDescent(X2, y2, theta2, alpha, epoch)
    
    # get the cost (error) of the model
    computeCost(X2, y2, g2), g2
    
    

    我们也可以快速查看这一个的训练进程。

    fig, ax = plt.subplots(figsize=(12,8))
    ax.plot(np.arange(epoch), cost2, 'r')
    ax.set_xlabel('Iterations')
    ax.set_ylabel('Cost')
    ax.set_title('Error vs. Training Epoch')
    plt.show()
    
    
    image.png

    我们也可以使用scikit-learn的线性回归函数,而不是从头开始实现这些算法。 我们将scikit-learn的线性回归算法应用于第1部分的数据,并看看它的表现。

    from sklearn import linear_model
    model = linear_model.LinearRegression()
    model.fit(X, y)
    
    

    scikit-learn model的预测表现

    x = np.array(X[:, 1].A1)
    f = model.predict(X).flatten()
    
    fig, ax = plt.subplots(figsize=(8,5))
    ax.plot(x, f, 'r', label='Prediction')
    ax.scatter(data.Population, data.Profit, label='Traning Data')
    ax.legend(loc=2)
    ax.set_xlabel('Population')
    ax.set_ylabel('Profit')
    ax.set_title('Predicted Profit vs. Population Size')
    plt.show()
    
    
    image.png

    normal equation(正规方程)

    正规方程是通过求解下面的方程来找出使得代价函数最小的参数的:<nobr aria-hidden="true">∂∂θjJ(θj)=0</nobr>

    ∂θj​∂​J(θj​)=0 。
    假设我们的训练集特征矩阵为 X(包含了<nobr aria-hidden="true">x0=1</nobr>x0​=1)并且我们的训练集结果为向量 y,则利用正规方程解出向量 <nobr aria-hidden="true">θ=(XTX)−1XTy</nobr>θ=(XTX)−1XTy 。
    上标T代表矩阵转置,上标-1 代表矩阵的逆。设矩阵<nobr aria-hidden="true">A=XTX</nobr>A=XTX,则:<nobr aria-hidden="true">(XTX)−1=A−1</nobr>

    (XTX)−1=A−1

    梯度下降与正规方程的比较:

    梯度下降:需要选择学习率α,需要多次迭代,当特征数量n大时也能较好适用,适用于各种类型的模型

    正规方程:不需要选择学习率α,一次计算得出,需要计算<nobr aria-hidden="true">(XTX)−1</nobr>

    (XTX)−1,如果特征数量n较大则运算代价大,因为矩阵逆的计算时间复杂度为<nobr aria-hidden="true">O(n3)</nobr>O(n3),通常来说当<nobr aria-hidden="true">n</nobr>

    n小于10000 时还是可以接受的,只适用于线性模型,不适合逻辑回归模型等其他模型

    # 正规方程
    def normalEqn(X, y):
        theta = np.linalg.inv(X.T@X)@X.T@y#X.T@X等价于X.T.dot(X)
        return theta
    
    
    final_theta2=normalEqn(X, y)#感觉和批量梯度下降的theta的值有点差距
    final_theta2
    
    
    #梯度下降得到的结果是matrix([[-3.24140214,  1.1272942 ]])
    
    

    在练习2中,我们将看看分类问题的逻辑回归。

    相关文章

      网友评论

          本文标题:(转)吴恩达机器学习作业Python实现(一):线性回归

          本文链接:https://www.haomeiwen.com/subject/sqvpectx.html