[关闭]
@Perfect-Demo 2018-05-01T08:42:03.000000Z 字数 16353 阅读 1123

deep_learning_week4.1_Deep_Neural_Network

机器学习深度学习

代码已上传github:
https://github.com/PerfectDemoT/my_deeplearning_homework


本文将讲述如何建立一个可以设置层数以及各层节点的神经网络

先讲述了如何一步步设置建立这个神经网络,下一篇有讲用这个神经网络建立一个可以“检测图片之中是否有猫咪的分类器”


开始之前,你需要了解这些事情(后面的几个变量的意义)

  1. # 如果要开始看这篇代码,需要先了解这些事情:
  2. # 代码中的linear_activation_forward(A_prev , W , b , activation)函数中,会进行cache缓存A_prev , W , b的操作,下面具体说:
  3. # linear_cache中存的是A_prev , W , b
  4. # activation_cache中存的是该层的 Z
  5. # 另外之后还会有一句将linear_cache 和 activation_cache合并为cache,并且这个cache还会作为一个返回参数
  6. # 并且在L_model_forward()函数中会有一句caches.append(cache)将每一层的cache加入比那辆caches中,并且该函数会返回改值

里面会用到的两个函数(sigmoid与relu)代码是先写好的:

  1. def sigmoid(Z):
  2. """
  3. Implements the sigmoid activation in numpy
  4. Arguments:
  5. Z -- numpy array of any shape
  6. Returns:
  7. A -- output of sigmoid(z), same shape as Z
  8. cache -- returns Z as well, useful during backpropagation
  9. """
  10. A = 1/(1+np.exp(-Z))
  11. cache = Z
  12. return A, cache
  1. def relu(Z):
  2. """
  3. Implement the RELU function.
  4. Arguments:
  5. Z -- Output of the linear layer, of any shape
  6. Returns:
  7. A -- Post-activation parameter, of the same shape as Z
  8. cache -- a python dictionary containing "A" ; stored for computing the backward pass efficiently
  9. """
  10. A = np.maximum(0,Z)
  11. assert(A.shape == Z.shape)
  12. cache = Z
  13. return A, cache

好的,现在开始一步步建立你的神经网络啦

1.1老样子,先导入包

  1. #老样子,首先先导入包
  2. import numpy as np
  3. import h5py
  4. import matplotlib.pyplot as plt
  5. from testCases import *
  6. from dnn_utils import sigmoid, sigmoid_backward, relu, relu_backward
  7. #设置一下接下来画图会用到的一下参数
  8. plt.rcParams['figure.figsize'] = (5.0, 4.0) # set default size of plots
  9. plt.rcParams['image.interpolation'] = 'nearest'
  10. plt.rcParams['image.cmap'] = 'gray'
  11. np.random.seed(1) #设置一个随机种子

1.2接下来开始随机初始化

  1. #现在开始写生成随机参数的函数
  2. #首先是两层网络的参数(和上一次作业一样)
  3. # GRADED FUNCTION: initialize_parameters
  4. def initialize_parameters(n_x, n_h, n_y):
  5. """
  6. Argument:
  7. n_x -- size of the input layer
  8. n_h -- size of the hidden layer
  9. n_y -- size of the output layer
  10. Returns:
  11. parameters -- python dictionary containing your parameters:
  12. W1 -- weight matrix of shape (n_h, n_x)
  13. b1 -- bias vector of shape (n_h, 1)
  14. W2 -- weight matrix of shape (n_y, n_h)
  15. b2 -- bias vector of shape (n_y, 1)
  16. """
  17. np.random.seed(1)
  18. ### START CODE HERE ### (≈ 4 lines of code)
  19. W1 = np.random.randn(n_h , n_x) * 0.01
  20. b1 = np.zeros((n_h , 1))
  21. W2 = np.random.randn(n_y , n_h) * 0.01
  22. b2 = np.zeros((n_y , 1))
  23. ### END CODE HERE ###
  24. assert (W1.shape == (n_h, n_x))
  25. assert (b1.shape == (n_h, 1))
  26. assert (W2.shape == (n_y, n_h))
  27. assert (b2.shape == (n_y, 1))
  28. parameters = {"W1": W1,
  29. "b1": b1,
  30. "W2": W2,
  31. "b2": b2}
  32. return parameters

