1

这是我第一次使用张量板,因为我得到一个奇怪的错误为我的图。张量流和张量板的黑暗奥秘在训练中使用交叉验证。奇怪的图表显示

这是我得到的,如果我打开'STEP'窗口。 This it what I get if I open up the 'STEP' window.

但是,这是我得到的,如果我打开'相对'。 (打开'WALL'窗口时相似)。 RELATIVE window

除此之外,为了测试模型的性能,我每隔几个步骤应用交叉验证。这种交叉验证的准确性从约10%(随机猜测)下降到一段时间后的0%。我不确定我犯了什么错误,因为我不是张力流专家,但我怀疑我的问题是在图形构建中。代码如下所示:

def initialize_parameters(): 
    global_step = tf.get_variable("global_step", shape=[], trainable=False, 
      initializer=tf.constant_initializer(1), dtype=tf.int64) 

    Weights = { 
     "W_Conv1": tf.get_variable("W_Conv1", shape=[3, 3, 1, 64], 
      initializer=tf.random_normal_initializer(mean=0.00, stddev=0.01), 
     ), 
... 
     "W_Affine3": tf.get_variable("W_Affine3", shape=[128, 10], 
      initializer=tf.random_normal_initializer(mean=0.00, stddev=0.01), 
    ) 
} 
    Bias = { 
     "b_Conv1": tf.get_variable("b_Conv1", shape=[1, 16, 8, 64], 
      initializer=tf.random_normal_initializer(mean=0.00, stddev=0.01), 
     ), 
... 
     "b_Affine3": tf.get_variable("b_Affine3", shape=[1, 10], 
      initializer=tf.random_normal_initializer(mean=0.00, stddev=0.01), 
    ) 
} 
    return Weights, Bias, global_step 


def build_model(W, b, global_step): 

    keep_prob = tf.placeholder(tf.float32) 
    learning_rate = tf.placeholder(tf.float32) 
    is_training = tf.placeholder(tf.bool) 

    ## 0.Layer: Input 
    X_input = tf.placeholder(shape=[None, 16, 8], dtype=tf.float32, name="X_input") 
    y_input = tf.placeholder(shape=[None, 10], dtype=tf.int8, name="y_input") 

    inputs = tf.reshape(X_input, (-1, 16, 8, 1)) #must be a 4D input into the CNN layer 
    inputs = tf.contrib.layers.batch_norm(
         inputs, 
         center=False, 
         scale=False, 
         is_training=is_training 
        ) 

    ## 1. Layer: Conv1 (64, stride=1, 3x3) 
    inputs = layer_conv(inputs, W['W_Conv1'], b['b_Conv1'], is_training) 
... 

    ## 7. Layer: Affine 3 (128 units) 
    logits = layer_affine(inputs, W['W_Affine3'], b['b_Affine3'], is_training) 

    ## 8. Layer: Softmax, or loss otherwise 
    predict = tf.nn.softmax(logits) #should be an argmax, or should this even go through 


    ## Output: Loss functions and model trainers 
    loss = tf.reduce_mean(
       tf.nn.softmax_cross_entropy_with_logits( 
         labels=y_input, 
         logits=logits 
       ) 
      ) 
    trainer = tf.train.GradientDescentOptimizer(
       learning_rate=learning_rate 
      ) 
    updateModel = trainer.minimize(loss, global_step=global_step) 

    ## Test Accuracy 
    correct_pred = tf.equal(tf.argmax(y_input, 1), tf.argmax(predict, 1)) 
    acc_op = tf.reduce_mean(tf.cast(correct_pred, "float")) 

return X_input, y_input, loss, predict, updateModel, keep_prob, learning_rate, is_training 

现在我怀疑我的错误是在图表的损失函数的定义,但我不知道。任何想法可能是什么问题?或者模型是否正确收敛,并预期所有这些错误?

回答

1

是的我认为你在交叉验证实现中多次运行相同的模型。 只需在每个循环的末尾尝试

session.close() 
1

我怀疑你正在得到这样奇怪的输出(我也见过类似的东西),因为你多次运行相同的模型,它将Tensorboard输出保存在完全相同的地方。我在代码中看不到你如何命名文件的输出?尽量使这部分的代码,唯一的文件路径:

`summary_writer = tf.summary.FileWriter(unique_path_to_log, sess.graph)` 

您也可以尝试寻找您现有的输出具有好处投入,并尝试目录中删除具有旧的(或更新的文件吗? )时间戳和这种方式Tensorboard不会混淆使用哪一个。