- android - 多次调用 OnPrimaryClipChangedListener
- android - 无法更新 RecyclerView 中的 TextView 字段
- android.database.CursorIndexOutOfBoundsException : Index 0 requested, 光标大小为 0
- android - 使用 AppCompat 时,我们是否需要明确指定其 UI 组件(Spinner、EditText)颜色
我很难搜索可以帮助我构建文本序列(特征)分类器的文档、研究或博客。我拥有的文本序列包含网络日志。
我正在使用 TensorFlow 构建 GRU 模型,并将 SVM 作为分类函数。我在处理张量形状时遇到了问题。它说 ValueError: Shape must be rank 2 but is rank 3 for 'MatMul' (op: 'MatMul') with input shapes: [?,23,1], [512,2]
。 Here is a sample我用来训练我的神经网络的数据。
我的项目的目标是使用这个 GRU-SVM 模型在 Kyoto University's honeypot system intrusion detection dataset 上进行入侵检测。 .该数据集有 23 个特征和一个标签(如果网络中存在入侵或没有)。
import data
import numpy as np
import os
import tensorflow as tf
BATCH_SIZE = 200
CELLSIZE = 512
NLAYERS = 3
SVMC = 1
learning_rate = 0.01
TRAIN_PATH = '/home/darth/GitHub Projects/gru_svm/dataset/train/6'
def main():
examples, labels, keys = data.input_pipeline(path=TRAIN_PATH, batch_size=BATCH_SIZE, num_epochs=1)
seqlen = examples.shape[1]
x = tf.placeholder(shape=[None, seqlen, 1], dtype=tf.float32)
y = tf.placeholder(shape=[None, 2], dtype=tf.float32)
Hin = tf.placeholder(shape=[None, CELLSIZE*NLAYERS], dtype=tf.float32)
# cell = tf.contrib.rnn.GRUCell(CELLSIZE)
network = []
for index in range(NLAYERS):
network.append(tf.contrib.rnn.GRUCell(CELLSIZE))
mcell = tf.contrib.rnn.MultiRNNCell(network, state_is_tuple=False)
Hr, H = tf.nn.dynamic_rnn(mcell, x, initial_state=Hin, dtype=tf.float32)
Hf = tf.transpose(Hr, [1, 0, 2])
last = tf.gather(Hf, int(Hf.get_shape()[0]) - 1)
weight = tf.Variable(tf.truncated_normal([CELLSIZE, 2], stddev=0.01), tf.float32)
bias = tf.Variable(tf.constant(0.1, shape=[2]))
logits = tf.matmul(last, weight) + bias
regularization_loss = 0.5 * tf.reduce_sum(tf.square(weight))
hinge_loss = tf.reduce_sum(tf.maximum(tf.zeros([BATCH_SIZE, 1]), 1 - y * logits))
loss = regularization_loss + SVMC * hinge_loss
train_step = tf.train.GradientDescentOptimizer(learning_rate=learning_rate).minimize(loss)
init_op = tf.group(tf.global_variables_initializer(), tf.local_variables_initializer())
with tf.Session() as sess:
sess.run(init_op)
train_loss = 0
coord = tf.train.Coordinator()
threads = tf.train.start_queue_runners(coord=coord)
try:
for index in range(100):
for j in range(1000):
example_batch, label_batch, key_batch = sess.run([examples, labels, keys])
_, train_loss_ = sess.run([train_step, loss],
feed_dict = { x : example_batch,
y : label_batch,
Hin : np.zeros([BATCH_SIZE, CELLSIZE * NLAYERS])
})
train_loss += train_loss_
print('[{}] loss : {}'.format(index, (train_loss / 1000)))
train_loss = 0
except tf.errors.OutOfRangeError:
print('EOF reached.')
except KeyboardInterrupt:
print('Interrupted by user at {}'.format(index))
finally:
coord.request_stop()
coord.join(threads)
main()
注意:我之所以构建我的 MultiRNNCell
是因为我遇到了一个类似于 post 的错误.
network = []
for index in range(NLAYERS):
network.append(tf.contrib.rnn.GRUCell(CELLSIZE))
预先感谢您的回复!
2017 年 8 月 1 日更新源代码根据@jdehesa 的建议进行了改进:
import data
import numpy as np
import os
import tensorflow as tf
BATCH_SIZE = 200
CELLSIZE = 512
NLAYERS = 3
SVMC = 1
learning_rate = 0.01
TRAIN_PATH = '/home/darth/GitHub Projects/gru_svm/dataset/train/6'
def main():
examples, labels, keys = data.input_pipeline(path=TRAIN_PATH, batch_size=BATCH_SIZE, num_epochs=1)
seqlen = examples.shape[1]
x = tf.placeholder(shape=[None, seqlen, 1], dtype=tf.float32, name='x')
y_input = tf.placeholder(shape=[None], dtype=tf.int32, name='y_input')
y = tf.one_hot(y_input, 2, dtype=tf.float32, name='y')
Hin = tf.placeholder(shape=[None, CELLSIZE*NLAYERS], dtype=tf.float32, name='Hin')
network = []
for index in range(NLAYERS):
network.append(tf.contrib.rnn.GRUCell(CELLSIZE))
mcell = tf.contrib.rnn.MultiRNNCell(network, state_is_tuple=False)
Hr, H = tf.nn.dynamic_rnn(mcell, x, initial_state=Hin, dtype=tf.float32)
Hf = tf.transpose(Hr, [1, 0, 2])
last = tf.gather(Hf, int(Hf.get_shape()[0]) - 1)
weight = tf.Variable(tf.truncated_normal([CELLSIZE, 2], stddev=0.01), tf.float32, name='weights')
bias = tf.Variable(tf.constant(0.1, shape=[2]), name='bias')
logits = tf.matmul(last, weight) + bias
regularization_loss = 0.5 * tf.reduce_sum(tf.square(weight))
hinge_loss = tf.reduce_sum(tf.maximum(tf.zeros([BATCH_SIZE, 1]), 1 - y * logits))
loss = regularization_loss + SVMC * hinge_loss
train_step = tf.train.GradientDescentOptimizer(learning_rate=learning_rate).minimize(loss)
init_op = tf.group(tf.global_variables_initializer(), tf.local_variables_initializer())
with tf.Session() as sess:
sess.run(init_op)
train_loss = 0
coord = tf.train.Coordinator()
threads = tf.train.start_queue_runners(coord=coord)
try:
for index in range(100):
example_batch, label_batch, key_batch = sess.run([examples, labels, keys])
_, train_loss_ = sess.run([train_step, loss],
feed_dict = { x : example_batch[..., np.newaxis],
y_input : label_batch,
Hin : np.zeros([BATCH_SIZE, CELLSIZE * NLAYERS])
})
train_loss += train_loss_
print('[{}] loss : {}'.format(index, (train_loss / 1000)))
print('Weights : {}'.format(sess.run(weight)))
print('Biases : {}'.format(sess.run(bias)))
train_loss = 0
except tf.errors.OutOfRangeError:
print('EOF reached.')
except KeyboardInterrupt:
print('Interrupted by user at {}'.format(index))
finally:
coord.request_stop()
coord.join(threads)
main()
我的下一步是验证我得到的结果是否正确。
最佳答案
问题出在行中:
logits = tf.matmul(x, weight) + bias
我想你的意思是:
logits = tf.matmul(last, weight) + bias
关于python - 张量形状错误 : Must be rank 2 but is rank 3,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/45437572/
我是 TensorFlow 菜鸟。我已经从 deeppose 的开源实现中训练了一个 TensorFlow 模型,现在必须针对一组新图像运行该模型。 该模型是在大小为 100 * 100 的图像上训练
我正在尝试以这种方式设置节点的大小: controller[shape=circle,width=.5,label="Controller",style=filled,fillcolor="#8EC1
是否有 VBA 代码可以在选择的每个单元格周围添加文本框。文本框应该是单元格的大小(类似于边框)? 最佳答案 您可以使用 .AddTextbox方法。循环遍历您选择的单元格,并使用单元格的尺寸属性来设
我有一个变量 a尺寸 (1, 5) 我想“平铺”的次数与我的小批量的大小一样多。例如,如果小批量大小为 32,那么我想构造一个张量 c维度为 (32, 5),其中每一行的值与原始 (1, 5) 变量
我在使用 javaFX 时遇到问题。我想每 1000 毫秒在应用程序窗口中显示一次时间。 public class Main extends Application { StackPane root
所以我目前正在创建这个 API。这个登录类应该只创建一个场景,其中包含制作 GUI 所需的所有框。我遇到的问题是,单击时我的形状不会执行任何操作。我有事件监听器,但它不起作用。 import
我正在用 python turtle 画一些东西,我使用了形状函数,但是形状 overdraw 了它们之前的其他形状(我可以看到形状在移动),并且我只得到了最后一个形状: `up() goto(-20
我正在读取多个 .csv 文件作为具有相同形状的 panda DataFrame。对于某些索引,某些值为零,因此我想选择具有相同形状的每个索引的值,并为相同的索引放置零值并删除零以成为相同的形状: a
我有一个简单的二维网格,格式为 myGrid[x,y] 我正在尝试找到一种方法来找到围绕选定网格的周长,这样我就有了一个可供选择的形状。 这是我的意思的一个例子: 这里的想法是找到所有相关的“角”,也
我有一个网络层,用于调用多个端点。我想减少重复代码的数量,并认为也许我可以将响应模型作为端点的一部分传递。 这个想法是不需要多个仅因响应而不同的函数,我可以调用我的网络层并根据路径进行设置。 我看到的
我正在创建一个自定义 ImageView,它将我的图像裁剪成六边形并添加边框。我想知道我的方法是否正确,或者我是否以错误的方式这样做。有很多自定义库已经在执行此操作,但开箱即用的库中没有一个具有我正在
我正在编写一些代码,这些代码需要识别一些基于节点云的相当基本的几何图形。我会对检测感兴趣: 板(简单有界平面) 圆柱体(两个节点循环) 半圆柱(圆弧+直线+圆弧+直线) 圆顶(n*loop+top n
我有这个形状: http://screencast.com/t/9UUhAXT5Wu 但边界在截止点处没有跟随它 - 我该如何解决? 这是我当前 View 的代码: self.view.backgro
我现在脑震荡,所以我想问一个非常简单的问题。 目前,我正在尝试打印出这样的开头 当输入为 7 时,输出为 * ** * ** * ** * 这里是我的代码,它打印 14 次而不是 7 次,或者当我输入
我想生成如下设计。计划选项卡顶部的"new"。我使用的属性适用于 chrome 和 mozilla,但在 Edge 中出现故障。 以下是我在 chrome 中应用的样式: a.subnav__item
我想要一个带有两种颜色边框轮廓的 shape 元素。我可以使用 solid 元素做一个单一的颜色轮廓,但这只允许我画一条线。我尝试在我的形状中使用两个 stroke 元素,但这也不起作用。 有没有办法
我需要为屏幕上的形状着色任何我想要的颜色。我目前正在尝试使用 UIImage 来执行此操作,我想根据自己的需要重新着色。据我所知,执行此操作的唯一方法是获取 UIImage 的各个像素,这需要更多我想
因此,经过多年的 OOP,我从我的一门大学类(class)中得到了一个非常简单的家庭作业,以实现一个简单的面向对象的结构。 要求的设计: 实现面向对象的解决方案以创建以下形状: 椭圆、圆形、正方形、矩
关闭。这个问题需要更多focused .它目前不接受答案。 想改进这个问题吗? 更新问题,使其只关注一个问题 editing this post . 关闭 5 年前。 Improve this qu
我想知道是否可以使用类似于以下的 div 制作复杂的形状: 它基本上是一个四 Angular 向内收缩的圆 Angular 正方形。目标是使用背景图像来填充它。我可以使用具有以下 SVG 路径的剪辑蒙
我是一名优秀的程序员,十分优秀!