输出看看结果

  1. #下面输出一下初始化的参数
  2. parameters = initialize_parameters(2,2,1)
  3. print("W1 = " + str(parameters["W1"]))
  4. print("b1 = " + str(parameters["b1"]))
  5. print("W2 = " + str(parameters["W2"]))
  6. print("b2 = " + str(parameters["b2"]))
  7. print("=============================")

输出如下:

  1. W1 = [[ 0.01624345 -0.00611756]
  2. [-0.00528172 -0.01072969]]
  3. b1 = [[ 0.]
  4. [ 0.]]
  5. W2 = [[ 0.00865408 -0.02301539]]
  6. b2 = [[ 0.]]

1.3 刚刚的还是两层的,现在开始真正初始化一下L层的

  1. #现在我们来看看L层网络的参数随机初始化
  2. # GRADED FUNCTION: initialize_parameters_deep
  3. def initialize_parameters_deep(layer_dims):
  4. """
  5. Arguments:
  6. layer_dims -- python array (list) containing the dimensions of each layer in our network
  7. Returns:
  8. parameters -- python dictionary containing your parameters "W1", "b1", ..., "WL", "bL":
  9. Wl -- weight matrix of shape (layer_dims[l], layer_dims[l-1])
  10. bl -- bias vector of shape (layer_dims[l], 1)
  11. """
  12. np.random.seed(3)
  13. parameters = {}
  14. L = len(layer_dims) # number of layers in the network
  15. for l in range(1, L):
  16. ### START CODE HERE ### (≈ 2 lines of code)
  17. parameters['W' + str(l)] = np.random.randn(layer_dims[l] , layer_dims[l-1]) * 0.01
  18. parameters['b' + str(l)] = np.zeros((layer_dims[l] , 1))
  19. ### END CODE HERE ###
  20. assert (parameters['W' + str(l)].shape == (layer_dims[l], layer_dims[l - 1]))
  21. assert (parameters['b' + str(l)].shape == (layer_dims[l], 1))
  22. return parameters

现在开始输出

  1. #好der,现在来输出一下这个可以用于好几层的神经网络参数
  2. parameters = initialize_parameters_deep([5,4,3])
  3. print(parameters)
  4. print("W1 = " + str(parameters["W1"]))
  5. print("b1 = " + str(parameters["b1"]))
  6. print("W2 = " + str(parameters["W2"]))
  7. print("b2 = " + str(parameters["b2"]))
  8. # print("W3 = " + str(parameters["W3"]))
  9. # print("b3 = " + str(parameters["b3"]))
  10. print("==================================")

这里只暂时输出前两层的参数

  1. {'W1': array([[ 0.01788628, 0.0043651 , 0.00096497, -0.01863493, -0.00277388],
  2. [-0.00354759, -0.00082741, -0.00627001, -0.00043818, -0.00477218],
  3. [-0.01313865, 0.00884622, 0.00881318, 0.01709573, 0.00050034],
  4. [-0.00404677, -0.0054536 , -0.01546477, 0.00982367, -0.01101068]]), 'b1': array([[ 0.],
  5. [ 0.],
  6. [ 0.],
  7. [ 0.]]), 'W2': array([[-0.01185047, -0.0020565 , 0.01486148, 0.00236716],
  8. [-0.01023785, -0.00712993, 0.00625245, -0.00160513],
  9. [-0.00768836, -0.00230031, 0.00745056, 0.01976111]]), 'b2': array([[ 0.],
  10. [ 0.],
  11. [ 0.]])}
  12. W1 = [[ 0.01788628 0.0043651 0.00096497 -0.01863493 -0.00277388]
  13. [-0.00354759 -0.00082741 -0.00627001 -0.00043818 -0.00477218]
  14. [-0.01313865 0.00884622 0.00881318 0.01709573 0.00050034]
  15. [-0.00404677 -0.0054536 -0.01546477 0.00982367 -0.01101068]]
  16. b1 = [[ 0.]
  17. [ 0.]
  18. [ 0.]
  19. [ 0.]]
  20. W2 = [[-0.01185047 -0.0020565 0.01486148 0.00236716]
  21. [-0.01023785 -0.00712993 0.00625245 -0.00160513]
  22. [-0.00768836 -0.00230031 0.00745056 0.01976111]]
  23. b2 = [[ 0.]
  24. [ 0.]
  25. [ 0.]]

