为什么梯度下降不能正常工作



这是我第一次尝试用Python编码多层神经网络(代码附在下面)。我很难尝试使用梯度下降偏导数,因为权重似乎没有正确更新。当我尝试预测新样本的输出时,我总是得到错误的 answwer(应该有两个输出值和与之相关的概率;例如:如果一个新样本属于类 1,它的概率应该大于 0.5 (prob_class1),因此类 2 有 (1-prob_class1), 但代码只为任何样本生成 [1,1] 或 [-1,-1])。我已经仔细检查了所有线条,我几乎可以肯定这是由于使用梯度下降的一些问题造成的。有人可以帮我吗?提前谢谢你。

import numpy as np
import sklearn 
from sklearn.linear_model import LogisticRegressionCV
from sklearn.datasets import make_moons
import matplotlib.pyplot as plt
np.random.seed(0)
x, y = sklearn.datasets.make_moons(200, noise=0.20)
plt.scatter(x[:,0], x[:,1], s=40, c=y, cmap=plt.cm.Spectral)
y = y.reshape(-1,1)
N = x.shape[0]
n_input = min(x.shape)
n_output = 2
n_hidden = max(n_input,n_output) + 20 # 20 is arbitrary
n_it = 10000 
alpha = 0.01
def predict(model,xn):
    W1, b1, W2, b2, W3, b3 = model['W1'], model['b1'], model['W2'], model['b2'],model['W3'], model['b3']
    z1 = W1.dot(xn) + b1
    a1 = np.tanh(z1)
    z2 = a1.dot(W2) + b2
    a2 = np.tanh(z2)
    z3 = a2.dot(W3) + b3
    a3 = np.tanh(z3)
    return a3
model = {}
W1 = np.random.randn(n_input,n_input)
b1 = np.random.randn(1,n_input)
W2 = np.random.randn(n_input,n_hidden)
b2 = np.random.randn(1,n_hidden)
W3 = np.random.randn(n_hidden,n_output)
b3 = np.random.randn(1,n_output)
for i in range(n_it):
    # Feedforward:
    z1 = x.dot(W1) + b1
    a1 = np.tanh(z1)
    z2 = a1.dot(W2) + b2
    a2 = np.tanh(z2)
    z3 = a2.dot(W3) + b3
    a3 = np.tanh(z3)

    # Loss function:
    # f(w,b) = (y - (w*x + b)^2)
    # df/dw = -2*(1/N)*x*(y - (w*x + b))
    # df/db = -2*(1/N)*(y - (w*x + b))
    # Backpropagation:
    dW3 = -2*(1/N)*(a2.T).dot(y-a3)
    db3 = -2*(1/N)*sum(y-a3)
    db3 = db3.reshape(-1,1)
    db3 = db3.T
    dW2 = -2*(1/N)*a1.T.dot(a2)
    db2 = -2*(1/N)*sum(a2)
    db2 = db2.reshape(-1,1)
    db2 = db2.T
    dW1 = -2*(1/N)*(x.T).dot(a1)
    db1 = -2*(1/N)*sum(dW1)
    db1 = db1.reshape(-1,1)
    db1 = db1.T
    # Updating weights
    W3 += alpha*dW3
    b3 += alpha*db3
    W2 += alpha*dW2
    b2 += alpha*db2
    W1 += alpha*dW1
    b1 += alpha*db1
model = { 'W1': W1, 'b1': b1, 'W2': W2, 'b2': b2, 'W3':W3, 'b3':b3}
test = np.array([2,0])
prediction = predict(model,test)

看着你的代码,我想到了几件事:

首先,您没有使用链式规则来计算反向传播。如果你想对此有所直观的理解,你可以观看安德烈·卡尔帕西(Andrej Karpathy)https://www.youtube.com/watch?v=i94OvYb6noo 的这个很棒的课程,但网上也有很多资源。也许从 1 个隐藏层开始(这里有 2 个),因为它使事情变得更容易。

其次,您还应该在反向传播中使用 tanh 的导数(您在前向传播中执行此操作,因此也应该以相反的方式完成)。

最后,为什么有两个输出节点?在我看来,在这种情况下output_1 = 1 - output_2。或者,如果您希望分别计算两个输出,则需要最终对它们进行规范化,以获得属于类 1 或 2 的概率。

相关内容

  • 没有找到相关文章

最新更新