- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
编辑这是生成器代码
def generate_batch(self, n_positive=50, negative_ratio=1.0, classification=False):
# TODO: use `frequency` to reinforce positive labels
# TODO: allow n_positive to use entire data set
"""
Generate batches of samples for training
:param n_positive: number of positive training examples
:param negative_ratio: ratio of positive:negative training examples
:param classification: determines type of loss function and network architecture
:return: generator that products batches of training inputs/labels
"""
pairs = self.index()
batch_size = n_positive * (1 + negative_ratio)
# Adjust label based on task
if classification:
neg_label = 0
else:
neg_label = -1
# This creates a generator
idx = 0 # TODO: make `max_recipe_length` config-driven once `structured_document` in Redshift is hstack'd
while True:
# batch = np.zeros((batch_size, 3))
batch = []
# randomly choose positive examples
for idx, (recipe, document) in enumerate(random.sample(pairs, n_positive)):
encoded = self.encode_pair(recipe, document)
# TODO: refactor from append
batch.append([encoded[0], encoded[1], 1])
# logger.info('([encoded[0], encoded[1], 1]) %s', ([encoded[0], encoded[1], 1]))
# batch[idx, :] = ([encoded[0], encoded[1], 1])
# Increment idx by 1
idx += 1
# Add negative examples until reach batch size
while idx < batch_size:
# TODO: [?] optimize how negative sample inputs are constructed
random_index_1, random_index_2 = random.randrange(len(self.ingredients_index)), \
random.randrange(len(self.ingredients_index))
random_recipe, random_document = self.pairs[random_index_1][0], self.pairs[random_index_2][1]
# Check to make sure this is not a positive example
if (random_recipe, random_document) not in self.pairs:
# Add to batch and increment index
encoded = self.encode_pair(random_recipe, random_document)
# TODO: refactor from append
batch.append([encoded[0], encoded[1], neg_label])
# batch[idx, :] = ([encoded[0], encoded[1], neg_label])
idx += 1
# Make sure to shuffle order
np.random.shuffle(batch)
batch = np.array(batch)
ingredients, documents, labels = np.array(batch[:, 0].tolist()), \
np.array(batch[:, 1].tolist()), \
np.array(batch[:, 2].tolist())
yield {'ingredients': ingredients, 'documents': documents}, labels
batch = t.generate_batch(n_positive, negative_ratio=negative_ratio)
model = model(embedding_size, document_size, vocabulary_size=vocabulary_size)
h = model.fit_generator(
batch,
epochs=20,
steps_per_epoch=int(training_size/(n_positive*(negative_ratio+1))),
verbose=2
)
<小时/>
我有以下嵌入网络架构,它在小规模(< 10k 训练大小)上学习我的语料库方面做得很好,但是当我增加训练集大小时,我从 .fit_generator(.fit_generator() 中得到形状错误。 ..)
__________________________________________________________________________________________________
Layer (type) Output Shape Param # Connected to
==================================================================================================
ingredients (InputLayer) (None, 46) 0
__________________________________________________________________________________________________
documents (InputLayer) (None, 46) 0
__________________________________________________________________________________________________
ingredients_embedding (Embeddin (None, 46, 10) 100000 ingredients[0][0]
__________________________________________________________________________________________________
documents_embedding (Embedding) (None, 46, 10) 100000 documents[0][0]
__________________________________________________________________________________________________
lambda_1 (Lambda) (None, 10) 0 ingredients_embedding[0][0]
__________________________________________________________________________________________________
lambda_2 (Lambda) (None, 10) 0 documents_embedding[0][0]
__________________________________________________________________________________________________
dot_product (Dot) (None, 1) 0 lambda_1[0][0]
lambda_2[0][0]
__________________________________________________________________________________________________
reshape_1 (Reshape) (None, 1) 0 dot_product[0][0]
==================================================================================================
Total params: 200,000
Trainable params: 200,000
Non-trainable params: 0
由以下模型代码生成:
def model(embedding_size, document_size, vocabulary_size=10000, classification=False):
ingredients = Input(
name='ingredients',
shape=(document_size,)
)
documents = Input(
name='documents',
shape=(document_size,)
)
ingredients_embedding = Embedding(name='ingredients_embedding',
input_dim=vocabulary_size,
output_dim=embedding_size)(ingredients)
document_embedding = Embedding(name='documents_embedding',
input_dim=vocabulary_size,
output_dim=embedding_size)(documents)
# sum over the sentence dimension
ingredients_embedding = Lambda(lambda x: K.sum(x, axis=-2))(ingredients_embedding)
# sum over the sentence dimension
document_embedding = Lambda(lambda x: K.sum(x, axis=-2))(document_embedding)
merged = Dot(name='dot_product', normalize=True, axes=-1)([ingredients_embedding, document_embedding])
merged = Reshape(target_shape=(1,))(merged)
# If classification, add extra layer and loss function is binary cross entropy
if classification:
merged = Dense(1, activation='sigmoid')(merged)
m = Model(inputs=[ingredients, documents], outputs=merged)
m.compile(optimizer='Adam', loss='binary_crossentropy', metrics=['accuracy'])
# Otherwise loss function is mean squared error
else:
m = Model(inputs=[ingredients, documents], outputs=merged)
m.compile(optimizer='Adam', loss='mse')
m.summary()
save_model(m)
return m
我可以在 10k 训练样本上训练这个模型,但是当我将训练集大小增加到 100k 记录时,每次在第二个纪元之后都会出现以下错误。
Epoch 1/20
- 8s - loss: 0.3181
Epoch 2/20
- 6s - loss: 0.1086
Epoch 3/20
Traceback (most recent call last):
File "run.py", line 38, in <module>
verbose=2
File "/usr/local/lib/python3.7/site-packages/keras/legacy/interfaces.py", line 91, in wrapper
return func(*args, **kwargs)
File "/usr/local/lib/python3.7/site-packages/keras/engine/training.py", line 1418, in fit_generator
initial_epoch=initial_epoch)
File "/usr/local/lib/python3.7/site-packages/keras/engine/training_generator.py", line 217, in fit_generator
class_weight=class_weight)
File "/usr/local/lib/python3.7/site-packages/keras/engine/training.py", line 1211, in train_on_batch
class_weight=class_weight)
File "/usr/local/lib/python3.7/site-packages/keras/engine/training.py", line 751, in _standardize_user_data
exception_prefix='input')
File "/usr/local/lib/python3.7/site-packages/keras/engine/training_utils.py", line 138, in standardize_input_data
str(data_shape))
ValueError: Error when checking input: expected documents to have shape (46,) but got array with shape (1,)
最佳答案
问题是我的生成器产生的数据存在优势。 1 条记录的长度为 43
,而不是 46
,这导致整个训练失败。我仍然对 ValueError 消息感到困惑。它读取但得到形状为(1,)的数组
,而实际上它应该读取但得到形状为(43,)的数组
关于python - Keras 训练在第二个 Epoch 后失败,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/55127970/
我有兴趣在 tf.keras 中训练一个模型,然后用 keras 加载它。我知道这不是高度建议,但我对使用 tf.keras 来训练模型很感兴趣,因为 tf.keras 更容易构建输入管道 我想利用
我进行了大量搜索,但仍然无法弄清楚如何编写具有多个交互输出的自定义损失函数。 我有一个神经网络定义为: def NeuralNetwork(): inLayer = Input((2,));
我正在阅读一篇名为 Differential Learning Rates 的文章在 Medium 上,想知道这是否可以应用于 Keras。我能够找到在 pytorch 中实现的这项技术。这可以在 K
我正在实现一个神经网络分类器,以打印我正在使用的这个神经网络的损失和准确性: score = model.evaluate(x_test, y_test, verbose=False) model.m
我最近在查看模型摘要时遇到了这个问题。 我想知道,[(None, 16)] 和有什么区别?和 (None, 16) ?为什么输入层有这样的输入形状? 来源:model.summary() can't
我正在尝试使用 Keras 创建自定义损失函数。我想根据输入计算损失函数并预测神经网络的输出。 我尝试在 Keras 中使用 customloss 函数。我认为 y_true 是我们为训练提供的输出,
我有一组样本,每个样本都是一组属性的序列(例如,一个样本可以包含 10 个序列,每个序列具有 5 个属性)。属性的数量总是固定的,但序列的数量(时间戳)可能因样本而异。我想使用这个样本集在 Keras
Keras 在训练集和测试集文件夹中发现了错误数量的类。我有 3 节课,但它一直说有 4 节课。有人可以帮我吗? 这里的代码: cnn = Sequential() cnn.add(Conv2D(32
我想编写一个自定义层,在其中我可以在两次运行之间将变量保存在内存中。例如, class MyLayer(Layer): def __init__(self, out_dim = 51, **kwarg
我添加了一个回调来降低学习速度: keras.callbacks.ReduceLROnPlateau(monitor='val_loss', factor=0.5, patience=100,
在 https://keras.io/layers/recurrent/我看到 LSTM 层有一个 kernel和一个 recurrent_kernel .它们的含义是什么?根据我的理解,我们需要 L
问题与标题相同。 我不想打开 Python,而是使用 MacOS 或 Ubuntu。 最佳答案 Python 库作者将版本号放入 .__version__ 。您可以通过在命令行上运行以下命令来打印它:
Keras 文档并不清楚这实际上是什么。我知道我们可以用它来将输入特征空间压缩成更小的空间。但从神经设计的角度来看,这是如何完成的呢?它是一个自动编码器,RBM吗? 最佳答案 据我所知,嵌入层是一个简
我想实现[http://ydwen.github.io/papers/WenECCV16.pdf]中解释的中心损失]在喀拉斯 我开始创建一个具有 2 个输出的网络,例如: inputs = Input
我正在尝试实现多对一模型,其中输入是大小为 的词向量d .我需要输出一个大小为 的向量d 在 LSTM 结束时。 在此 question ,提到使用(对于多对一模型) model = Sequenti
我有不平衡的训练数据集,这就是我构建自定义加权分类交叉熵损失函数的原因。但问题是我的验证集是平衡的,我想使用常规的分类交叉熵损失。那么我可以在 Keras 中为验证集传递不同的损失函数吗?我的意思是用
DL 中的一项常见任务是将输入样本归一化为零均值和单位方差。可以使用如下代码“手动”执行规范化: mean = np.mean(X, axis = 0) std = np.std(X, axis =
我正在尝试学习 Keras 并使用 LSTM 解决分类问题。我希望能够绘制 准确率和损失,并在训练期间更新图。为此,我正在使用 callback function . 由于某种原因,我在回调中收到的准
在 Keras 内置函数中嵌入使用哪种算法?Word2vec?手套?其他? https://keras.io/layers/embeddings/ 最佳答案 简短的回答是都不是。本质上,GloVe 的
我有一个使用 Keras 完全实现的 LSTM RNN,我想使用梯度剪裁,梯度范数限制为 5(我正在尝试复制一篇研究论文)。在实现神经网络方面,我是一个初学者,我将如何实现? 是否只是(我正在使用 r
我是一名优秀的程序员,十分优秀!