1.4 现在开始正向传播。

  1. #OK,参数初始化完了,现在来正向传播吧
  2. #先写正向传播要用到的函数,比如说算Z
  3. # GRADED FUNCTION: linear_forward
  4. def linear_forward(A, W, b):
  5. """
  6. Implement the linear part of a layer's forward propagation.
  7. Arguments:
  8. A -- activations from previous layer (or input data): (size of previous layer, number of examples)
  9. W -- weights matrix: numpy array of shape (size of current layer, size of previous layer)
  10. b -- bias vector, numpy array of shape (size of the current layer, 1)
  11. Returns:
  12. Z -- the input of the activation function, also called pre-activation parameter
  13. cache -- a python dictionary containing "A", "W" and "b" ; stored for computing the backward pass efficiently
  14. """
  15. ### START CODE HERE ### (≈ 1 line of code)
  16. Z = np.dot(W , A) + b
  17. ### END CODE HERE ###
  18. assert (Z.shape == (W.shape[0], A.shape[1]))
  19. cache = (A, W, b)
  20. return Z, cache

上面得出了A以及cache,其中cache里面包含了A,W,b

下面输出一下

  1. #现在输出一下
  2. A, W, b = linear_forward_test_case()
  3. Z, linear_cache = linear_forward(A, W, b)
  4. print("Z = " + str(Z))
  5. print("===============================")

现在来看看得到的Z值

  1. Z = [[ 3.26295337 -1.23429987]]

1.5 刚刚完成了Z的计算,现在来看看用sigmoid函数与relu函数计算A

  1. #之前是算Z的函数,现在可以用sigmoid函数或者relu函数来算A啦
  2. # GRADED FUNCTION: linear_activation_forward
  3. def linear_activation_forward(A_prev, W, b, activation):
  4. """
  5. Implement the forward propagation for the LINEAR->ACTIVATION layer
  6. Arguments:
  7. A_prev -- activations from previous layer (or input data): (size of previous layer, number of examples)
  8. W -- weights matrix: numpy array of shape (size of current layer, size of previous layer)
  9. b -- bias vector, numpy array of shape (size of the current layer, 1)
  10. activation -- the activation to be used in this layer, stored as a text string: "sigmoid" or "relu"
  11. Returns:
  12. A -- the output of the activation function, also called the post-activation value
  13. cache -- a python dictionary containing "linear_cache" and "activation_cache";
  14. stored for computing the backward pass efficiently
  15. """
  16. if activation == "sigmoid":
  17. # Inputs: "A_prev, W, b". Outputs: "A, activation_cache".
  18. ### START CODE HERE ### (≈ 2 lines of code)
  19. Z, linear_cache = linear_forward(A_prev, W , b)
  20. A, activation_cache = sigmoid(Z)
  21. ### END CODE HERE ###
  22. elif activation == "relu":
  23. # Inputs: "A_prev, W, b". Outputs: "A, activation_cache".
  24. ### START CODE HERE ### (≈ 2 lines of code)
  25. Z, linear_cache = linear_forward(A_prev, W, b)
  26. A, activation_cache = relu(Z)
  27. ### END CODE HERE ###
  28. assert (A.shape == (W.shape[0], A_prev.shape[1]))
  29. cache = (linear_cache, activation_cache)
  30. return A, cache

(注意:这里就出现了之前谈到的linear_cache以及activation_cache,大家注意这里他们分别保存了什么)

下面来看看输出:

  1. #我们来输出看一看
  2. A_prev, W, b = linear_activation_forward_test_case()
  3. A, linear_activation_cache = linear_activation_forward(A_prev, W, b, activation = "sigmoid")
  4. print("With sigmoid: A = " + str(A))
  5. A, linear_activation_cache = linear_activation_forward(A_prev, W, b, activation = "relu")
  6. print("With ReLU: A = " + str(A))
  7. print("==============================")

