GPU使用率非常低

时间:2016-12-16 05:22:34

标签: tensorflow gpu deep-learning

我尝试使用单个dynamic_rnn来处理非常长的序列以进行分类任务。 以下是一些参数: rnn_size = 500,seq_max_length = 2500,batch_size = 50,embedding_size = 64,softmax_size = 1600。

代码如下:

x_vec = tf.nn.embedding_lookup(embedding_matrix_variable, self.x)
lstm_fw_cell = rnn_cell.LSTMCell(num_units = hidden_unit, input_size = word_dim)
lstm_fw_cell = rnn_cell.DropoutWrapper(lstm_fw_cell, output_keep_prob=self.dropout_keep_prob, input_keep_prob=self.dropout_keep_prob)
outputs, _ = rnn.dynamic_rnn(lstm_fw_cell, x, dtype=tf.float32, sequence_length=real_length, swap_memory=False)

outputs = tf.transpose(outputs, [1, 0, 2])
outputs = tf.unpack(outputs)

output = outputs[0]
one = tf.ones([1, hidden_unit], tf.float32)
with tf.variable_scope("output"):
    tf.get_variable_scope().reuse_variables()
        for i in range(1, len(outputs_6)):
            ind = self.real_length < (i+1)
            ind = tf.to_float(ind)
             ind = tf.expand_dims(ind, -1)
             mat = tf.matmul(ind, one)
             output=tf.add(tf.mul(output, mat), tf.mul(outputs[i], 1.0-mat))


y_prediction = tf.matmul(output, w_h2y) + b_h2y
y_prediction = tf.nn.softmax(y_prediction)  

weight_decay = L2  * ( tf.nn.l2_loss(w_h2y) + tf.nn.l2_loss(b_h2y) )
self.cost = tf.reduce_mean( -tf.reduce_sum(self.y*tf.log(y_prediction + 1e-10)) ) + weight_decay
self.optimizer = tf.train.AdamOptimizer(alpha).minimize(self.cost)

TITAN上GPU的使用率仅为5%。 CPU的使用率约为150%。 我不确定是什么问题。

1 个答案:

答案 0 :(得分:0)

正如雅罗斯拉夫所说 - 这是一个很难回答的问题,因为它需要对你的代码进行分析(或者有幸能够识别出这个问题)。 This comment on the github issues是分析的良好起点,新的TensorFlow Performance页也是如此。