gpt4 book ai didi

python - 为什么我的训练损失在使用预先训练的权重训练 AlexNet 最后一层时会出现振荡?

转载 作者:行者123 更新时间:2023-11-30 09:07:22 28 4
gpt4 key购买 nike

我正在研究纹理分类,根据之前的工作,我尝试将 AlexNET 的最后一层修改为具有 20 个类,并仅针对我的多类分类问题训练该层。我在 NVIDIA GTX 1080 上使用 Tensorflow-GPU,在 Ubuntu 16.04 上使用 Python3.6。我正在使用梯度下降优化器和类估计器来构建它。我还使用两个 dropout 层进行正则化。因此,我的超参数是学习率、batch_size和weight_decay。我尝试使用batch_size为50,100,200,weight_decays为0.005和0.0005,学习率为1e-3,1e-4和1e-5。上述值的所有训练损失曲线都遵循相似的趋势。

我的训练损失曲线并不是单调下降,而是似乎在振荡。我提供了学习率=1e-5、权重衰减=0.0005、batch_size=200 的张量板可视化。

请协助了解出了什么问题以及我如何纠正它。 The Tensorboard Visualization for the case I specified

  # Create the Estimator
classifier = tf.estimator.Estimator(model_fn=cnn_model)
# Set up logging for predictions
tensors_to_log = {"probabilities": "softmax_tensor"}
logging_hook = tf.train.LoggingTensorHook(tensors=tensors_to_log, every_n_iter=10)
# Train the model
train_input_fn = tf.estimator.inputs.numpy_input_fn(x={"x": train_data},y=train_labels,batch_size=batch_size,num_epochs=None,shuffle=True)
classifier.train(input_fn=train_input_fn, steps=200000, hooks=[logging_hook])
# Evaluate the model and print results
eval_input_fn = tf.estimator.inputs.numpy_input_fn(
x={"x": eval_data},
y=eval_labels,
num_epochs=1,
shuffle=False)
eval_results = classifier.evaluate(input_fn=eval_input_fn)
print(eval_results)

#Sections of the cnn_model
#Output Config
predictions = { "classes": tf.argmax(input=logits, axis=1),# Generate predictions (for PREDICT and EVAL mode)
"probabilities": tf.nn.softmax(logits, name="softmax_tensor")} # Add `softmax_tensor` to the graph. It is used for PREDICT and by the `logging_hook`.
if mode == tf.estimator.ModeKeys.PREDICT:
return tf.estimator.EstimatorSpec(mode=mode, predictions=predictions)

# Calculate Loss (for both TRAIN and EVAL modes)
onehot_labels = tf.one_hot(indices=tf.cast(labels,tf.int32),depth=20)
loss = tf.losses.softmax_cross_entropy(onehot_labels=onehot_labels, logits=logits)


#Training Config
if mode == tf.estimator.ModeKeys.TRAIN:
optimizer = tf.train.GradientDescentOptimizer(learning_rate=learning_rate)
tf.summary.scalar('training_loss',loss)
summary_hook = tf.train.SummarySaverHook(save_steps=10,output_dir='outputs',summary_op=tf.summary.merge_all())
train_op = optimizer.minimize(loss=loss, global_step=tf.train.get_global_step())
return tf.estimator.EstimatorSpec(mode=mode, loss=loss, train_op=train_op,training_hooks=[summary_hook])



# Evaluation Metric- Accuracy
eval_metric_ops = {"accuracy": tf.metrics.accuracy(labels=labels, predictions=predictions["classes"])}
print(time.time()-t)
tf.summary.scalar('eval_loss',loss)
ac=tf.metrics.accuracy(labels=labels,predictions=predictions["classes"])
tf.summary.scalar('eval_accuracy',ac)
evaluation_hook= tf.train.SummarySaverHook(save_steps=10,output_dir='outputseval',summary_op=tf.summary.merge_all())
return tf.estimator.EstimatorSpec(mode=mode, loss=loss, eval_metric_ops=eval_metric_ops,evaluation_hooks=[evaluation_hook])

最佳答案

您是随机选择小批量的吗?看起来你的小批量之间有很大的差异,这导致不同迭代的损失有很大的差异。我假设图中的 x 轴是迭代而不是纪元,并且每约 160 次迭代提供的训练数据更难预测,这会导致损失曲线周期性下降。您的验证损失表现如何?

可能的解决方案/想法:

  • 尝试以更好的方式随机化您的训练数据选择
  • 检查您的训练数据中是否存在标签错误的示例

关于python - 为什么我的训练损失在使用预先训练的权重训练 AlexNet 最后一层时会出现振荡?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/48804113/

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