输出为:

  1. With sigmoid: A = [[ 0.96890023 0.11013289]]
  2. With ReLU: A = [[ 3.43896131 0. ]]

1.6 上面两个函数都是在为前向传播做准备,现在可以写一个完整的前向传播函数了

  1. #现在开始用之前写的函数完成真正的正向传播模型
  2. #L层神经网络前向传播模型函数,返回最终A和缓存各层的A_prev,W,b,Z
  3. def L_model_forward(X, parameters):
  4. """
  5. Implement forward propagation for the [LINEAR->RELU]*(L-1)->LINEAR->SIGMOID computation
  6. Arguments:
  7. X -- data, numpy array of shape (input size, number of examples)
  8. parameters -- output of initialize_parameters_deep()
  9. Returns:
  10. AL -- last post-activation value
  11. caches -- list of caches containing:
  12. every cache of linear_relu_forward() (there are L-1 of them, indexed from 0 to L-2)
  13. the cache of linear_sigmoid_forward() (there is one, indexed L-1)
  14. """
  15. caches = []
  16. A = X
  17. L = len(parameters) // 2 # number of layers in the neural network
  18. # Implement [LINEAR -> RELU]*(L-1). Add "cache" to the "caches" list.
  19. for l in range(1, L):
  20. A_prev = A
  21. ### START CODE HERE ### (≈ 2 lines of code)
  22. A, cache = linear_activation_forward(A_prev , parameters['W' + str(l)] , parameters['b' + str(l)] , activation='relu')
  23. caches.append(cache) #将该层的cache加入到caches中
  24. ### END CODE HERE ###
  25. # Implement LINEAR -> SIGMOID. Add "cache" to the "caches" list.
  26. ### START CODE HERE ### (≈ 2 lines of code)
  27. AL, cache = linear_activation_forward(A, parameters['W' + str(L)], parameters['b' + str(L)], activation="sigmoid")
  28. caches.append(cache)
  29. ### END CODE HERE ###
  30. assert (AL.shape == (1, X.shape[1]))
  31. return AL, caches
  32. #其中,要注意的就是对于参数序列的选择(28,29 , 34 行)
  33. #另外每次过了一层神经网络,都要讲=将该层的cache存入caches中(35行)

现在来试验一下输出:

  1. #现在开始看看输出的效果
  2. X, parameters = L_model_forward_test_case()
  3. AL, caches = L_model_forward(X, parameters)
  4. print("AL = " + str(AL))
  5. print("Length of caches list = " + str(len(caches)))
  6. print("======================================")

结果长这样:

  1. AL = [[ 0.17007265 0.2524272 ]]
  2. Length of caches list = 2

1.7 老规矩,算完了正向传播,又到了cost函数时间

  1. def compute_cost(AL, Y):
  2. """
  3. Implement the cost function defined by equation (7).
  4. Arguments:
  5. AL -- probability vector corresponding to your label predictions, shape (1, number of examples)
  6. Y -- true "label" vector (for example: containing 0 if non-cat, 1 if cat), shape (1, number of examples)
  7. Returns:
  8. cost -- cross-entropy cost
  9. """
  10. m = Y.shape[1]
  11. # Compute loss from aL and y.
  12. ### START CODE HERE ### (≈ 1 lines of code)
  13. cost = (-1/m) * np.sum(Y * np.log(AL) + (1-Y) * np.log(1 - AL))
  14. ### END CODE HERE ###
  15. cost = np.squeeze(cost) # To make sure your cost's shape is what we expect (e.g. this turns [[17]] into 17).
  16. assert (cost.shape == ())
  17. return cost

和普通的bp神经网络差不多,此不赘述
直接看测试代码吧:

  1. #求cost的式子和上一次作业差别不大,下面看看效果
  2. Y, AL = compute_cost_test_case()
  3. print("cost = " + str(compute_cost(AL, Y)))
  4. print("==================================")

