Tensorflow ValueError:无法为Tensor'输入形状(3375,50,50,2)的值;重塑:0';,其形状为';(?,5000)和#x27;

Tensorflow ValueError:无法为Tensor'输入形状(3375,50,50,2)的值;重塑:0';,其形状为';(?,5000)和#x27;,tensorflow,python-3.5,Tensorflow,Python 3.5,我正在学习Tensorflow。下面是我使用TensorFlow的MLP代码。我有一些数据维度不匹配的问题 import numpy as np import tensorflow as tf import matplotlib.pyplot as plt wholedataset = np.load('C:/Users/pourya/Downloads/WholeTrueData.npz') data = wholedataset['wholedata'].astype('float32')

我正在学习Tensorflow。下面是我使用TensorFlow的MLP代码。我有一些数据维度不匹配的问题

import numpy as np
import tensorflow as tf
import matplotlib.pyplot as plt
wholedataset = np.load('C:/Users/pourya/Downloads/WholeTrueData.npz')
data = wholedataset['wholedata'].astype('float32')
label = wholedataset['wholelabel'].astype('float32')
height = wholedataset['wholeheight'].astype('float32')
print(type(data[20,1,1,0]))

learning_rate = 0.001
training_iters = 5
display_step = 20
n_input = 3375

X = tf.placeholder("float32")
Y = tf.placeholder("float32")
weights = {
    'wc1': tf.Variable(tf.random_normal([3, 3, 2, 1])),
    'wd1': tf.Variable(tf.random_normal([3, 3, 1, 1]))
}
biases = {
    'bc1': tf.Variable(tf.random_normal([1])),
    'out': tf.Variable(tf.random_normal([1,50,50,1]))
}
mnist= data

n_nodes_hl1 = 500
n_nodes_hl2 = 500
n_nodes_hl3 = 500

n_classes = 2
batch_size = 100

x = tf.placeholder('float', shape = [None,50,50,2])
shape = x.get_shape().as_list()
dim = np.prod(shape[1:])
x_reshaped = tf.reshape(x, [-1, dim])

y = tf.placeholder('float', shape= [None,50,50,2])
shape = y.get_shape().as_list()
dim = np.prod(shape[1:])
y_reshaped = tf.reshape(y, [-1, dim])

def neural_network_model(data):
    hidden_1_layer = {'weights':tf.Variable(tf.random_normal([5000, 
                       n_nodes_hl1])),
                      'biases':tf.Variable(tf.random_normal([n_nodes_hl1]))}

    hidden_2_layer = {'weights':tf.Variable(tf.random_normal([n_nodes_hl1, 
                       n_nodes_hl2])),
                      'biases':tf.Variable(tf.random_normal([n_nodes_hl2]))}

    hidden_3_layer = {'weights':tf.Variable(tf.random_normal([n_nodes_hl2, 
                       n_nodes_hl3])),
                      'biases':tf.Variable(tf.random_normal([n_nodes_hl3]))}

    output_layer = {'weights':tf.Variable(tf.random_normal([n_nodes_hl3, 
                    n_classes])),
                    'biases':tf.Variable(tf.random_normal([n_classes])),}
    l1 = tf.add(tf.matmul(data,hidden_1_layer['weights']), 
        hidden_1_layer['biases'])
    l1 = tf.nn.relu(l1)

    l2 = tf.add(tf.matmul(l1,hidden_2_layer['weights']), 
        hidden_2_layer['biases'])
    l2 = tf.nn.relu(l2)

    l3 = tf.add(tf.matmul(l2,hidden_3_layer['weights']), 
        hidden_3_layer['biases'])
    l3 = tf.nn.relu(l3)

    output = tf.matmul(l3,output_layer['weights']) + output_layer['biases']

    return output
def train_neural_network(x):
    prediction = neural_network_model(x)

    cost = tf.reduce_mean( 
      tf.nn.softmax_cross_entropy_with_logits(logits=prediction, labels=y) )
    optimizer = tf.train.AdamOptimizer().minimize(cost)

    hm_epochs = 10
    with tf.Session() as sess:
        sess.run(tf.global_variables_initializer())

        for epoch in range(hm_epochs):
            epoch_loss = 0
            for _ in range(int(n_input/batch_size)):
                epoch_x = wholedataset['wholedata'].astype('float32')
                epoch_y = wholedataset['wholedata'].astype('float32')

                _, c = sess.run([optimizer, cost], feed_dict={x: epoch_x, y: 
                   epoch_y})
                epoch_loss += c

            print('Epoch', epoch, 'completed out 
            of',hm_epochs,'loss:',epoch_loss)

        correct = tf.equal(tf.argmax(prediction, 1), tf.argmax(y, 1))

        accuracy = tf.reduce_mean(tf.cast(correct, 'float'))
        print('Accuracy:',accuracy.eval({x:mnist.test.images, 
        y:mnist.test.labels}))

train_neural_network(x)
我得到了以下错误:

ValueError: Cannot feed value of shape (3375, 50, 50, 2) for Tensor 'Reshape:0', which has shape '(?, 5000)'
有人知道我的代码有什么问题吗?我如何修复它? 数据值为(3375,50,50,2)


谢谢大家的意见

我认为问题在于,占位符和重塑在行中使用了相同的变量名
x

x = tf.placeholder('float', shape = [None,50,50,2])

所以当你

feed_dict={x: your_val}
您正在输入重塑操作的输出

例如,你应该有不同的名字

x_placeholder = tf.placeholder('float', shape = [None,50,50,2])
x_reshaped = tf.reshape(x, [-1, dim])
然后

feed_dict={x_placeholder: your_val}

@Poetro我已经做了chenges,但我还有一个错误。“ValueError:Shape必须是秩2,但对于输入形状为:[?,50,50,2],[5000500]的'MatMul'(op:'MatMul')来说是秩4。”在代码的其余部分,您应该用
x\u整形
替换
x
,或者将
x\u整形
重命名为
x
。。。
feed_dict={x_placeholder: your_val}