人工神经网络插值python代码
时间: 2023-08-31 16:12:30 浏览: 91
神经网络算法的Python代码
以下是一个简单的人工神经网络插值的Python代码,使用了TensorFlow库:
```python
import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
# 设置训练数据
x_train = np.linspace(-1, 1, 10)
y_train = np.sin(x_train * np.pi) / 2 + 0.5
# 设置测试数据
x_test = np.linspace(-1, 1, 100)
y_test = np.sin(x_test * np.pi) / 2 + 0.5
# 创建神经网络模型
model = tf.keras.Sequential([
tf.keras.layers.Dense(10, input_shape=(1,), activation=tf.nn.relu),
tf.keras.layers.Dense(10, activation=tf.nn.relu),
tf.keras.layers.Dense(1, activation=tf.nn.sigmoid)
])
# 设置优化器和损失函数
optimizer = tf.keras.optimizers.Adam(lr=0.01)
model.compile(optimizer=optimizer, loss='mean_squared_error')
# 训练神经网络
model.fit(x_train, y_train, epochs=1000, verbose=False)
# 使用训练好的神经网络进行插值
y_pred = model.predict(x_test)
# 绘制插值结果
plt.plot(x_test, y_test, label='true')
plt.plot(x_test, y_pred, label='predicted')
plt.legend()
plt.show()
```
该代码首先设置了训练数据和测试数据,并创建了一个包含三个层的神经网络模型。接着设置了优化器和损失函数,并使用训练数据对神经网络进行训练。最后,使用训练好的神经网络对测试数据进行插值,并绘制出插值结果。
阅读全文