- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在尝试在 AlexNet 中使用 TensorFlow 提供自己的数据。我在训练时使用 (227 x 227) rgb 图像,BATCH_SIZE
为 50。以下是代码的一部分。我总是在 train_accuracy = precision.eval( ... )
x = tf.placeholder(tf.float32, shape=[None, 227, 227, 3])
x_image = tf.reshape(x, [1, 227, 227, 3])
y_ = tf.placeholder(tf.float32, shape=[None, 5])
train_image_batch, train_label_batch = tf.train.batch([train_image, train_label], batch_size=BATCH_SIZE)
test_image_batch, test_label_batch = tf.train.batch([test_image, test_label], batch_size=BATCH_SIZE)
print train_label_batch.get_shape()
print y_.get_shape()
print "input pipeline ready"
cross_entropy = tf.reduce_mean(-tf.reduce_sum(train_y * tf.log(y_conv), reduction_indices=[1]))
train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy)
correct_prediction = tf.equal(tf.argmax(y_conv,1), tf.argmax(train_y,1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
init = tf.initialize_all_variables()
with tf.Session() as sess:
sess.run(init)
# initialize the queue threads to start to shovel data
coord = tf.train.Coordinator()
threads = tf.train.start_queue_runners(sess=sess, coord=coord)
for i in range(2):
train_batch_image = sess.run(train_image_batch)
train_batch_label = sess.run(train_label_batch)
#if i%100 == 0:
train_accuracy = accuracy.eval(feed_dict={x: train_batch_image, y_: train_batch_label, keep_prob: 1.0})
print("step %d, training accuracy %g"%(i, train_accuracy))
train_step.run(feed_dict={x: train_batch_image, y_: train_batch_label, keep_prob: 0.5})
test_batch_image = sess.run(train_image_batch)
test_batch_label = sess.run(train_label_batch)
print("test accuracy %g"%accuracy.eval(feed_dict={x: test_batch_image, y_: test_batch_label, keep_prob: 1.0}))
coord.request_stop()
coord.join(threads)
sess.close()
当前错误是:
Traceback (most recent call last):
File "tf_alexnet.py", line 294, in <module>
train_accuracy = accuracy.eval(feed_dict={x: train_batch_image, y_: train_batch_label, keep_prob: 1.0})
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/ops.py", line 556, in eval
return _eval_using_default_session(self, feed_dict, self.graph, session)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/ops.py", line 3649, in _eval_using_default_session
return session.run(tensors, feed_dict)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.py", line 382, in run
run_metadata_ptr)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.py", line 655, in _run
feed_dict_string, options, run_metadata)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.py", line 723, in _do_run
target_list, options, run_metadata)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.py", line 743, in _do_call
raise type(e)(node_def, op, message)
tensorflow.python.framework.errors.InvalidArgumentError: Input to reshape is a tensor with 7729350 values, but the requested shape has 154587
[[Node: Reshape = Reshape[T=DT_FLOAT, _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_Placeholder_0, Reshape/shape)]]
Caused by op u'Reshape', defined at:
File "tf_alexnet.py", line 79, in <module>
x_image = tf.reshape(x, [1, 227, 227, 3])
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/gen_array_ops.py", line 1750, in reshape
name=name)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/op_def_library.py", line 703, in apply_op
op_def=op_def)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/ops.py", line 2310, in create_op
original_op=self._default_original_op, op_def=op_def)
File "/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/ops.py", line 1232, in __init__
self._traceback = _extract_stack()
最佳答案
问题是您将batch_size设置为50,但尝试将x reshape 为以下形式,就好像您的批量大小等于1一样。要解决该问题,请将形状中的 1 更改为 -1,它将保留输入的总大小。
关于python - 在使用 TensorFlow 实现的 AlexNet 中输入数据时出现维度错误,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/39947484/
AlexNet 一些前置知识 top-1 和top-5错误率 top-1错误率指的是在最后的n哥预测结果中,只有预测概率最大对应的类别是正确答案才算预测正确。 top-5错误率指的是在最后的n个
问题是关于 this method ,它从 AlexNet 的 FC7 层提取特征。 它实际上提取了什么样的特征? 我在两位艺术家创作的绘画图像上使用了这种方法。训练集大约是每个艺术家的 150 张训
所以,过去一周我一直在学习一些机器学习,并且一直在摆弄我自己的回归 CNN,输入 128x128 的彩色图像并输出评级。虽然我的数据集很小,总共 400 左右,但我得到了不错的结果,但有一点过度拟合(
我正在研究纹理分类,根据之前的工作,我尝试将 AlexNET 的最后一层修改为具有 20 个类,并仅针对我的多类分类问题训练该层。我在 NVIDIA GTX 1080 上使用 Tensorflow-G
所以,我正在做我的硕士论文,研究超分辨率算法对 AlexNet 图像标记准确率的影响。我正在使用 Matlab 和 AlexNet 的预训练版本。 问题是,通过使用 [label, scores] =
当我从 git 克隆它时,AlexNet 的基准测试是 Tensorflow 存储库的一部分。基准测试实现了这些层,但在我看来,AlexNet 的实际权重在任何时候都没有加载。 我想玩转 Tensor
使用分布式 tensorflow 运行 Alexnet 不会按每秒图像数量进行扩展。我在这里使用 alexnet 模型 alexnet_benchmark.py对 EC2 G2(NVIDIA GRID
我正在尝试使用 MxNet Framework 来使用/mxnet/example/image-classification/symbols 目录中的 alexnet 代码。我不是人工智能专家。有人可
我一直在使用 TensorFlow,但对 Caffe 还很陌生。我想尝试在 ImageNet 上训练的 AlexNet 的可靠实现,我发现 official Caffe repository 中包含一
我需要从 alexnet 架构中提取 fc7 的特征。但我只有灰度图像。我如何修改 alexnet 以获得相同的效果? 最佳答案 将预期输入张量从 3 个 channel reshape 为 1 个
关闭。这个问题不符合Stack Overflow guidelines .它目前不接受答案。 我们不允许提问寻求书籍、工具、软件库等的推荐。您可以编辑问题,以便用事实和引用来回答。 关闭 4 年前。
我想严格复制 Alexnet使用 Tensorflow 2 的神经网络: 来自numerous implementations存在于互联网上,我找不到任何模型如论文和上图所述一分为二。据我所知,当时是
如果我想使用预训练的 VGG19 网络,我可以简单地做 from keras.applications.vgg19 import VGG19 VGG19(weights='imagenet') Ale
我正在尝试在 AlexNet 中使用 TensorFlow 提供自己的数据。我在训练时使用 (227 x 227) rgb 图像,BATCH_SIZE 为 50。以下是代码的一部分。我总是在 trai
我正在尝试使用 bvlc_alexnet.npy 中的预训练权重来实现 AlexNet : #load the weight data weights_dic = numpy.load('bvlc_a
这是我的引用: flow from directory example alexnet architecture 我尝试使用 alexnet 架构训练 3 个类别。数据集是灰度图像。我将第一个链接修改
嗨,我使用顺序方法在 keras 中编写了 AlexNet。我想知道是否以及如何加载 imagenet 权重来训练模型? 目前我对每一层使用 randomNormal 内核初始化。但我想使用 imag
Hei,我在运行 Alexnet 特征提取代码时遇到错误。我使用此 github link 创建alexnet.pb 文件。我使用 Tensorboard 进行了检查,图表运行良好。 我想使用此模型从
您好,我尝试在不使用预训练权重的情况下实现 AlexNet。我尝试在 Oxford-102 数据集上训练网络,但在整个过程中我一直获得 0.9% 的准确率,并且更改参数没有帮助,下面的代码有人可以帮助
我已经成功使用 LeNet 模型来使用 Siamese Network 训练我自己的数据集 tutorial 。现在我想使用 AlexNet,因为我相信它比 LeNet 更强大。有人可以提供在暹罗网络
我是一名优秀的程序员,十分优秀!