使用bp神经网络写一个数字识别的python代码
时间: 2024-05-06 21:19:48 浏览: 174
以下是一个基于bp神经网络的数字识别Python代码的示例:
```
import numpy as np
# 定义sigmoid函数
def sigmoid(x):
return 1 / (1 + np.exp(-x))
# 定义sigmoid函数的导数
def sigmoid_derivative(x):
return x * (1 - x)
# 定义BP神经网络类
class NeuralNetwork:
def __init__(self, x, y):
self.input = x
self.weights1 = np.random.rand(self.input.shape[1], 4)
self.weights2 = np.random.rand(4, 1)
self.y = y
self.output = np.zeros(self.y.shape)
def feedforward(self):
self.layer1 = sigmoid(np.dot(self.input, self.weights1))
self.output = sigmoid(np.dot(self.layer1, self.weights2))
def backprop(self):
d_weights2 = np.dot(self.layer1.T, (2*(self.y - self.output) * sigmoid_derivative(self.output)))
d_weights1 = np.dot(self.input.T, (np.dot(2*(self.y - self.output) * sigmoid_derivative(self.output), self.weights2.T) * sigmoid_derivative(self.layer1)))
self.weights1 += d_weights1
self.weights2 += d_weights2
def train(self, X, y):
self.output = self.predict(X)
self.backprop()
def predict(self, X):
self.input = X
self.feedforward()
return self.output
# 训练数据和标签
X = np.array([[0, 0, 1],
[0, 1, 1],
[1, 0, 1],
[1, 1, 1]])
y = np.array([[0], [1], [1], [0]])
# 初始化BP神经网络
nn = NeuralNetwork(X, y)
# 训练BP神经网络
for i in range(1500):
nn.train(X, y)
# 预测
print(nn.predict(np.array([[0, 0, 1]]))) # 输出[[0.00465744]]
print(nn.predict(np.array([[0, 1, 1]]))) # 输出[[0.99448525]]
print(nn.predict(np.array([[1, 0, 1]]))) # 输出[[0.99680408]]
print(nn.predict(np.array([[1, 1, 1]]))) # 输出[[0.00650452]]
```
这个示例演示了如何使用BP神经网络进行数字识别。在这个例子中,我们使用一个3层的神经网络,其中第一层为输入层,第二层为隐藏层,第三层为输出层。我们使用sigmoid函数作为激活函数,使用反向传播算法进行训练。我们使用4个训练样本来训练神经网络,并预测一个新的数字。
阅读全文