结果长这样:

  1. cost = 0.414931599615

好了,老规矩,开始最后的重点难点,反向传播啦

1.8 慢慢来,先来个最简单的。实现一步线性的反向传播,使用对应层前向传播的缓存A_prev , W , b

先看看函数:

  1. # GRADED FUNCTION: linear_backward
  2. def linear_backward(dZ, cache):
  3. """
  4. Implement the linear portion of backward propagation for a single layer (layer l)
  5. Arguments:
  6. dZ -- Gradient of the cost with respect to the linear output (of current layer l)
  7. cache -- tuple of values (A_prev, W, b) coming from the forward propagation in the current layer
  8. Returns:
  9. dA_prev -- Gradient of the cost with respect to the activation (of the previous layer l-1), same shape as A_prev
  10. dW -- Gradient of the cost with respect to W (current layer l), same shape as W
  11. db -- Gradient of the cost with respect to b (current layer l), same shape as b
  12. """
  13. A_prev, W, b = cache
  14. m = A_prev.shape[1]
  15. ### START CODE HERE ### (≈ 3 lines of code)
  16. dW = 1/m * np.dot(dZ , A_prev.T)
  17. db = 1/m * np.sum(dZ , axis=1 , keepdims=False)
  18. dA_prev = np.dot(W.T , dZ)
  19. ### END CODE HERE ###
  20. assert (dA_prev.shape == A_prev.shape)
  21. assert (dW.shape == W.shape)
  22. # assert (db.shape == b.shape)
  23. return dA_prev, dW, db

然后接着,上面得到了dA_prev , dW , db,现在我们写一个函数根据指定的激活函数来求各值,

1.9
这里我们先给出最后函数中会用到的relu_backward()函数与sigmoid_backward()函数的代码

  1. def relu_backward(dA, cache):
  2. """
  3. Implement the backward propagation for a single RELU unit.
  4. Arguments:
  5. dA -- post-activation gradient, of any shape
  6. cache -- 'Z' where we store for computing backward propagation efficiently
  7. Returns:
  8. dZ -- Gradient of the cost with respect to Z
  9. """
  10. Z = cache
  11. dZ = np.array(dA, copy=True) # just converting dz to a correct object.
  12. # When z <= 0, you should set dz to 0 as well.
  13. dZ[Z <= 0] = 0
  14. assert (dZ.shape == Z.shape)
  15. return dZ
  1. def sigmoid_backward(dA, cache):
  2. """
  3. Implement the backward propagation for a single SIGMOID unit.
  4. Arguments:
  5. dA -- post-activation gradient, of any shape
  6. cache -- 'Z' where we store for computing backward propagation efficiently
  7. Returns:
  8. dZ -- Gradient of the cost with respect to Z
  9. """
  10. Z = cache
  11. s = 1/(1+np.exp(-Z))
  12. dZ = dA * s * (1-s)
  13. assert (dZ.shape == Z.shape)
  14. return dZ

现在开始真正"表演"......

  1. # GRADED FUNCTION: linear_activation_backward
  2. def linear_activation_backward(dA, cache, activation):
  3. """
  4. Implement the backward propagation for the LINEAR->ACTIVATION layer.
  5. Arguments:
  6. dA -- post-activation gradient for current layer l
  7. cache -- tuple of values (linear_cache, activation_cache) we store for computing backward propagation efficiently
  8. activation -- the activation to be used in this layer, stored as a text string: "sigmoid" or "relu"
  9. Returns:
  10. dA_prev -- Gradient of the cost with respect to the activation (of the previous layer l-1), same shape as A_prev
  11. dW -- Gradient of the cost with respect to W (current layer l), same shape as W
  12. db -- Gradient of the cost with respect to b (current layer l), same shape as b
  13. """
  14. linear_cache, activation_cache = cache
  15. if activation == "relu":
  16. ### START CODE HERE ### (≈ 2 lines of code)
  17. dZ = relu_backward(dA, activation_cache)
  18. dA_prev, dW, db = linear_backward(dZ , linear_cache)
  19. ### END CODE HERE ###
  20. elif activation == "sigmoid":
  21. ### START CODE HERE ### (≈ 2 lines of code)
  22. dZ = sigmoid_backward(dA , activation_cache)
  23. dA_prev, dW, db = linear_backward(dZ , linear_cache)
  24. ### END CODE HERE ###
  25. return dA_prev, dW, db

