- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
# Convert to Tensor
imagepaths = tf.convert_to_tensor(imagepaths, dtype=tf.string)
labels = tf.convert_to_tensor(labels, dtype=tf.int32)
# Build a TF Queue, shuffle data
image, label = tf.data.Dataset.from_tensor_slices([imagepaths, labels])
因此,以下代码是我在 Tensorflow 2 中使用的代码,我不断更改我转换为的类型,但是无论我使用哪种类型,它都会不断给我错误。有任何想法吗?下面我列出了一些我遇到的错误:
tensorflow.python.framework.errors_impl.InvalidArgumentError: cannot compute Pack as input #1(zero-based) was expected to be a string tensor but is a int32 tensor [Op:Pack] name: component_0
return ops.EagerTensor(value, handle, device, dtype)
TypeError: Cannot convert provided value to EagerTensor
最佳答案
您可以通过切片两个张量的元组将两个张量组合成一个数据集对象。像这样:
# Convert to Tensor
imagepaths = tf.convert_to_tensor(imagepaths, dtype=tf.string)
labels = tf.convert_to_tensor(labels, dtype=tf.int32)
# Build a TF Queue, shuffle data
dataset = tf.data.Dataset.from_tensor_slices((imagepaths, labels))
请注意,张量的第一维大小应相同。
关于python - 如何让 tf.data.Dataset.from_tensor_slices 接受我的 dtype?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/60995257/
我在处理一些 tensorflow 代码 (v1.13.1) 时注意到了这个微妙之处: tf.enable_eager_execution() for n in Dataset.from_tensor
我在处理一些 tensorflow 代码 (v1.13.1) 时注意到了这个微妙之处: tf.enable_eager_execution() for n in Dataset.from_tensor
我一直在研究 mnist 估计器代码 ( https://github.com/tensorflow/tensorflow/blob/master/tensorflow/examples/tutori
我有以下代码: data = np.load("data.npy") print(data) # Makes sure the array gets loaded in memory dataset
使用 Iris 数据集示例: train_ds_url = "http://download.tensorflow.org/data/iris_training.csv" 使用的进口: import
我正在尝试制作一个需要两个输入的多输入 Keras 模型。一个输入是图像,第二个输入是一维文本。我将图像的路径存储在数据框中,然后将图像附加到这样的列表中: from tqdm import tqdm
我是 tensorflow 的新手,所以我尝试了官方文档中出现的每一个命令。 如何正确打印结果 dataset ?这是我的例子: import tensorflow as tf import nump
我有一个表示为形状为 (num_features, num_examples) 的 NumPy 矩阵的数据集,我希望将其转换为 TensorFlow 类型 tf.Dataset。 我正在努力理解这两种
# Convert to Tensor imagepaths = tf.convert_to_tensor(imagepaths, dtype=tf.string) labels = tf.conve
我在一个 numpy 数组中有一些训练数据——它适合内存,但它大于 2GB。我正在使用 tf.keras 和数据集 API。给你一个简化的、独立的例子: import numpy as np impo
我正在尝试找出将 dataset api 与 estimator api 一起使用的推荐方法。我在网上看到的一切都是这个的一些变体: def train_input_fn(): dataset
我只是在关注“使用 scikit-learn 和 tensorflow 进行机器学习”一书中的代码示例。 import tensorflow as tf X = tf.range(10) datase
所以我想使用数据集 API 来批处理我的大型数据集 (~8GB),因为我在使用 GPU 时遇到大量空闲时间,因为我正在使用 feed_dict 将数据从 python 传递到 Tensorflow。
我是一名优秀的程序员,十分优秀!