- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
当我运行以下代码时:
import numpy as np
import tensorflow as tf
arr = np.array([2., 4., 5., 9.])
tf.keras.utils.to_categorical(arr, 10)
一切正常,输出为:
array([[0., 0., 1., 0., 0., 0., 0., 0., 0., 0.],
[0., 0., 0., 0., 1., 0., 0., 0., 0., 0.],
[0., 0., 0., 0., 0., 1., 0., 0., 0., 0.],
[0., 0., 0., 0., 0., 0., 0., 0., 0., 1.]], dtype=float32)
但是,如果我将 arr
替换为 tf.constant(arr)
(或者我猜测但不确定任何 Tensor),如以下代码所示:
tf.keras.utils.to_categorical(tf.constant(arr), 10)
我收到以下错误:
---------------------------------------------------------------------------
ValueError Traceback (most recent call last)
<ipython-input-139-507d6ce7c0a3> in <module>()
----> 1 tf.keras.utils.to_categorical(tf.constant(arr), 10)
.../miniconda2/lib/python2.7/site-packages/tensorflow/python/keras/utils/np_utils.pyc in to_categorical(y, num_classes, dtype)
38 last.
39 """
---> 40 y = np.array(y, dtype='int')
41 input_shape = y.shape
42 if input_shape and input_shape[-1] == 1 and len(input_shape) > 1:
ValueError: setting an array element with a sequence.
配置:
我怎样才能摆脱/解决这个问题?
一些背景信息:
我的主要问题是,当我调用 model.compile
时出现以下损失:
def loss(y_true, y_pred):
# Cross entropy loss
bin_true = y_true[:, 0]
print bin_true.eval()
dum = tf.keras.utils.to_categorical(bin_true, 66)
cls_loss = tf.keras.losses.categorical_crossentropy(dum, y_pred, True)
# MSE loss
cont_true = y_true[:, 1]
pred_cont = tf.keras.backend.sum(tf.nn.softmax(y_pred) * idx_tensor, 1) * 3 - 99
mse_loss = tf.keras.losses.mean_squared_error(cont_true, pred_cont)
# Total loss
return cls_loss + 0.5 * mse_loss
我在 dum = tf.keras.utils.to_categorical(bin_true, 66)) 行得到完全相同的错误
(我给出了一些上下文,因为我的整个“做事方式”可能是错误的......)
最佳答案
您可以尝试使用 tf.one_hot而不是 keras to_categorical
关于python - 调用 TensorFlow 张量的 tf.keras.utils.to_categorical 时为 "ValueError: setting an array element with a sequence.",我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/55493820/
我有 4 个需要预测的类,我使用的是 keras 的 to_categorical为了实现这一点,我希望得到 4 one-hot-encoded数组,但似乎我得到了 5 个值,一个额外的 [0]值出现
在 keras 中,我使用 to_categorical 将二进制 nx1 向量 y 转换为 nx2 矩阵,其中如果 y=1,则第一列为 1,第二列为 y=0。如何使用 numpy 反转此操作? 最佳
我正在尝试预测图像语料库的类别。 训练数据的类别在一个包含 4 种值类型的列表中:1,2,4,5 但是 p_utils.to_categorical(theList) 给了我 6 个维度而不是 4 个
import numpy as np from keras.utils import np_utils nsample = 100 sample_space = ["HOME","DRAW","AWA
请有人解释什么时候keras.utils.np_utils.to_categorical是要使用吗? 我知道它将类向量转换为二进制矩阵,可能用于 深度学习模型 . 但是如果我们仍然继续使用类向量本身,
我正在使用 Keras 对图像(多类)进行分类,并且我正在使用 ImageDataGenerator。它会自动找到所有的类,而且它似乎没有在任何变量中写标签。我想我需要使用 to_categorica
我使用 keras 中提供的 to_categorical 函数将浮点类型的 numpy ndarray 转换为其对应的二进制。 Y 的尺寸为 2144x1,但函数返回的数组尺寸为 2144x2。如何
为什么 Keras to_categorical 在 [1, -1] 和 [2, -2] 上的行为不同? y = [1, -1, -1] y_ = np_utils.to_categorical(y)
我对这段代码有疑问,为什么? 代码: import cv2 import numpy as np from PIL import Image import os import numpy as np
我正在使用 keras.utils 中的 to_categorical 对列表中的数字进行一次性编码。如何从分类数据中取回数字?有没有可用的功能。 Y=to_categorical(y, num_cl
我有一个数据集,其中输出是 46226 个类别之一。我也有数百万个样本。 但 Keras/TensorFlow 似乎需要对输出进行单热编码。 问题是,np_utils.to_categorical(y
我正在尝试将一个单热整数向量数组制作成一个单热向量数组,keras 将能够使用它来拟合我的模型。这是代码的相关部分: Y_train = np.hstack(np.asarray(dataframe.
我有一个稀疏分类张量,我想将其转换为单热编码表示。我可以让它在急切模式下工作,但不能在图形模式下工作。我不明白这是怎么回事。 具体来说,假设我有一个稀疏分类 y=tf.constant(np.rand
我正在从 Keras website 运行测试脚本用于多层感知器 (MLP) 的多类 softmax 分类。在 jupyter notebook 中运行时出现错误“名称‘keras’未定义”。这可能是
我有一个像这样的 numpy 数组: [[0. 1. 1. ... 0. 0. 1.] [0. 0. 0. ... 0. 0. 1.] [0. 0. 1. ... 0. 0. 0.] ...
尝试使用 DataGenerator 类用一堆图像训练 CNN,模型正常工作得很好。问题是训练数据集非常偏向于几个类,所以我想添加 class_weights。但是,每次执行此操作时,将标记类转换为独
我有一个使用 Keras 进行机器学习的 Python 脚本。我正在构建 X 和 Y,它们分别是特征和标签。 标签是这样构建的: def main=(): depth = 10 nclas
所以我一直在使用 Google Colab 制作笔记本,突然间我收到以下错误。 ------------------------------------------------------------
labels = np.array([['positive'],['negative'],['negative'],['positive']]) # output from pandas is sim
根据我的测试,Keras 中的 to_categorical() 返回 float64 的 ndarray。我想知道为什么默认情况下它不是可以由GPU处理的float32。据我所知,GPU无法处理fl
我是一名优秀的程序员,十分优秀!