好了,输出检测一下:

  1. #现在来看看效果
  2. AL, linear_activation_cache = linear_activation_backward_test_case()
  3. dA_prev, dW, db = linear_activation_backward(AL, linear_activation_cache, activation = "sigmoid")
  4. print ("sigmoid:")
  5. print ("dA_prev = "+ str(dA_prev))
  6. print ("dW = " + str(dW))
  7. print ("db = " + str(db) + "\n")
  8. dA_prev, dW, db = linear_activation_backward(AL, linear_activation_cache, activation = "relu")
  9. print ("relu:")
  10. print ("dA_prev = "+ str(dA_prev))
  11. print ("dW = " + str(dW))
  12. print ("db = " + str(db))
  13. print("========================================")

输出结果如下:

  1. sigmoid:
  2. dA_prev = [[ 0.11017994 0.01105339]
  3. [ 0.09466817 0.00949723]
  4. [-0.05743092 -0.00576154]]
  5. dW = [[ 0.10266786 0.09778551 -0.01968084]]
  6. db = [-0.05729622]
  7. relu:
  8. dA_prev = [[ 0.44090989 -0. ]
  9. [ 0.37883606 -0. ]
  10. [-0.2298228 0. ]]
  11. dW = [[ 0.44513824 0.37371418 -0.10478989]]
  12. db = [-0.20837892]

1.10我们现在把上面的所有反向传播函数做一个整合:

  1. #现在,我们将上面所有的函数整合起来
  2. # GRADED FUNCTION: L_model_backward
  3. def L_model_backward(AL, Y, caches):
  4. """
  5. Implement the backward propagation for the [LINEAR->RELU] * (L-1) -> LINEAR -> SIGMOID group
  6. Arguments:
  7. AL -- probability vector, output of the forward propagation (L_model_forward())
  8. Y -- true "label" vector (containing 0 if non-cat, 1 if cat)
  9. caches -- list of caches containing:
  10. every cache of linear_activation_forward() with "relu" (it's caches[l], for l in range(L-1) i.e l = 0...L-2)
  11. the cache of linear_activation_forward() with "sigmoid" (it's caches[L-1])
  12. Returns:
  13. grads -- A dictionary with the gradients
  14. grads["dA" + str(l)] = ...
  15. grads["dW" + str(l)] = ...
  16. grads["db" + str(l)] = ...
  17. """
  18. grads = {}
  19. L = len(caches) # the number of layers
  20. m = AL.shape[1]
  21. Y = Y.reshape(AL.shape) # after this line, Y is the same shape as AL
  22. # Initializing the backpropagation
  23. ### START CODE HERE ### (1 line of code)
  24. dAL = -(np.divide(Y , AL) - np.divide(1 - Y , 1 - AL))
  25. ### END CODE HERE ###
  26. # Lth layer (SIGMOID -> LINEAR) gradients. Inputs: "AL, Y, caches". Outputs: "grads["dAL"], grads["dWL"], grads["dbL"]
  27. ### START CODE HERE ### (approx. 2 lines)
  28. current_cache = caches[L-1]
  29. grads["dA" + str(L)], grads["dW" + str(L)], grads["db" + str(L)] = linear_activation_backward(dAL , current_cache , activation='sigmoid')
  30. #注意,这里传回来的dA其实为上一层的dA,即:dA_prev((这一点在下面的43行dA的标号里可以很好体现))
  31. ### END CODE HERE ###
  32. for l in reversed(range(L - 1)):
  33. # lth layer: (RELU -> LINEAR) gradients.
  34. # Inputs: "grads["dA" + str(l + 2)], caches". Outputs: "grads["dA" + str(l + 1)] , grads["dW" + str(l + 1)] , grads["db" + str(l + 1)]
  35. ### START CODE HERE ### (approx. 5 lines)
  36. current_cache = caches[l]
  37. #注意grads["dA"+str(l+2)],这里是正确的,结合第407行,一定要弄清楚grads["dA^[n]"]中每个dA表示第几层的dA
  38. dA_prev_temp, dW_temp, db_temp = linear_activation_backward(grads["dA"+str(l + 2)] , current_cache , activation='relu')
  39. grads["dA" + str(l + 1)] = dA_prev_temp
  40. grads["dW" + str(l + 1)] = dW_temp
  41. grads["db" + str(l + 1)] = db_temp
  42. ### END CODE HERE ###
  43. return grads

