- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
labels = np.array([['positive'],['negative'],['negative'],['positive']])
# output from pandas is similar to the above
values = (labels=='positive').astype(np.int_)
to_categorical(values,2)
输出:
array([[ 1., 1.],
[ 1., 1.],
[ 1., 1.],
[ 1., 1.]])
如果我删除包含每个元素的内部列表,它似乎工作得很好
labels = np.array([['positive'],['negative'],['negative'],['positive']])
values = (labels=='positive').astype(np.int_)
to_categorical(values.T[0],2)
输出:
array([[ 0., 1.],
[ 1., 0.],
[ 1., 0.],
[ 0., 1.]])
为什么会这样?我正在学习一些教程,但即使对于数组数组,它们似乎也获得了正确的输出。最近是否升级为这种行为?
我在 py362
上使用 tflearn (0.3.2)
最佳答案
查看to_categorical
的源代码:
def to_categorical(y, nb_classes):
""" to_categorical.
Convert class vector (integers from 0 to nb_classes)
to binary class matrix, for use with categorical_crossentropy.
Arguments:
y: `array`. Class vector to convert.
nb_classes: `int`. Total number of classes.
"""
y = np.asarray(y, dtype='int32')
if not nb_classes:
nb_classes = np.max(y)+1
Y = np.zeros((len(y), nb_classes))
Y[np.arange(len(y)),y] = 1.
return Y
核心部分是高级索引 Y[np.arange(len(y)),y] = 1
,它处理输入向量y
作为结果数组中的列索引;所以 y
需要是一维数组才能正常工作,您通常会收到任意二维数组的广播错误:
例如:
to_categorical([[1,2,3],[2,3,4]], 2)
--------------------------------------------------------------------------- IndexError Traceback (most recent call last) in () ----> 1 to_categorical([[1,2,3],[2,3,4]], 2)
c:\anaconda3\envs\tensorflow\lib\site-packages\tflearn\data_utils.py in to_categorical(y, nb_classes) 40 nb_classes = np.max(y)+1 41 Y = np.zeros((len(y), nb_classes)) ---> 42 Y[np.arange(len(y)),y] = 1. 43 return Y 44
IndexError: shape mismatch: indexing arrays could not be broadcast together with shapes (2,) (2,3)
这两种方法都可以正常工作:
to_categorical(values.ravel(), 2)
array([[ 0., 1.],
[ 1., 0.],
[ 1., 0.],
[ 0., 1.]])
to_categorical(values.squeeze(), 2)
array([[ 0., 1.],
[ 1., 0.],
[ 1., 0.],
[ 0., 1.]])
to_categorical(values[:,0], 2)
array([[ 0., 1.],
[ 1., 0.],
[ 1., 0.],
[ 0., 1.]])
关于python - tflearn to_categorical : Processing data from pandas. df.values:数组数组,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/45838313/
我正在使用自己的数据集,我想使用 tflearn 建立深度神经网络。 这是我的代码的一部分。 import tflearn from tflearn.data_utils import load_cs
有两个 TFLearn 项目 TF Learn (aka Scikit Flow) https://github.com/tensorflow/tensorflow/tree/master/tenso
我正在使用 TFLearn Alexnet使用我自己的数据集进行采样。 接下来我想对测试数据进行分类并确定模型的准确性。 TFLearn API 提供方法 model.predict()和 model
我正在尝试使用神经网络对 f(x) = x^2 图进行建模,我正在 tflearn 中进行制作。但即使使用多个图层,当我从模型中绘制一些点时,它总是会绘制一条直线。 import numpy as n
在获得了这么多事情的帮助后,我最后一次来这里解决我的最后一个问题,但我找不到解决方案。 继我之前的 question一位用户指出,我的时间序列预测结果不佳可能是因为我的架构不收敛。 查看它并尝试了我在
我正在使用 tflearn 和 gym 编写机器学习脚本。 我能够让一个网络在我的 python 脚本中工作,但每当我尝试调用我的函数来构建第二个或第三个网络并使用 model.fit,我得到一个 t
我正在尝试使用 TensorFlow 和 TFLearn 创建一个 AI 来预测 FRC 比赛的结果。 这是相关内容 x = np.load("FRCPrediction/matchData.npz"
我已经在我的Windows机器上安装了tensorflow和docker。我正在使用 powershell 打开 tensorflow docker run -it -p 8888:8888 tens
我正在玩带有 pokemon kaggle 数据集的 tflearn。我试图将宠物小 Sprite 的名称作为 word2vec,其余作为普通矩阵。我正在尝试预处理数据。 我所做的是使用 TF lea
我的网络为每个预测生成相同的输出。我在 pandas 数据框中有大约 49,000 个数据样本。 我怎样才能解决这个问题? # Input data X.as_matrix() => 8 dimens
我遇到了以下语句: convnet = input_data(shape=[None,img_size,img_size,1], name='input') 我试图寻找描述,但找不到明确的解释。 我的
我是 TFLearn 新手,我正在尝试一个简单的神经网络来预测给定输入数组时的输出数组值。 此代码的实际输入可以是灰度图像的像素值或从灰度图像中提取的特征。因此输入是二维数组格式。输出将是每个像素的预
使用 TFlearn 构建 DNN 后,我想计算网络的准确性。 这是代码: def create_model(self): x = tf.placeholder(dtype= tf.float
我是机器学习和 TensorFlow 的新手。我正在尝试训练一个简单的模型来识别性别。我使用高度、体重和鞋码的小数据集。然而,我在评估模型的准确性时遇到了问题。完整代码如下: import tflea
定义我的神经网络并训练我的模型后: net = tflearn.input_data(shape=[None, 1, 1]) tnorm = tflearn.initializations.unifo
我是机器学习新手,正在尝试TFlearn,因为它很简单。 我正在尝试制作一个我觉得有趣的基本分类器。我的目标是训练系统预测一个点所在的方向。 例如,如果我输入两个 2D 坐标 (50,50) 和 (5
我在 tflearn 中有一个 lstm 网络,它在给定前面单词的上下文的情况下预测序列中的下一个单词。单词作为一定大小的词汇表的索引被输入网络,并以二元类的形式输出,例如: 上下文:[45, 243
我正在尝试学习 tflearn。但我有一些疑问。 在下一行 net = tflearn.input_data(shape=[None, len(train_x[0])]) len(train_x[0]
我不知道你是否可以在这里帮助我,但我遇到了一个我无法解决的问题。我有大约 450,000 个条目的大型(对我而言)数据集。每个条目都是大约 700 个整数的列表,格式如下: [217088.0, 21
我正在尝试调整 Convolutional Neural Net example of tflearn使用约 12000 个不同的类标签和超过 100 万个训练示例进行分类。就单热编码时的内存消耗而言
我是一名优秀的程序员,十分优秀!