- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
保存或恢复时没有错误。权重似乎已正确恢复。
我正在尝试按照 karpathy/min-char-rnn.py 构建我自己的最小字符级别 RNN , sherjilozair/char-rnn-tensorflow ,以及 Tensorflow RNN tutorial 。我的脚本似乎按预期工作,除非我尝试恢复/继续训练。
如果我重新启动脚本并从检查点恢复,然后恢复训练,损失总是会回升,就好像没有检查点一样(尽管权重已正确恢复)。但是,在脚本执行过程中,如果我重置图表、启动新 session 并恢复,那么我就能够继续按预期最小化损失。
我尝试在台式机(带 GPU)和笔记本电脑(仅 CPU)上运行此程序,两者都在 Windows 上运行 Tensorflow 0.12。
下面是我的代码,我已在此处上传了代码+数据+控制台输出: https://gist.github.com/dk1027/777c3da7ba1ff7739b5f5e89491bef73
import numpy as np
import tensorflow as tf
from tensorflow.python.ops import rnn_cell
class model_input:
def __init__(self,data_path, batch_size, steps):
self.batch_idx = 0
self.data_path = data_path
self.steps = steps
self.batch_size = batch_size
data = open(self.data_path).read()
data_size = len(data)
self.vocab = set(data)
self.vocab_size = len(self.vocab)
self.vocab_to_idx = {v:i for i,v in enumerate(self.vocab)}
self.idx_to_vocab = {i:v for i,v in enumerate(self.vocab)}
c = self.batch_size * self.steps
#Offset by 1 character because we want to predict the next character
_data_as_idx = np.asarray([self.vocab_to_idx[v] for v in data], dtype=np.int32)
self.X = _data_as_idx[:-1]
self.Y = _data_as_idx[1:]
def reset(self):
self.batch_idx = 0
def next_batch2(self):
i = self.batch_idx
j = self.batch_idx + self.batch_size * self.steps
if j >= self.X.shape[0]:
i = 0
j = self.batch_size * self.steps
self.batch_idx = 0
#print("next_batch: (%s,%s)" %(i,j))
x = self.X[i:j]
x = x.reshape(-1,self.steps)
_xlen = x.shape[0]
_y = self.Y[i:j]
_y = _y.reshape(-1,self.steps)
self.batch_idx += 1
return x, _y
def toIdx(self, s):
res = []
for _s in s:
res.append(self.vocab_to_idx[_s])
return res
def toStr(self, idx):
s = ''
for i in idx:
s += self.idx_to_vocab[i]
return s
class Config():
def __init__(self):
# Parameters
self.learning_rate = 0.001
self.training_iters = 10000
self.batch_size = 20
self.display_step = 200
self.max_epoch = 1
# Network Parameters
self.n_input = 1 # 1 character input
self.n_steps = 25 # sequence length
self.n_hidden = 128 # hidden layer num of features
self.n_rnn_layers = 2
# To be set later
self.vocab_size = None
# Train
def Train(sess, model, data, config, saver):
init_state = sess.run(model.initial_state)
data.reset()
epoch = 0
while epoch < config.max_epoch:
# Keep training until reach max iterations
step = 0
while step * config.batch_size < config.training_iters:
# Run optimization op (backprop)
fetch_dict = {
"cost": model.cost,
"final_state": model.final_state,
"op" : model.train_op
}
feed_dict = {}
for i, (c, h) in enumerate(model.initial_state):
feed_dict[c] = init_state[i].c
feed_dict[h] = init_state[i].h
batch_x, batch_y = data.next_batch2()
feed_dict[model.x]=batch_x
feed_dict[model.y]=batch_y
fetches = sess.run(fetch_dict, feed_dict=feed_dict)
if (step % config.display_step) == 0:
print("Iter " + str(step*config.batch_size) + ", Minibatch Loss={:.7f}".format(fetches["cost"]))
step += 1
if (step*config.batch_size % 5000) == 0:
sp = saver.save(sess, config.save_path + "model.ckpt", global_step = step * config.batch_size + epoch * config.training_iters)
print("Saved to %s" % sp)
sp = saver.save(sess, config.save_path + "model.ckpt", global_step = step * config.batch_size + epoch * config.training_iters)
print("Saved to %s" % sp)
epoch += 1
print("Optimization Finished!")
class Model():
def __init__(self, config):
self.config = config
lstm_cell = rnn_cell.BasicLSTMCell(config.n_hidden, state_is_tuple=True)
self.cell = rnn_cell.MultiRNNCell([lstm_cell] * config.n_rnn_layers, state_is_tuple=True)
self.x = tf.placeholder(tf.int32, [config.batch_size, config.n_steps])
self.y = tf.placeholder(tf.int32, [config.batch_size, config.n_steps])
self.initial_state = self.cell.zero_state(config.batch_size, tf.float32)
with tf.device("/cpu:0"):
embedding = tf.get_variable("embedding", [config.vocab_size, config.n_hidden], dtype=tf.float32)
inputs = tf.nn.embedding_lookup(embedding, self.x)
outputs = []
state = self.initial_state
with tf.variable_scope('rnn'):
softmax_w = tf.get_variable("softmax_w", [config.n_hidden, config.vocab_size])
softmax_b = tf.get_variable("softmax_b", [config.vocab_size])
for time_step in range(config.n_steps):
if time_step > 0: tf.get_variable_scope().reuse_variables()
(cell_output, state) = self.cell(inputs[:, time_step, :], state)
outputs.append(cell_output)
output = tf.reshape(tf.concat(1, outputs), [-1, config.n_hidden])
self.logits = tf.matmul(output, softmax_w) + softmax_b
loss = tf.nn.seq2seq.sequence_loss_by_example(
[self.logits],
[self.y],
[tf.ones([config.batch_size * config.n_steps], dtype=tf.float32)],
name="seq2seq")
self.cost = tf.reduce_sum(loss) / config.batch_size
self.final_state = state
tvars = tf.trainable_variables()
grads, _ = tf.clip_by_global_norm(tf.gradients(self.cost, tvars),5)
optimizer = tf.train.AdamOptimizer(config.learning_rate)
self.train_op = optimizer.apply_gradients(zip(grads, tvars))
def main():
# Read input data
data_path = "1sonnet.txt"
save_path = "./save/"
config = Config()
data = model_input(data_path, config.batch_size, config.n_steps)
config.vocab_size = data.vocab_size
config.data_path = data_path
config.save_path = save_path
train_model = Model(config)
print("Model defined.")
bReproProblem = True
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
saver = tf.train.Saver()
ckpt = tf.train.get_checkpoint_state(save_path)
if ckpt and ckpt.model_checkpoint_path:
saver.restore(sess, ckpt.model_checkpoint_path)
print("restored from %s" % ckpt.model_checkpoint_path)
Train(sess, train_model, data, config, saver)
if bReproProblem:
tf.reset_default_graph() #reset everything
data.reset()
train_model2 = Model(config)
print("Starting a new session, restore from checkpoint, and train again")
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
saver2 = tf.train.Saver()
ckpt = tf.train.get_checkpoint_state(save_path)
if ckpt and ckpt.model_checkpoint_path:
saver2.restore(sess, ckpt.model_checkpoint_path)
print("restored from %s" % ckpt.model_checkpoint_path)
Train(sess, train_model2, data, config, saver2)
if __name__ == '__main__':
main()
最佳答案
请确保每次运行代码时您的标签都相同,特别是对于那些使用列表索引作为标签的人。
参见this question了解详情。
如果使用列表索引作为标签,请对数据进行排序或将索引保存到磁盘。使用:
labels = sorted(set(data))
而不是
labels = set(data))
在Python实现中,有一些方法,如set()
或os.listdir()
,返回一个未排序的集合。换句话说,每次运行时项目的索引可能不同。
对于 set()
,Python use a random method构建一个集合
。对于 os.listdir(),it doesn't promise the order of the returned list 。因此,为了获得健壮的代码,建议对数据集使用 sorted()
。
data_size = len(data)
self.vocab = set(data)
self.vocab_size = len(self.vocab)
self.vocab_to_idx = {v:i for i,v in enumerate(self.vocab)}
self.idx_to_vocab = {i:v for i,v in enumerate(self.vocab)}
这可能是由您构建标签的方式引起的。每次运行代码时,vocab_to_idx
可能会有所不同。
只需添加一个sorted()
:
data_size = len(data)
self.vocab = sorted(set(data))
self.vocab_size = len(self.vocab)
self.vocab_to_idx = {v:i for i,v in enumerate(self.vocab)}
self.idx_to_vocab = {i:v for i,v in enumerate(self.vocab)}
关于Tensorflow:成功恢复检查点后损失重置,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/41328769/
我是pytorch的新手。请问添加'loss.item()'有什么区别?以下2部分代码: for epoch in range(epochs): trainingloss =0 for
我有一个包含 4 列的 MySQL 表,如下所示。 TransactionID | Item | Amount | Date ------------------------------------
我目前正在使用 cocos2d、Box2D 和 Objective-C 为 iPad 和 iPhone 制作游戏。 每次更新都会发生很多事情,很多事情必须解决。 我最近将我的很多代码重构为几个小方法,
我一直在关注 Mixed Precision Guide .因此,我正在设置: keras.mixed_precision.set_global_policy(mixed_precision) 像这样
double lnumber = Math.pow(2, 1000); 打印 1.0715086071862673E301 我尝试过的事情 我尝试使用 BigDecimal 类来扩展这个数字: St
我正在尝试创建一个神经网络来近似函数(正弦、余弦、自定义...),但我在格式上遇到困难,我不想使用输入标签,而是使用输入输出。我该如何更改它? 我正在关注this tutorial import te
我有一个具有 260,000 行和 35 列的“单热编码”(全一和零)数据矩阵。我正在使用 Keras 训练一个简单的神经网络来预测一个连续变量。制作网络的代码如下: model = Sequenti
什么是像素级 softmax 损失?在我的理解中,这只是一个交叉熵损失,但我没有找到公式。有人能帮我吗?最好有pytorch代码。 最佳答案 您可以阅读 here所有相关内容(那里还有一个指向源代码的
我正在训练一个 CNN 架构来使用 PyTorch 解决回归问题,其中我的输出是一个 20 个值的张量。我计划使用 RMSE 作为模型的损失函数,并尝试使用 PyTorch 的 nn.MSELoss(
在每个时代结束时,我得到例如以下输出: Epoch 1/25 2018-08-06 14:54:12.555511: 2/2 [==============================] - 86
我正在使用 Keras 2.0.2 功能 API (Tensorflow 1.0.1) 来实现一个网络,该网络接受多个输入并产生两个输出 a 和 b。我需要使用 cosine_proximity 损失
我正在尝试设置很少层的神经网络,这将解决简单的回归问题,这应该是f(x) = 0,1x 或 f(x) = 10x 所有代码如下所示(数据生成和神经网络) 4 个带有 ReLu 的全连接层 损失函数 R
我正在研究在 PyTorch 中使用带有梯度惩罚的 Wasserstein GAN,但始终得到大的、正的生成器损失,并且随着时间的推移而增加。 我从 Caogang's implementation
我正在尝试在 TensorFlow 中实现最大利润损失。这个想法是我有一些积极的例子,我对一些消极的例子进行了采样,并想计算类似的东西 其中 B 是我的批处理大小,N 是我要使用的负样本数。 我是 t
我正在尝试预测一个连续值(第一次使用神经网络)。我已经标准化了输入数据。我不明白为什么我会收到 loss: nan从第一个纪元开始的输出。 我阅读并尝试了以前对同一问题的回答中的许多建议,但没有一个对
我目前正在学习神经网络,并尝试训练 MLP 以使用 Python 中的反向传播来学习 XOR。该网络有两个隐藏层(使用 Sigmoid 激活)和一个输出层(也是 Sigmoid)。 网络(大约 20,
尝试在 keras 中自定义损失函数(平滑 L1 损失),如下所示 ValueError: Shape must be rank 0 but is rank 5 for 'cond/Switch' (
我试图在 tensorflow 中为门牌号图像创建一个卷积神经网络 http://ufldl.stanford.edu/housenumbers/ 当我运行我的代码时,我在第一步中得到了 nan 的成
我正在尝试使用我在 Keras 示例( https://github.com/keras-team/keras/blob/master/examples/variational_autoencoder
我试图了解 CTC 损失如何用于语音识别以及如何在 Keras 中实现它。 我认为我理解的内容(如果我错了,请纠正我!)总体而言,CTC 损失被添加到经典网络之上,以便逐个元素(对于文本或语音而言逐个
我是一名优秀的程序员,十分优秀!