2017-01-27 53 views
1

我试图在tensorflow与40GB内存运行一些简单的卷积神经网络在Windows 10,使用CPU的版本。然而,到目前为止,我仍然遇到执行问题,或者在初始化变量后或者在几次训练迭代后挂起。以下是我的代码和我想实现的内容的摘要。tensorflow执行冻结一小CNN

我有每个图像中的五个字母的顺序,我想训练CNN识别每帧图像的序列。要做到这一点,我有两个卷积层(高度/宽度/通道:4/4/5,4/4/10),每个卷入一个Relu层,然后是两个完全连接的Relu层,熵损失函数。

num_image = 5 
image_size = (28, 150) 
out_channel = 5; 
shape_conv1 = [4, 4, 1, out_channel] # height, width, in_channel, out_channel 
stride_conv1 = [1, 2, 2, 1] 
shape_conv2 = [4, 4, out_channel, out_channel*2] # height, width, in_channel, out_channel 
stride_conv2 = [1, 2, 2, 1] 
num_layer1 = 100 
num_layer2 = 100 

num_output = 10 
num_batch = 200 

size_intermediate = [1, np.ceil(np.ceil(image_size[0]/stride_conv1[1])/stride_conv2[1]), \ 
       np.ceil(np.ceil(image_size[1]/stride_conv1[2])/stride_conv2[2]), out_channel*2] 
size_trans = [int(i) for i in size_intermediate] 

with graph.as_default(): 
    input_data = tf.placeholder(tf.float32, [num_batch-num_image+1, image_size[0], image_size[1], 1]) 
    input_labels = tf.placeholder(tf.float32, [num_image, num_batch-num_image+1, num_output]) 
    reg_coeff = tf.placeholder(tf.float32) 

    weights_conv1 = tf.Variable(tf.truncated_normal(shape_conv1, 0.0, 0.1)) 
    bias_relu1 = tf.Variable(tf.zeros([out_channel])) 
    weights_conv2 = tf.Variable(tf.truncated_normal(shape_conv2, 0.0, 0.1)) 
    bias_relu2 = tf.Variable(tf.zeros([out_channel*2])) 
    weights_layer1 = tf.Variable(tf.truncated_normal(\ 
         [num_image, size_trans[1]*size_trans[2]*size_trans[3], num_layer1], \ 
         0.0, (num_layer1)**-0.5)) 
    bias_layer1 = tf.zeros([num_image, 1, num_layer1]) 
    weights_layer2 = tf.Variable(tf.truncated_normal([num_image, num_layer1, num_layer2], \ 
         0.0, (num_layer2)**-0.5)) 
    bias_layer2 = tf.zeros([num_image, 1, num_layer2]) 
    weights_output = tf.Variable(tf.truncated_normal([num_image, num_layer2, num_output], 0.0, num_output**-0.5)) 
    bias_output = tf.zeros([num_image, 1, num_output]) 

    output_conv1 = tf.nn.conv2d(input_data, weights_conv1, stride_conv1, "SAME") 
    output_relu1 = tf.nn.relu(output_conv1 + bias_relu1) 
    output_conv2 = tf.nn.conv2d(output_relu1, weights_conv2, stride_conv2, "SAME") 
    output_relu2 = tf.nn.relu(output_conv2 + bias_relu2) 

    shape_inter = output_relu2.get_shape().as_list() 
    input_inter = tf.reshape(output_relu2, [1, shape_inter[0], shape_inter[1]*shape_inter[2]*shape_inter[3]]) 
    ## One copy for each letter recognizer 
    input_mid = tf.tile(input_inter, [num_image, 1, 1]) 

    input_layer1 = tf.matmul(input_mid, weights_layer1) + bias_layer1 
    output_layer1 = tf.nn.relu(input_layer1) 
    input_layer2 = tf.matmul(output_layer1, weights_layer2) + bias_layer2 
    output_layer2 = tf.nn.relu(input_layer2) 
    logits = tf.matmul(output_layer2, weights_output) + bias_output 

    # Training prediction 
    train_prediction = tf.nn.softmax(logits) 
    loss = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits, input_labels)) 
    # Loss term for regularization 
    loss_reg = reg_coeff*(tf.nn.l2_loss(weights_layer1)+tf.nn.l2_loss(bias_layer1)\ 
           +tf.nn.l2_loss(weights_layer2)+tf.nn.l2_loss(bias_layer2)\ 
           +tf.nn.l2_loss(weights_output)+tf.nn.l2_loss(bias_output)) 

    learning_rate = 0.1 
    optimizer = tf.train.GradientDescentOptimizer(learning_rate).minimize(loss+loss_reg) 

