Tensorflow值错误:形状(?)?,1)和?,)是不兼容的

2024-05-15 17:51:44 发布

您现在位置:Python中文网/ 问答频道 /正文

当我用3层lstm运行我的代码时,我面临着这个错误。不知道怎么修。有人能帮忙吗。这里MAX_SEQUENCE_LENGTH=250。在运行cost函数之后,我得到错误的ValueError:Shapes(?)?,1)和?,)不兼容'

# Generate a Tensorflow Graph
tf.reset_default_graph()
batch_size = 25
embedding_size = 50
lstmUnits = 64
max_label = 2

x = tf.placeholder(tf.int32, [None, MAX_SEQUENCE_LENGTH])
y = tf.placeholder(tf.int32, [None])

number_of_layers=3

#  Embeddings to represent words
saved_embeddings = np.load('wordVectors.npy')
embeddings = tf.nn.embedding_lookup(saved_embeddings, x)

def lstm_cell():
  return tf.contrib.rnn.BasicLSTMCell(lstmUnits,reuse=tf.get_variable_scope().reuse)

lstmCell = tf.contrib.rnn.MultiRNNCell([lstm_cell() for _ in range(number_of_layers)])

lstmCell = tf.contrib.rnn.DropoutWrapper(cell=lstmCell, output_keep_prob=0.75)

outputs, final_state = tf.nn.dynamic_rnn(lstmCell, embeddings, dtype=tf.float32)

predictions = tf.contrib.layers.fully_connected(outputs[:, -1], 1, activation_fn=tf.sigmoid)

cost = tf.losses.mean_squared_error(y, predictions)

值错误:形状(?)?,1)和?,)不兼容 完整错误消息如下。

---------------------------------------------------------------------------
ValueError                                Traceback (most recent call last)
<ipython-input-19-f261b46a6f62> in <module>()
1 # Try 3
----> 2 cost = tf.losses.mean_squared_error(y, predictions)
3 cost
4 #y.shape
5 #y.reshape[]

/home/lavared/anaconda3/lib/python3.5/site-packages/tensorflow/python/ops/losses/losses_impl.py in mean_squared_error(labels, predictions, weights, scope, loss_collection, reduction)
564     predictions = math_ops.to_float(predictions)
565     labels = math_ops.to_float(labels)
--> 566     predictions.get_shape().assert_is_compatible_with(labels.get_shape())
567     losses = math_ops.squared_difference(predictions, labels)
568     return compute_weighted_loss(

/home/lavared/anaconda3/lib/python3.5/site-packages/tensorflow/python/framework/tensor_shape.py in assert_is_compatible_with(self, other)
751     """
752     if not self.is_compatible_with(other):
--> 753       raise ValueError("Shapes %s and %s are incompatible" % (self, other))
754 
755   def most_specific_compatible_shape(self, other):

ValueError: Shapes (?, 1) and (?,) are incompatible

Tags: inlabelstf错误contribopsshapevalueerror
1条回答
网友
1楼 · 发布于 2024-05-15 17:51:44

我知道这个问题已经一个月了。

几天前我就面临这个问题。这是一个众所周知的bug,尽管他们只解决了那个特定的案例。

在您的情况下,我找到的唯一有效解决方案是修改:

y = tf.placeholder(tf.int32, [None])

在:

y = tf.placeholder(tf.int32, [None, 1])

相关问题 更多 >