注意看上面代码中的注释,里面说明了几个很重要的点,特别是对于各个参数下标要准确知道他们都代表什么

下面来测试一下

  1. AL, Y_assess, caches = L_model_backward_test_case()
  2. grads = L_model_backward(AL, Y_assess, caches)
  3. print ("dW1 = "+ str(grads["dW1"]))
  4. print ("db1 = "+ str(grads["db1"]))
  5. print ("dA1 = "+ str(grads["dA1"]))

结果长这样:

  1. dW1 = [[ 0.41010002 0.07807203 0.13798444 0.10502167]
  2. [ 0. 0. 0. 0. ]
  3. [ 0.05283652 0.01005865 0.01777766 0.0135308 ]]
  4. db1 = [-0.22007063 0. -0.02835349]
  5. dA1 = [[ 0. 0.52257901]
  6. [ 0. -0.3269206 ]
  7. [ 0. -0.32070404]
  8. [ 0. -0.74079187]]

1.11 最后,更新参数开始,这里注意一下参数的下标,其他没啥,噢,对了,里面的学习率很重要,这个一定要多实验多试试。

  1. #最后,更新参数开始
  2. # GRADED FUNCTION: update_parameters
  3. def update_parameters(parameters, grads, learning_rate):
  4. """
  5. Update parameters using gradient descent
  6. Arguments:
  7. parameters -- python dictionary containing your parameters
  8. grads -- python dictionary containing your gradients, output of L_model_backward
  9. Returns:
  10. parameters -- python dictionary containing your updated parameters
  11. parameters["W" + str(l)] = ...
  12. parameters["b" + str(l)] = ...
  13. """
  14. L = len(parameters) // 2 # number of layers in the neural network
  15. # Update rule for each parameter. Use a for loop.
  16. ### START CODE HERE ### (≈ 3 lines of code)
  17. for l in range(L):
  18. parameters["W" + str(l + 1)] = parameters["W" + str(l + 1)] - learning_rate * grads["dW" + str(l + 1)]
  19. parameters["b" + str(l + 1)] = parameters["b" + str(l + 1)] - learning_rate * grads["db" + str(l + 1)]
  20. ### END CODE HERE ###
  21. return parameters

老规矩,输出试试效果:

  1. parameters, grads = update_parameters_test_case()
  2. parameters = update_parameters(parameters, grads, 0.1)
  3. print ("W1 = "+ str(parameters["W1"]))
  4. print ("b1 = "+ str(parameters["b1"]))
  5. print ("W2 = "+ str(parameters["W2"]))
  6. print ("b2 = "+ str(parameters["b2"]))

结果如下:

  1. W1 = [[-0.59562069 -0.09991781 -2.14584584 1.82662008]
  2. [-1.76569676 -0.80627147 0.51115557 -1.18258802]
  3. [-1.0535704 -0.86128581 0.68284052 2.20374577]]
  4. b1 = [[-0.04659241]
  5. [-1.28888275]
  6. [ 0.53405496]]
  7. W2 = [[-0.55569196 0.0354055 1.32964895]]
  8. b2 = [[-0.84610769]]

好了今天先到这里(刚和队友调完数据库,又总结了统计学习方法的一个比较短的一章(朴素贝叶斯,已经发布),又写了个这个。。。怪可怜的,,,头发要紧头发要紧),后面还有一个利用上方的函数来做一个检测图片中是否有猫的分类器,并且我还会把上面用到的原理公式码出来,不要慌,马上回来。

添加新批注
在作者公开此批注前,只有你和作者可见。
回复批注