小编Huc*_*inn的帖子

从Tensorflow中的.tfrecords文件中获取记录总数

是否有可能从.tfrecords文件中获取记录总数?与此相关,人们如何通常跟踪训练模型时已经过的时期数?虽然我们可以指定batch_sizenum_of_epochs,但我不确定是否可以直接获得诸如current epoch每个时期的批次数等值- 这样我就可以更好地控制培训的进展情况.目前,我只是使用一个肮脏的黑客来计算这个,因为我事先知道我的.tfrecords文件中有多少记录和我的miniatches的大小.感谢任何帮助..

tensorflow tfrecord

24
推荐指数
4
解决办法
1万
查看次数

在Python中切片列表

我需要在python中切片列表.

A = [[1,2,3,4,5],[1,2,3,4,5],[1,2,3,4,5]]
idx = slice(0,4)
B = A[:][idx]
Run Code Online (Sandbox Code Playgroud)

上面的代码没有给我正确的输出.

我想要的是: [[1,2,3],[1,2,3],[1,2,3]]

python list slice

8
推荐指数
2
解决办法
2万
查看次数

语义分段丢失功能

对于二元分割问题,以加权方式组合交叉熵损失和骰子得分是否有意义?

优化骰子得分会产生超过分割的区域,而交叉熵损失会为我的应用产生欠分割区域.

neural-network image-segmentation deep-learning tensorflow semantic-segmentation

8
推荐指数
1
解决办法
1863
查看次数

张量流中的Hausdorff距离损失

实现损失函数以最小化Tensorflow中两批张量之间的成对Hausdorff距离的最有效方法是什么?

tensorflow loss-function

7
推荐指数
0
解决办法
289
查看次数

TFSlim - 加载VGG16的已保存检查点时出现问题

(1)我试图通过将预训练的权重加载到除该fc8层之外的所有层中来使用TFSlim来微调VGG-16网络.我通过使用TF-SLIm函数实现了这一点,如下所示:

import tensorflow as tf
import tensorflow.contrib.slim as slim
import tensorflow.contrib.slim.nets as nets

vgg = nets.vgg

# Specify where the Model, trained on ImageNet, was saved.
model_path = 'path/to/vgg_16.ckpt'

# Specify where the new model will live:
log_dir = 'path/to/log/'

images = tf.placeholder(tf.float32, [None, 224, 224, 3])
predictions = vgg.vgg_16(images)

variables_to_restore = slim.get_variables_to_restore(exclude=['fc8'])
restorer = tf.train.Saver(variables_to_restore)




init = tf.initialize_all_variables()

with tf.Session() as sess:
   sess.run(init)
   restorer.restore(sess,model_path)
   print "model restored"
Run Code Online (Sandbox Code Playgroud)

只要我不更改num_classesVGG16型号,这样就可以正常工作.我想做的是将num_classes1000从200 更改为200.我的印象是,如果我通过定义一个vgg16-modified替换fc8产生200个输出的新类来进行此修改,(以及 …

tensorflow tf-slim

6
推荐指数
1
解决办法
5686
查看次数

在 Tensorflow 2.2 中使用 tf.metrics.MeanIoU() 和 SparseCategoricalCrossEntropy 损失时出现尺寸不匹配错误

参考#https://github.com/tensorflow/tensorflow/issues/32875

建议的修复方法是:

class UpdatedMeanIoU(tf.keras.metrics.MeanIoU):
    @tf.function
    def __call__(self, y_true, y_pred, sample_weight=None):
        y_pred = tf.argmax(y_pred, axis=-1) # this is the fix
        return super().__call__(y_true, y_pred, sample_weight=sample_weight)
Run Code Online (Sandbox Code Playgroud)

它适用于 TF2.1,但在 TF2.2 中再次崩溃。有没有办法通过y_pred = tf.argmax(y_pred, axis=-1)y_pred这个度量不同于继承?

python tensorflow

4
推荐指数
1
解决办法
334
查看次数

使用Tensorflow的tf.data API为培训和验证设置不同的批处理大小

我正在从较旧的基于队列的数据管道迁移到较新的tf.dataAPI.假设我有如下代码,我如何为我的训练和验证迭代器显式设置不同的批量大小.

filenames = tf.placeholder(tf.string, shape=[None])
dataset = tf.data.TFRecordDataset(filenames)
dataset = dataset.map(...)  # Parse the record into tensors.
dataset = dataset.repeat()  # Repeat the input indefinitely.
dataset = dataset.batch(32)
iterator = dataset.make_initializable_iterator()



# Initialize `iterator` with training data.
training_filenames = ["/var/data/file1.tfrecord", 
"/var/data/file2.tfrecord"]
sess.run(iterator.initializer, feed_dict={filenames: 
training_filenames})

# Initialize `iterator` with validation data.
validation_filenames = ["/var/data/validation1.tfrecord", ...]
sess.run(iterator.initializer, feed_dict={filenames: 
validation_filenames})
Run Code Online (Sandbox Code Playgroud)

编辑:

谢谢.根据回复,我的实现如下:我的实现如下,但我无法弄清楚为什么我收到此错误:

import tensorflow as tf


def _parse(filename, label):
  image_string = tf.read_file(filename)
  image_decoded = tf.image.decode_jpeg(image_string)
  image_resized = tf.image.resize_images(image_decoded, [224, 224])
  image_resized.set_shape([224,224,3]) …
Run Code Online (Sandbox Code Playgroud)

python tensorflow

3
推荐指数
1
解决办法
1666
查看次数