简体   繁体   English

神经网络无法学习

[英]Neural Network cannot learn

I am trying to implement a neural network with python and numpy. 我正在尝试使用python和numpy实现神经网络。 The problem is when I try to train my network the error stocks around 0.5. 问题是,当我尝试训练我的网络时,错误库存大约为0.5。 It cannot learn further. 它无法进一步学习。 I tried learning rates 0.001 and 1. I guess I am doing something wrong during the back propagation. 我尝试了0.001和1的学习率。我猜我在反向传播过程中做错了什么。 But I haven't been figured what is wrong. 但是我还没弄清楚什么地方出了问题。

ps I was getting a lot of overflow problems then I started to use np.clip() method. ps我遇到了很多溢出问题,然后我开始使用np.clip()方法。

Here is my back propagation code: 这是我的反向传播代码:

# z2 is softmax output
def calculateBackpropagation(self, z1, z2, y):
    delta3 = z2
    delta3[range(self.numOfSamples), y] -= 1
    dW2 = (np.transpose(z1)).dot(delta3)
    db2 = np.sum(delta3, axis=0, keepdims=True)
    delta2 = delta3.dot(np.transpose(self.W2)) * ActivationFunction.DRELU(z1)
    dW1 = np.dot(np.transpose(self.train_data), delta2)
    db1 = np.sum(delta2, axis=0)

    self.W1 += -self.alpha * dW1
    self.b1 += -self.alpha * db1
    self.W2 += -self.alpha * dW2
    self.b2 += -self.alpha * db2

# RELU can be approximated with soft max function
# so the derivative of this function is g(x) = log(1+exp(x))
# Source: https://imiloainf.wordpress.com/2013/11/06/rectifier-nonlinearities/
@staticmethod
def DRELU(x):
    x = np.clip( x, -500, 500 )
    return np.log(1 + np.exp(x))

def softmax(self, x):
    """Compute softmax values for each sets of scores in x."""
    x = np.clip( x, -500, 500 )
    e = np.exp(x)
    return e / np.sum(e, axis=1, keepdims=True)

def train(self):
    X = self.train_data
    Y = self.train_labels
    (row, col) = np.shape(self.train_data)
    for i in xrange(self.ephocs):
        [p1, z1, p2, z2] = self.feedForward(X)
        probs = z2
        self.backPropagate(X, Y, z1, probs)

        self.learning_rate = self.learning_rate * (self.learning_rate / (self.learning_rate + (self.learning_rate * self.rate_decay)))

def softmax(self, x):
    """Compute softmax values for each sets of scores in x."""
    x = np.clip( x, -500, 500 )
    e = np.exp(x)
    return e / np.sum(e, axis=1, keepdims=True)
def feedForward(self, X):

    p1 = X.dot(self.W1) + self.b1
    z1 = self.neuron(p1)
    p2 = z1.dot(self.W2) + self.b2
    # z2 = self.neuron(p2)
    z2 = self.softmax(p2)
    return [p1, z1, p2, z2]

def predict(self, X):
    [p1, z1, p2, z2] = self.feedForward(X)
    return np.argmax(z2, axis=1)

# Calculates the cross-entropy loss
# P.S. In some cases true distribution is unknown so cross-entropy cannot be directly calculated.
# hence, I will use the cross entropy estimation formula on wikipedia
# https://en.wikipedia.org/wiki/Cross_entropy
def calculateLoss(self, x):
    [p1, z1, p2, z2] = self.feedForward(x)
    softmax_probs = self.softmax(p2)
    # Calculates the estimated loss based on wiki
    return np.sum(-np.log(softmax_probs[range(self.numOfSamples), self.train_labels]))

def neuron(self, p):
    return ActivationFunction.RELU(p)

def CreateRandomW(self, row, col):
    return np.random.uniform(low=-1.0, high=1.0, size=(row, col))

def normalizeData(self, rawpoints, high=255.0, low=0.0):
    return (rawpoints/128.0) - 1

@staticmethod
def RELU(x):
    # x = np.clip( x, -1, 1 )
    x = np.clip( x, -500, 500 )
    return np.maximum(0.001, x)

# RELU can be approximated with soft max function
# so the derivative of this function is g(x) = log(1+exp(x))
# Source: https://imiloainf.wordpress.com/2013/11/06/rectifier-nonlinearities/
@staticmethod
def DRELU(x):
    x = np.clip( x, -500, 500 )
    return np.log(1 + np.exp(x))

Here are some issues I found: 这是我发现的一些问题:

  1. The array slicing softmax_probs[r, y] in calculateLoss() is incorrect. 在calculateLoss()中切片softmax_probs [r,y]的数组不正确。 This slicing produces a 10000x10000 matrix and slows down the code. 此切片将生成10000x10000矩阵,并降低代码速度。
  2. Similarly, the slicing of delta3[r, y] in backPropagate() is incorrect. 同样,backPropagate()中的delta3 [r,y]切片也不正确。
  3. As of yet, I'm unsure if backprop is done correctly (didn't check), however, clipping the gradients to (-5, 5), I was able to get just below 70% training and testing accuracy after 100 iterations, 到目前为止,我不确定反向传播是否正确完成(未检查),但是,将梯度裁剪为(-5,5),经过100次迭代,我能够获得不到70%的训练和测试精度,

I used the output of the following utility function (one-to-K encoding of the labels) to fix both issues 1 and 2. 我使用了以下实用程序功能的输出(标签的一对一编码)来解决问题1和2。

def one_to_two_encoding(y):
    v = np.array([[1, 0] if y[i] == 0 else [0, 1] for i in range(len(y))])
    return v

I applied gradient clipping in backPropagte() right after each gradient is computed. 在计算每个梯度之后,我立即在backPropagte()中应用了梯度裁剪。 For example, 例如,

delta3 = delta3.clip(-5, 5)

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM