深度学习02—梯度下降算法(预测,含代码)

目录

 1. 梯度下降算法(迭代更新算法)—对回归参数的迭代

1.1 批量梯度下降算法

 1.1.1 对模型y = w*x 的代码实现

1.1.2 代码实现

2. 随机梯度下降算法

2.1 SGD代码解读 

 2.3 SGD程序实现

3. 小批量梯度下降算法

4. 梯度下降算法之间的联系

5. 线性回归模型

 6. 结合梯度下降算法的线性回归模型

7.正则方程(求线性回归参数)

 7.1 正则方程与梯度下降算法的区别


 1. 梯度下降算法(迭代更新算法)—对回归参数的迭代

1.1 批量梯度下降算法

 

 1.1.1 对模型y = w*x 的代码实现

 

1.1.2 代码实现

import matplotlib.pyplot as plt

# prepare the training set
#准备数据集
x_data = [1.0, 2.0, 3.0]
y_data = [2.0, 4.0, 6.0]

# initial guess of weight
w = 1.0


# define the model linear model y = w*x
def forward(x):
    return x * w


# define the cost function MSE
def cost(xs, ys):
    cost = 0
    for x, y in zip(xs, ys):
        y_pred = forward(x)
        cost += (y_pred - y) ** 2
    return cost / len(xs)

# define the gradient function  gd
def gradient(xs, ys):
    grad = 0
    for x, y in zip(xs, ys):
        grad += 2 * x * (x * w - y)
    return grad / len(xs)

epoch_list = []
cost_list = []
print('predict (before training)', 4, forward(4))
for epoch in range(100):
    cost_val = cost(x_data, y_data)  #caculate the sum of cost
    grad_val = gradient(x_data, y_data) # caculate the gradient
    w -= 0.01 * grad_val  # 0.01 learning rate
    print('epoch:', epoch, 'w=', w, 'loss=', cost_val)
    #将每次训练更新的的损失存入列表中
    epoch_list.append(epoch)
    cost_list.append(cost_val)

print('predict (after training)', 4, forward(4))
plt.plot(epoch_list, cost_list)
plt.ylabel('cost')
plt.xlabel('epoch')
plt.show()

运行结果:

2. 随机梯度下降算法

随机梯度下降法和梯度下降法的主要区别在于:

1、损失函数由cost()更改为loss()。cost是计算所有训练数据的损失,loss是计算一个训练函数的损失。对应于源代码则是少了两个for循环。

2、梯度函数gradient()由计算所有训练数据的梯度更改为计算一个训练数据的梯度。

3、本算法中的随机梯度主要是指,每次拿一个训练数据来训练,然后更新梯度参数。本算法中梯度总共更新100(epoch)x3 = 300次。梯度下降法中梯度总共更新100(epoch)次。

 

2.1 SGD代码解读 

 

 2.3 SGD程序实现

import matplotlib.pyplot as plt

x_data = [1.0, 2.0, 3.0]
y_data = [2.0, 4.0, 6.0]
#初始化参数w
w = 1.0

def forward(x):
    return x * w

# calculate loss function(计算损失函数,随机选择样本,这里是区别于批量梯度下降的地方)
def loss(x, y):
    y_pred = forward(x)
    return (y_pred - y) ** 2


# define the gradient function  sgd
def gradient(x, y):
    return 2 * x * (x * w - y)


epoch_list = []
loss_list = []
print('predict (before training)', 4, forward(4))
for epoch in range(100):
    for x, y in zip(x_data, y_data):
        grad = gradient(x, y)
        w = w - 0.01 * grad  # update weight by every grad of sample of training set
        print("\tgrad:", x, y, grad)
        l = loss(x, y)
    print("progress:", epoch, "w=", w, "loss=", l)
    epoch_list.append(epoch)
    loss_list.append(l)

print('predict (after training)', 4, forward(4))
plt.plot(epoch_list, loss_list)
plt.ylabel('loss')
plt.xlabel('epoch')
plt.show()

3. 小批量梯度下降算法

4. 梯度下降算法之间的联系

5. 线性回归模型

 6. 结合梯度下降算法的线性回归模型

利用梯度下降算法对线性回归参数进行调优;

7.正则方程(求线性回归参数)

 7.1 正则方程与梯度下降算法的区别

(待更新....) 

  • 5
    点赞
  • 31
    收藏
    觉得还不错? 一键收藏
  • 打赏
    打赏
  • 2
    评论
以下是参考代码: ```python import os import numpy as np import tensorflow as tf from sklearn.cluster import KMeans # 设置训练集和测试集的大小 TRAIN_SIZE = 6000 TEST_SIZE = 4000 # 定义卷积神经网络模型 def create_model(): model = tf.keras.Sequential([ tf.keras.layers.Conv2D(32, (3, 3), activation='relu', input_shape=(1000, 2, 1)), tf.keras.layers.MaxPooling2D((2, 2)), tf.keras.layers.Flatten(), tf.keras.layers.Dense(10, activation='softmax') ]) model.compile(optimizer='sgd', loss='categorical_crossentropy', metrics=['accuracy']) return model # 加载数据 def load_data(): data = [] labels = [] for i in range(10): folder_path = f"data/{i}" file_names = os.listdir(folder_path) for file_name in file_names: file_path = os.path.join(folder_path, file_name) mat_data = np.load(file_path) data.append(mat_data) labels.append(i) data = np.array(data) labels = np.array(labels) return data, labels # 训练模型 def train_model(model, data, labels): x_train = data[:TRAIN_SIZE] y_train = tf.keras.utils.to_categorical(labels[:TRAIN_SIZE], num_classes=10) model.fit(x_train, y_train, epochs=10, batch_size=32) # 测试模型 def test_model(model, data, labels): x_test = data[TRAIN_SIZE:] y_test = labels[TRAIN_SIZE:] y_pred = model.predict(x_test) y_pred = np.argmax(y_pred, axis=1) accuracy = np.mean(y_pred == y_test) print(f"Accuracy: {accuracy}") # 聚类 def cluster(data): kmeans = KMeans(n_clusters=10, random_state=0).fit(data) return kmeans.labels_ # 主函数 def main(): data, labels = load_data() model = create_model() train_model(model, data, labels) test_model(model, data, labels) cluster_labels = cluster(data[TRAIN_SIZE:]) accuracy = np.mean(cluster_labels == labels[TRAIN_SIZE:]) print(f"Clustering accuracy: {accuracy}") if __name__ == "__main__": main() ``` 注:以上代码仅供参考,可能需要根据实际情况进行修改。

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

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

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

Top Secret

你的鼓励将是我创作的最大动力

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

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

余额充值