- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我想将立体图像放入优化器中。这是我的代码:
tf.reset_default_graph()
# config
learning_rate = 0.5
training_epochs = 5
# init
init = tf.global_variables_initializer()
def conv2d(input_layer):
conv1 = tf.layers.conv2d(
inputs=input_layer,
filters=32,
kernel_size=[3, 3],
padding='same',
activation=tf.tanh,
use_bias=False
)
conv2 = tf.layers.conv2d(
inputs=conv1,
filters=32,
kernel_size=[3, 3],
padding='same',
activation=tf.tanh,
use_bias=False
)
conv3 = tf.layers.conv2d(
inputs=conv2,
filters=32,
kernel_size=[3, 3],
padding='same',
activation=tf.tanh,
use_bias=False
)
conv4 = tf.layers.conv2d(
inputs=conv3,
filters=32,
kernel_size=[3, 3],
padding='same',
activation=tf.tanh,
use_bias=False
)
logits = tf.layers.conv2d(
inputs=conv4,
filters=32,
kernel_size=[3, 3],
padding='same',
activation=tf.sigmoid,
use_bias=False
)
return logits
if __name__ == '__main__':
# read images
# preprocessing: rgb converted to float, zero_mean, uni_variance
images = reading_images()
mask_tensor = images["mask"][1]
# reshape images
img0 = images["img0"][1]
img1 = images["img1"][1]
img0_rs = tf.reshape(img0, [1, int(1988 / 2), int(2880 / 2), 3])
img1_rs = tf.reshape(img1, [1, int(1988 / 2), int(2880 / 2), 3])
# define symbolic placeholders
t_im0 = tf.placeholder(tf.float32, [1, None, None, 3])
t_im1 = tf.placeholder(tf.float32, [1, None, None, 3])
t_img = tf.concat([t_im0, t_im1], axis=3)
input_layer = tf.reshape(t_img, [1, int(1988 / 2), int(2880 / 2), 6])
logits = conv2d(input_layer)
with tf.name_scope("cost_function") as scope:
mask_tensor = tf.tile(mask_tensor, [1, 1, 3])
cost_function = -tf.reduce_mean(mask_tensor * tf.log(logits) + (1. - mask_tensor) * tf.log(1. - logits))
tf.summary.scalar("cost_function", cost_function)
with tf.name_scope("train") as scope:
optimizer = tf.train.GradientDescentOptimizer(learning_rate).minimize(cost_function)
merged_summary_op = tf.summary.merge_all()
with tf.Session() as sess:
coord = tf.train.Coordinator()
threads = tf.train.start_queue_runners(sess=sess, coord=coord)
sess.run(init)
# summary_writer = tf.summary.FileWriter('/tmp/tensorflow_logs', graph=sess.graph)
for epoch in range(training_epochs):
print("epoch ", epoch)
avg_cost = 0.0
mask = sess.run(mask_tensor)
np_img0_rs = sess.run(img0_rs)
np_img1_rs = sess.run(img1_rs)
# res = t_img.eval(feed_dict={t_im0: img0_rs_, t_im1: img1_rs_})
sess.run([optimizer], feed_dict={t_im0: np_img0_rs, t_im1: np_img1_rs})
coord.request_stop()
coord.join(threads)
但我总是收到这个错误。我不知道我必须改变什么。我可以尝试什么来调试它?我真的做了很多尝试来修复这个错误。
epoch 0
2017-07-17 10:26:03.719539: W tensorflow/core/kernels/queue_base.cc:294] _4_input_producer: Skipping cancelled enqueue attempt with queue not closed
2017-07-17 10:26:03.719610: W tensorflow/core/kernels/queue_base.cc:294] _5_input_producer_1: Skipping cancelled enqueue attempt with queue not closed
Traceback (most recent call last):
File "/home/test/Dropbox/occlusion_thesis/occ_small/main.py", line 111, in <module>
sess.run([optimizer], feed_dict={t_im0: np_img0_rs, t_im1: np_img1_rs})
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 789, in run
run_metadata_ptr)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 997, in _run
feed_dict_string, options, run_metadata)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1132, in _do_run
target_list, options, run_metadata)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1152, in _do_call
raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.FailedPreconditionError: Attempting to use uninitialized value conv2d_4/kernel
[[Node: conv2d_4/kernel/read = Identity[T=DT_FLOAT, _class=["loc:@conv2d_4/kernel"], _device="/job:localhost/replica:0/task:0/cpu:0"](conv2d_4/kernel)]]
Caused by op u'conv2d_4/kernel/read', defined at:
File "/home/test/Dropbox/occlusion_thesis/occ_small/main.py", line 84, in <module>
logits = conv2d(input_layer)
File "/home/test/Dropbox/occlusion_thesis/occ_small/main.py", line 60, in conv2d
use_bias=False
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/layers/convolutional.py", line 551, in conv2d
return layer.apply(inputs)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/layers/base.py", line 492, in apply
return self.__call__(inputs, *args, **kwargs)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/layers/base.py", line 434, in __call__
self.build(input_shapes[0])
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/layers/convolutional.py", line 137, in build
dtype=self.dtype)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/layers/base.py", line 374, in add_variable
trainable=trainable and self.trainable)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py", line 1065, in get_variable
use_resource=use_resource, custom_getter=custom_getter)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py", line 962, in get_variable
use_resource=use_resource, custom_getter=custom_getter)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py", line 367, in get_variable
validate_shape=validate_shape, use_resource=use_resource)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py", line 352, in _true_getter
use_resource=use_resource)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/variable_scope.py", line 725, in _get_single_variable
validate_shape=validate_shape)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/variables.py", line 200, in __init__
expected_shape=expected_shape)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/variables.py", line 319, in _init_from_args
self._snapshot = array_ops.identity(self._variable, name="read")
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/ops/gen_array_ops.py", line 1303, in identity
result = _op_def_lib.apply_op("Identity", input=input, name=name)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 767, in apply_op
op_def=op_def)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2506, in create_op
original_op=self._default_original_op, op_def=op_def)
File "/home/test/Programs/anaconda2/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1269, in __init__
self._traceback = _extract_stack()
FailedPreconditionError (see above for traceback): Attempting to use uninitialized value conv2d_4/kernel
[[Node: conv2d_4/kernel/read = Identity[T=DT_FLOAT, _class=["loc:@conv2d_4/kernel"], _device="/job:localhost/replica:0/task:0/cpu:0"](conv2d_4/kernel)]]
最佳答案
我不确定您的代码是否完整,但错误消息对我来说似乎很清楚:
FailedPreconditionError: Attempting to use uninitialized value conv2d_4/kernel
查看您的代码,我发现您有 sess.run(init)
但我在任何地方都找不到 init
的定义。尝试在 with tf.Session() as sess:
之前添加 init = tf.global_variables_initializer()
,这应该可以修复“未初始化值”错误。
编辑:通过完整的代码,我发现问题来自:
# init
init = tf.global_variables_initializer() # <<<<<<<<< 1
def conv2d(input_layer):
## Bunch of code defining layers
return logits
if __name__ == '__main__':
## bunch of other code
logits = conv2d(input_layer) # <<<<<<<<< 2
我将您为到该点定义的所有变量定义初始化函数的点标记为1,并将该点标记为2您实际定义网络(以及其中的所有变量)的地方。 init
的定义必须在完成所有变量的定义之后,否则将会有未初始化的变量。
我在这里复制我对答案所做的评论,因为它可能是一个更好的放置位置。必须在定义图表之后调用tf.global_variables_initializer()
。如果您在开始时定义它,然后将层添加到网络中,添加的层的权重将不会被初始化,因为它们在您创建初始化操作时尚未定义。始终将 init 定义为 with tf.Session() ...
之前的最后一个操作,以确保您不会错过初始化中的任何内容。
关于machine-learning - tensorflow 错误: FailedPeconditionError: attempting to use uninitialized variable,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/45139423/
基本上,我的问题是,由于无监督学习是机器学习的一种,是否需要机器“学习”的某些方面并根据其发现进行改进?例如,如果开发了一种算法来获取未标记的图像并找到它们之间的关联,那么它是否需要根据这些关联来改进
生成模型和判别模型似乎可以学习条件 P(x|y) 和联合 P(x,y) 概率分布。但从根本上讲,我无法说服自己“学习概率分布”意味着什么。 最佳答案 这意味着您的模型要么充当训练样本的分布估计器,要么
是否有类似于 的 scikit-learn 方法/类元成本 在 Weka 或其他实用程序中实现的算法以执行常量敏感分析? 最佳答案 不,没有。部分分类器提供 class_weight和 sample_
是否Scikit-learn支持迁移学习?请检查以下代码。 型号 clf由 fit(X,y) 获取 jar 头型号clf2在clf的基础上学习和转移学习 fit(X2,y2) ? >>> from s
我发现使用相同数据的两种交叉验证技术之间的分类性能存在差异。我想知道是否有人可以阐明这一点。 方法一:cross_validation.train_test_split 方法 2:分层折叠。 具有相同
我正在查看 scikit-learn 文档中的这个示例:http://scikit-learn.org/0.18/auto_examples/model_selection/plot_nested_c
我想训练一个具有很多标称属性的数据集。我从一些帖子中注意到,要转换标称属性必须将它们转换为重复的二进制特征。另外据我所知,这样做在概念上会使数据集稀疏。我也知道 scikit-learn 使用稀疏矩阵
我正在尝试在 scikit-learn (sklearn.feature_selection.SelectKBest) 中通过卡方方法进行特征选择。当我尝试将其应用于多标签问题时,我收到此警告: 用户
有几种算法可以构建决策树,例如 CART(分类和回归树)、ID3(迭代二分法 3)等 scikit-learn 默认使用哪种决策树算法? 当我查看一些决策树 python 脚本时,它神奇地生成了带有
我正在尝试在 scikit-learn (sklearn.feature_selection.SelectKBest) 中通过卡方方法进行特征选择。当我尝试将其应用于多标签问题时,我收到此警告: 用户
有几种算法可以构建决策树,例如 CART(分类和回归树)、ID3(迭代二分法 3)等 scikit-learn 默认使用哪种决策树算法? 当我查看一些决策树 python 脚本时,它神奇地生成了带有
有没有办法让 scikit-learn 中的 fit 方法有一个进度条? 是否可以包含自定义的类似 Pyprind 的内容? ? 最佳答案 如果您使用 verbose=1 初始化模型调用前 fit你应
我正在使用基于 rlglue 的 python-rl q 学习框架。 我的理解是,随着情节的发展,算法会收敛到一个最优策略(这是一个映射,说明在什么状态下采取什么行动)。 问题 1:这是否意味着经过若
我正在尝试使用 grisSearchCV 在 scikit-learn 中拟合一些模型,并且我想使用“一个标准错误”规则来选择最佳模型,即从分数在 1 以内的模型子集中选择最简约的模型最好成绩的标准误
我正在尝试离散数据以进行分类。它们的值是字符串,我将它们转换为数字 0,1,2,3。 这就是数据的样子(pandas 数据框)。我已将数据帧拆分为 dataLabel 和 dataFeatures L
每当我开始拥有更多的类(1000 或更多)时,MultinominalNB 就会变得非常慢并且需要 GB 的 RAM。对于所有支持 .partial_fit()(SGDClassifier、Perce
我需要使用感知器算法来研究一些非线性可分数据集的学习率和渐近误差。 为了做到这一点,我需要了解构造函数的一些参数。我花了很多时间在谷歌上搜索它们,但我仍然不太明白它们的作用或如何使用它们。 给我带来更
我知道作为功能 ordinal data could be assigned arbitrary numbers and OneHotEncoding could be done for catego
这是一个示例,其中有逐步的过程使系统学习并对输入数据进行分类。 它对给定的 5 个数据集域进行了正确分类。此外,它还对停用词进行分类。 例如 输入:docs_new = ['上帝就是爱', '什么在哪
我有一个 scikit-learn 模型,它简化了一点,如下所示: clf1 = RandomForestClassifier() clf1.fit(data_training, non_binary
我是一名优秀的程序员,十分优秀!