gpt4 book ai didi

python - char-rnn(多层循环神经网络)实现出现 IndexError

转载 作者:行者123 更新时间:2023-11-30 22:43:57 24 4
gpt4 key购买 nike

我正在尝试在我的系统中稍微改变一下来实现这个 char-rnn.py

这是我的完整代码:

from keras.models import Sequential
from keras.layers import Dense, Activation,TimeDistributedDense, Dropout
from keras.layers import LSTM
from keras.optimizers import RMSprop
from keras.utils.data_utils import get_file
import numpy

# Obtain the corpus of character sequence to train from.
# Here it is just the sequence 123456789 repeated 100000 times.
x = "123456789"*1000

# Construct a dictionary, and the reverse dictionary for the participating chars.
# '*" is a 'start-sequence' character.
dct = ['*'] + list(set(x))
max_features = len(dct)
rev_dct = [(j, i) for i, j in enumerate(dct)]
rev_dct = dict(rev_dct)

# Convert the characters to their dct indexes.
x = [rev_dct[ch] for ch in x]

# Divide the corpuse to substrings of length 200.
n_timestamps = 200
x = x[:len(x)- len(x) % n_timestamps]
x = numpy.array(x, dtype='int32').reshape((-1, n_timestamps))

# Generate input and ouput per substring, as an indicator matrix.
y = numpy.zeros((x.shape[0], x.shape[1], max_features), dtype='int32')
for i in numpy.arange(x.shape[0]):
for j in numpy.arange(x.shape[1]):
y[i, j, x[i, j]] = 1

# Shift-1 the input sequences to the right, and make them start with '*'.
x = numpy.roll(y, 1, axis=1)
x[:, 0, :] = 0
x[:, 0, 0] = 1

# Build the model.

model = Sequential()
model.add(LSTM(256, return_sequences=True, batch_input_shape=x.shape))
model.add(Dense(max_features))
model.add(Activation('softmax'))

optimizer = RMSprop(lr=0.01)
model.compile(loss='categorical_crossentropy', optimizer=optimizer)


model.fit(x, y, batch_size=100, nb_epoch=1)

# Sample 128 sentences (200 characters each) from model.

def mnrnd(probs):
rnd = numpy.random.random()
for i in xrange(len(probs)):
rnd -= probs[i]
if rnd <= 0:
return i
return i

sentences = numpy.zeros((45, n_timestamps, max_features))
sentences[:, 0, 0] = 1

# Start sampling char-sequences. At each iteration i the probability over
# the i-th character of each sequences is computed.
for i in numpy.arange(n_timestamps):
probs = model.predict_proba(sentences)[:,i,:]
# Go over each sequence and sample the i-th character.
for j in numpy.arange(len(sentences)):
sentences[j, i+1, mnrnd(probs[j, :])] = 1
sentences = [sentence[1:].nonzero()[1] for sentence in sentences]

# Convert to readable text.
text = []
for sentence in sentences:
text.append(''.join([dct[word] for word in sentence]))

但我收到此错误:

Traceback (most recent call last):
File "char-rnn.py", line 70, in <module>
sentences[j, i+1, mnrnd(probs[j, :])] = 1
IndexError: index 200 is out of bounds for axis 1 with size 200

最佳答案

看起来它正在尝试运行比数据长的序列。

查看您的代码,这是抛出错误的区域:

for i in numpy.arange(n_timestamps):
probs = model.predict_proba(sentences)[:,i,:]
# Go over each sequence and sample the i-th character.
for j in numpy.arange(len(sentences)):
sentences[j, i+1, mnrnd(probs[j, :])] = 1

问题可能是您的数据长为 n_timestamps,但您试图预测 n_timestamps + 1 个字符(当您预测 i +1 时)。

尝试将循环长度减少一,如下所示:

for i in numpy.arange(n_timestamps - 1):
probs = model.predict_proba(sentences)[:,i,:]
# Go over each sequence and sample the i-th character.
for j in numpy.arange(len(sentences)):
sentences[j, i+1, mnrnd(probs[j, :])] = 1

关于python - char-rnn(多层循环神经网络)实现出现 IndexError,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/41641684/

24 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com