- c - 在位数组中找到第一个零
- linux - Unix 显示有关匹配两种模式之一的文件的信息
- 正则表达式替换多个文件
- linux - 隐藏来自 xtrace 的命令
我正在尝试实现 Paper 中描述的“扩张残差网络”在 TensorFlow(s. PyTorch 实现 here )中在 CityScapes Dataset 上训练它并将其用于语义图像分割。不幸的是,我在尝试训练时遇到错误,而且似乎找不到修复方法。
由于这种类型的网络可以看作是 ResNet 的扩展,我使用了官方的 TensorFlow ResNet 模型 (Link) 并通过改变步幅修改了架构,添加了 dilation(作为 tf.layers.conv2d 中的参数)函数)并去除残留连接。
为了训练这个网络,我想使用与 TensorFlow ResNet 模型相同的方法:tf.estimator 结合 input_fn(可以在本文末尾找到)。
现在,当我想使用 CityScapes 数据集训练这个网络时,出现以下错误:
---------------------------------------------------------------------------
ValueError Traceback (most recent call last)
<ipython-input-19-263240bbee7e> in <module>()
----> 1 main()
<ipython-input-16-b57cd9b52bc7> in main()
27 print('Starting a training cycle.')
28 drn_classifier.train(
---> 29 input_fn=lambda: input_fn(True, _BATCH_SIZE, _EPOCHS_PER_EVAL),hooks=[logging_hook])
30
31 print(2)
~\Anaconda3\envs\master-thesis\lib\site-packages\tensorflow\python\estimator\estimator.py in train(self, input_fn, hooks, steps, max_steps, saving_listeners)
300
301 saving_listeners = _check_listeners_type(saving_listeners)
--> 302 loss = self._train_model(input_fn, hooks, saving_listeners)
303 logging.info('Loss for final step: %s.', loss)
304 return self
~\Anaconda3\envs\master-thesis\lib\site-packages\tensorflow\python\estimator\estimator.py in _train_model(self, input_fn, hooks, saving_listeners)
709 with ops.control_dependencies([global_step_read_tensor]):
710 estimator_spec = self._call_model_fn(
--> 711 features, labels, model_fn_lib.ModeKeys.TRAIN, self.config)
712 # Check if the user created a loss summary, and add one if they didn't.
713 # We assume here that the summary is called 'loss'. If it is not, we will
~\Anaconda3\envs\master-thesis\lib\site-packages\tensorflow\python\estimator\estimator.py in _call_model_fn(self, features, labels, mode, config)
692 if 'config' in model_fn_args:
693 kwargs['config'] = config
--> 694 model_fn_results = self._model_fn(features=features, **kwargs)
695
696 if not isinstance(model_fn_results, model_fn_lib.EstimatorSpec):
<ipython-input-15-797249462151> in drn_model_fn(features, labels, mode, params)
7 params['arch'], params['size'], _LABEL_CLASSES, params['data_format'])
8 print(4)
----> 9 logits = network(inputs=features, is_training=(mode == tf.estimator.ModeKeys.TRAIN))
10 print(12)
11 predictions = {
\Code\Semantic Image Segmentation\drn.py in model(inputs, is_training)
255 print(16)
256 inputs = conv2d_fixed_padding(
--> 257 inputs=inputs, filters=16, kernel_size=7, strides=2,
258 data_format=data_format,dilation_rate=1)
259 print(17)
\Code\Semantic Image Segmentation\drn.py in conv2d_fixed_padding(inputs, filters, kernel_size, strides, data_format, dilation_rate)
90 kernel_initializer=tf.variance_scaling_initializer(),
91 data_format=data_format,
---> 92 dilation_rate=dilation_rate)
93
94
~\Anaconda3\envs\master-thesis\lib\site-packages\tensorflow\python\layers\convolutional.py in conv2d(inputs, filters, kernel_size, strides, padding, data_format, dilation_rate, activation, use_bias, kernel_initializer, bias_initializer, kernel_regularizer, bias_regularizer, activity_regularizer, kernel_constraint, bias_constraint, trainable, name, reuse)
606 _reuse=reuse,
607 _scope=name)
--> 608 return layer.apply(inputs)
609
610
~\Anaconda3\envs\master-thesis\lib\site-packages\tensorflow\python\layers\base.py in apply(self, inputs, *args, **kwargs)
669 Output tensor(s).
670 """
--> 671 return self.__call__(inputs, *args, **kwargs)
672
673 def _add_inbound_node(self,
~\Anaconda3\envs\master-thesis\lib\site-packages\tensorflow\python\layers\base.py in __call__(self, inputs, *args, **kwargs)
557 input_shapes = [x.get_shape() for x in input_list]
558 if len(input_shapes) == 1:
--> 559 self.build(input_shapes[0])
560 else:
561 self.build(input_shapes)
~\Anaconda3\envs\master-thesis\lib\site-packages\tensorflow\python\layers\convolutional.py in build(self, input_shape)
130 channel_axis = -1
131 if input_shape[channel_axis].value is None:
--> 132 raise ValueError('The channel dimension of the inputs '
133 'should be defined. Found `None`.')
134 input_dim = input_shape[channel_axis].value
ValueError: The channel dimension of the inputs should be defined. Found `None`.
我已经在网上搜索了这个错误,但只找到了与 Keras 相关的帖子,当时后端未正确初始化(s. this)。
如果有人能指出我寻找错误的方向,我会很高兴。
这是我的 input_fn:
def input_fn(is_training, batch_size, num_epochs=1):
"""Input function which provides batches for train or eval."""
# Get list of paths belonging to training images and corresponding label images
filename_list = filenames(is_training)
filenames_train = []
filenames_labels = []
for i in range(len(filename_list)):
filenames_train.append(train_dataset_dir+filename_list[i])
filenames_labels.append(gt_dataset_dir+filename_list[i])
filenames_train = tf.convert_to_tensor(tf.constant(filenames_train, dtype=tf.string))
filenames_labels = tf.convert_to_tensor(tf.constant(filenames_labels, dtype=tf.string))
dataset = tf.data.Dataset.from_tensor_slices((filenames_train,filenames_labels))
if is_training:
dataset = dataset.shuffle(buffer_size=_FILE_SHUFFLE_BUFFER)
dataset = dataset.map(image_parser)
dataset = dataset.prefetch(batch_size)
if is_training:
# When choosing shuffle buffer sizes, larger sizes result in better
# randomness, while smaller sizes have better performance.
dataset = dataset.shuffle(buffer_size=_SHUFFLE_BUFFER)
# We call repeat after shuffling, rather than before, to prevent separate
# epochs from blending together.
dataset = dataset.repeat(num_epochs)
dataset = dataset.batch(batch_size)
iterator = dataset.make_one_shot_iterator()
images, labels = iterator.get_next()
return images, labels
这是 input_fn 中使用的 image_parser 函数:
def image_parser(filename, label):
image_string = tf.read_file(filename)
image_decoded = tf.image.decode_image(image_string,_NUM_CHANNELS)
image_decoded = tf.image.convert_image_dtype(image_decoded, dtype=tf.float32)
label_string = tf.read_file(label)
label_decoded = tf.image.decode_image(label)
return image_decoded, tf.one_hot(label_decoded, _LABEL_CLASSES)
最佳答案
在 tf.read_file
之后试试这个:
image_decoded = tf.image.decode_image(image_string, channels=3)
image_decoded.set_shape([None, None, 3])
关于python - TensorFlow ValueError : The channel dimension of the inputs should be defined. 发现 `None`,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/48264676/
有谁知道蓝牙设备如何获取范围内可发现设备的设备 ID? 理想情况下,我正在寻找涉及蓝牙协议(protocol)最小实现的最简单解决方案。 一个起点会很好,我只是想创建一个设备,它可以以最小的功耗存储附
我有用于搜索Kibana中特定事件的查询,该查询与其他搜索一起保存,是否可以通过REST调用以编程方式更改它? 最佳答案 正如@Mohammad所说,所有与Kibana相关的元数据都存储在elasti
我正在使用带有这些注释的基本集成测试: @ExtendWith(SpringExtension::class) @SpringBootTest(classes = [SomeApplication::
以下是我的代码 HTML: Hello !! Javascript: $(function() { $('#content .child').click(function() {
我试图避免在每个 GDB session 中输入相同的命令。为此,我遵循了 rust discovery book 中的说明。但是当我通过 cargo run 运行程序时,程序没有像书中提到的那样工作
好的,我记得有一些命令可以放在 settings.py 文件中,这样基本上当您将 django 项目移动到另一个目录时,它就不会启动 foo-bar . 我知道我可以通过在它提到主目录的任何地方设置一
假设我正在制作一份注册表单。现在我希望它突出显示四个字段中的空白字段。现在我可以只执行一堆 if-else 语句,但这将花费很长时间。 假设我有以下代码: Javascript: if($firstn
我试图理解 C++ 中 regex 的逻辑 std::string s ("Ni Ni Ni NI"); std::regex e ("(Ni)"); std::smatch sm; std::re
运行时: vim /tmp/blah :q echo $? 我的退出状态为 1 .这破坏了包括 Git 在内的各种东西。如果我在没有 vimrc 的情况下运行 vim: vim -u NONE /tm
我无法通过“查找”来查找旧文件。我将我的发现链接到一个声明中,所有其他部分都运行良好。这是我所拥有的精简版。它搜索 $path 的目录树,并为找到的每个项目创建仅包含换行符的单独临时文件:所有文件、超
我已经多次看到这个问题,但没有一个答案对我有用。 我的 DotNet Core 应用程序失败 编码: public static void Main(string[] args) {
已解决见编辑 2 你好, 我一直在编写一个 Perl 程序来处理本地(专有)程序的自动升级(对于我工作的公司)。 基本上,它通过 cron 运行,不幸的是有内存泄漏(或类似的东西)。问题是泄漏只发生在
在 icCube 中创建到 Oracle 数据库的连接时,“选择现有数据库表”返回一个空的表列表。 连接很好,我可以查询模式创建 SQL 查询。 最佳答案 用户用作模式名称,但 Oracle 使用大写
我正在使用 VBA 循环遍历两个工作表上的行,如果它们匹配,则将工作表 2 中的行复制到工作表 1 中。 我的代码应该: 打开第二个工作簿 将所有信息复制到新工作表上的原始工作簿中 然后循环遍历原始工
当我尝试同步我的数据库时出现这个奇怪的错误: Unhandled rejection Error: Cyclic dependency found. roles is dependent of its
以编程方式发现 perl 模块具有的所有子例程的最佳方法是什么?这可以是一个模块、一个类(没有@EXPORT)或任何介于两者之间的东西。 编辑:下面的所有方法看起来都可以工作。我可能会在生产中使用 C
如何在“讨论”按钮左侧添加“共享”按钮。我希望该按钮与当前的“讨论”按钮具有相同的样式/颜色。 我从https://atmospherejs.com/joshowens/shareit添加了包 我将
我最近从 Netbeans 切换到 Eclipse,Eclipse 在我的项目中发现了许多 Netbeans 没有的语法错误,我不知道为什么。据可以看出,两个 IDE 都设置为使用 java 1.6。
我必须为我的项目设置一些不接受错误网址的规则。我为此使用正则表达式。 我的网址是“http://some/resource/location”。 此网址的开头、中间或结尾不应留有空格。 例如,这些空格
问题:鉴于作为 VMSS 的一部分启动的 N 个实例,我希望每个 Azure 实例上的应用程序代码能够发现其他对等实例的 IP 地址。我该怎么做? 总体目的是对实例进行集群,以提供主动被动 HA 或保
我是一名优秀的程序员,十分优秀!