gpt4 book ai didi

python - Keras 不使用自定义损失中的导数进行训练

转载 作者:行者123 更新时间:2023-12-02 06:56:52 25 4
gpt4 key购买 nike

我正在尝试使用神经网络 (Keras) 以及数据和事实 d/dx d/dx sin(x) = -sin(x) 来近似正弦函数。正弦函数的这个属性被用在神经网络的自定义损失函数中。

我的代码目前看起来像这样

import tensorflow as tf
import numpy as np

from tensorflow import keras
from numpy import random

# --- Disable eager execution
tf.compat.v1.disable_eager_execution()

# --- Settings
x_min = 0
x_max = 2*np.pi

n_train = 64
n_test = 64

# --- Generate dataset
x_train = random.uniform(x_min, x_max, n_train)
y_train = np.sin(x_train)

x_test = random.uniform(x_min, x_max, n_test)
y_test = np.sin(x_test)

# --- Create model
model = keras.Sequential()

model.add(keras.layers.Dense(64, activation="tanh", input_dim=1))
model.add(keras.layers.Dense(64, activation="tanh"))

model.add(keras.layers.Dense(1, activation="tanh"))

def grad(input_tensor, output_tensor):
return keras.layers.Lambda( lambda z: keras.backend.gradients( z[ 0 ], z[ 1 ] ), output_shape = [1] )( [ output_tensor, input_tensor ] )

def custom_loss_wrapper(input_tensor, output_tensor):

def custom_loss(y_true, y_pred):
mse_loss = keras.losses.mean_squared_error(y_true, y_pred)
derivative_loss = keras.losses.mean_squared_error(input_tensor, -grad(input_tensor, grad(input_tensor, output_tensor))[0])
return mse_loss + derivative_loss

return custom_loss

# --- Configure learning process
model.compile(
optimizer=keras.optimizers.Adam(0.01),
loss=custom_loss_wrapper(model.input, model.output),
metrics=['MeanSquaredError'])

# --- Train from dataset
model.fit(x_train, y_train, batch_size=32, epochs=1000, validation_data=(x_test, y_test))

# --- Evaluate model
model.evaluate(x_test, y_test)

特别重要的是自定义损失函数。导数的 Lambda 定义来自this question 。遗憾的是,该模型似乎没有正确训练。损失接近于零并保持在 10 以上。

如果没有导数项,网络可以正常工作,但我似乎找不到导数计算中的错误。谢谢您的帮助!

最佳答案

对于你的模型,你可以尝试进行超参数调整,

  • 将学习率设置为较低的值
  • 增加纪元
  • 添加更多训练数据集。

您还可以添加更多层、添加dropout以防止过拟合,并尝试不同的激活函数优化方法 .
通过完成所有这些,您将能够获得良好的模型性能

关于python - Keras 不使用自定义损失中的导数进行训练,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/60325476/

25 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com