tensorflow静态错误:输入必须是序列

2024-05-12 15:48:22 发布

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

我正试着把我自己的三维数据输入一个LSTM。数据有:height=365,width=310,time=unknown/inconsistent,由0和1组成,产生输出的每个数据块被分离到单个文件。

import tensorflow as tf
import os
from tensorflow.contrib import rnn

filename = "C:/Kuliah/EmotionRecognition/Train1/D2N2Sur.txt"

hm_epochs = 10
n_classes = 12
n_chunk = 443
n_hidden = 500

data = tf.placeholder(tf.bool, name='data')
cat = tf.placeholder("float", [None, n_classes])

weights = {
    'out': tf.Variable(tf.random_normal([n_hidden, n_classes]))
}
biases = {
    'out': tf.Variable(tf.random_normal([n_classes]))
}

def RNN(x, weights, biases):
    lstm_cell = rnn.BasicLSTMCell(n_hidden, forget_bias=1.0)
    outputs, states = rnn.static_rnn(lstm_cell, x, dtype=tf.float32)
    return tf.matmul(outputs[-1], weights['out']) + biases['out']

pred = RNN(data, weights, biases)

cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=pred, labels=cat))
optimizer = tf.train.AdamOptimizer(learning_rate=0.001).minimize(cost)

correct_pred = tf.equal(tf.argmax(pred, 1), tf.argmax(cat, 1))
accuracy = tf.reduce_mean(tf.cast(correct_pred, tf.float32))

saver = tf.train.Saver()

temp = [[]]
d3 = [[]]
counter = 0
with tf.Session() as sess:
    #load
    #saver.restore(sess, "C:/Kuliah/EmotionRecognition/model.ckpt")
    sess.run(tf.global_variables_initializer())
    with open(filename) as inf:
        for line in inf:
            bla = list(line)
            bla.pop(len(bla) - 1)
            for index, item in enumerate(bla):
                if (item == '0'):
                    bla[index] = False
                else:
                    bla[index] = True
            temp.append(bla)
            counter += 1
            if counter%365==0: #height 365
                temp.pop(0)
                d3.append(temp)
                temp = [[]]
        temp.pop(0)
        d3.append(temp)

        batch_data = d3.reshape()
        sess.run(optimizer, feed_dict={data: d3, cat: 11})

        acc = sess.run(accuracy, feed_dict={data: d3, cat: 11})
        loss = sess.run(loss, feed_dict={data: d3, cat: 11})
        print(acc)
        print(loss)
        #save
        saver.save(sess, "C:/Kuliah/EmotionRecognition/model.ckpt")

此代码引发错误:

Traceback (most recent call last):
  File "C:/Kuliah/EmotionRecognition/Main", line 31, in <module>
    pred = RNN(data, weights, biases)
  File "C:/Kuliah/EmotionRecognition/Main", line 28, in RNN
    outputs, states = rnn.static_rnn(lstm_cell, x, dtype=tf.float32)
  File "C:\Users\Anonymous\AppData\Roaming\Python\Python35\site-packages\tensorflow\python\ops\rnn.py", line 1119, in static_rnn
    raise TypeError("inputs must be a sequence")
TypeError: inputs must be a sequence

Tags: indatatflinetempcatsessd3
1条回答
网友
1楼 · 发布于 2024-05-12 15:48:22

当调用pred = RNN(data, weights, biases)时,data参数应该是一个长度序列,即RNN的长度。但在你的情况下,它是一个data = tf.placeholder(tf.bool, name='data')

你可以试试pred = RNN([data], weights, biases)

请参见方法的字符串文档:

inputs: A length T list of inputs, each a Tensor of shape [batch_size, input_size], or a nested tuple of such elements.

如果RNN的长度未知,则应考虑使用^{}

相关问题 更多 >