的CNN是相当简单,并且相当小,所以当我看到它初始化所有变量后冻结,或充其量几个训练后跑我感到相当吃惊。没有任何输出,并且ctrl + c不会中断执行。我想知道它是否可以与Tensorflow的Windows版本有任何关系,但我目前处于无法寻找线索的地步。

有人能分享什么可以引起我的问​​题,他们的建议/意见?谢谢!

编辑: 正如在评论中指出,有可能是我喂的数据模型的方式的问题。因此我也发布了下面的代码部分。

num_steps = 20000 

fixed_input = np.random.randint(0, 256, [num_batch-num_image+1, 28, 150, 1]) 
fixed_label = np.tile((np.random.choice(10, [num_batch-num_image+1, 1])==np.arange(10)).astype(np.float32), (5, 1, 1)) 

with tf.Session(graph=graph) as session: 
    tf.global_variables_initializer().run() 
    print("Initialized") 
    loss1 = 0.0 
    loss2 = 0.0 

    for i in range(1, num_steps+1): 
     feed_dict = {input_data : fixed_input, input_labels : fixed_label, reg_coeff : 2e-4} 
     _, l1, l2, predictions = session.run([optimizer, loss, loss_reg, train_prediction], feed_dict=feed_dict) 
     loss1 += l1 
     loss2 += l2 

     if i % 500 == 0: 
      print("Batch/reg loss at step %d: %f, %f" % (i, loss1/500, loss2/500)) 
      loss1 = 0.0 
      loss2 = 0.0 
      print("Minibatch accuracy: %.1f%%" % accuracy(predictions, fixed_labels)) 

我只是使用随机输入及其标签来测试代码是否运行。不幸的是,执行再次冻结在培训的前几个步骤。

+0

该模型本身看起来不错。有两种可能性:(a)将输入提供给并运行图的代码有问题,而您没有显示,或者(b)Windows上的Tensorflow存在错误。解决这个问题的一种方法是尝试使用随机或常量输入来运行模型,而不使用任何代码来读取输入。几步之后它仍然挂起?如果是这样,那么你应该提交Github问题。如果没有,那么输入阅读代码有问题---你能证明吗?希望有所帮助! –

+0

@PeterHawkins谢谢你的建议。我已经发布了我用来进行培训的代码。不幸的是,即使数据不变,训练仍然停滞不前。除非我缺少一些基本的东西,似乎我可能确实遇到了张量流的一些问题...... – bagend2001

+0

这听起来像是一个特定于Windows的bug。这听起来像你最好的选择是提交一个Github问题。请使用Tensorflow Github提供的最小的自包含的复制代码并提交问题。 (您的复制代码越小越简单,解决问题的概率就越高)。 –

回答

0

最有可能是因为排队的车手。 您可以尝试在MonitoredSession中运行您的训练步骤,该步骤处理初始化和队列下的队列运行。它看起来像如下:

with tf.train.MonitoredTrainingSession(...) as sess: 
    sess.run(optimizer) 
+1

我很抱歉,但我不太关注。我(有限)的理解是队列运动员用于将数据输入主要训练部分。如果是这样,因为我没有使用队列跑步者,他们为什么会成为冻结的原因? – bagend2001