- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在尝试使用从 csv 读取的一些数据运行 tensorflow DNNClassifier 模型。尽管我将每列的数据类型转换为 float32,但我仍然收到“DataFrame”对象没有属性“dtype”错误。如果您能帮助我,我将非常感激。
数据格式:27 列,23 个输入,4 个类
谢谢
import numpy as np
import pandas as pd
import tensorflow as tf
import matplotlib.pyplot as plt
%matplotlib inline
factors = pd.read_csv('xxx.csv')
#Formatting data to float32
factors['1'] = factors['1'].astype('float32')
factors['2'] = factors['2'].astype('float32')
...
factors['27'] = factors['27'].astype('float32')
#Definition of in- and output
feat_data = factors[['1', '2', ... '23']]
labels = factors[['24', '25','26', '27']]
#Train-Test Split
from sklearn.model_selection import train_test_split
X_train, X_test, y_train, y_test = train_test_split(feat_data,labels, test_size=0.3, random_state=101)
from sklearn.preprocessing import MinMaxScalerscaler = MinMaxScaler()
scaled_x_train = scaler.fit_transform(X_train) scaled_x_test = scaler.transform(X_test)
#Model
from tensorflow import estimator
feat_cols = [tf.feature_column.numeric_column('x', shape [23],dtype=tf.float32)]
deep_model = estimator.DNNClassifier(hidden_units=[23,23,23],
feature_columns=feat_cols,
n_classes=4, optimizer=tf.train.GradientDescentOptimizer(learning_rate=0.01) )
input_fn = estimator.inputs.numpy_input_fn(x {'x':scaled_x_train},y=y_train,shuffle=True,batch_size=10,num_epochs=5)
deep_model.train(input_fn=input_fn,steps=50)
---------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-169-9b2e050e4e40> in <module>()
----> 1 deep_model.train(input_fn=input_fn,steps=50)
~\Anaconda\envs\tfdeeplearning\lib\site- packages\tensorflow\python\estimator\estimator.py in train(self, input_fn, hooks, steps, max_steps)
239 hooks.append(training.StopAtStepHook(steps, max_steps))
240
--> 241 loss = self._train_model(input_fn=input_fn, hooks=hooks)
242 logging.info('Loss for final step: %s.', loss)
243 return self
~\Anaconda\envs\tfdeeplearning\lib\site-packages\tensorflow\python\estimator\estimator.py in _train_model(self, input_fn, hooks)
626 global_step_tensor = self._create_and_assert_global_step(g)
627 features, labels = self._get_features_and_labels_from_input_fn(
--> 628 input_fn, model_fn_lib.ModeKeys.TRAIN)
629 estimator_spec = self._call_model_fn(features, labels,
630 model_fn_lib.ModeKeys.TRAIN)
~\Anaconda\envs\tfdeeplearning\lib\site-packages\tensorflow\python\estimator\estimator.py in _get_features_and_labels_from_input_fn(self, input_fn, mode)
497
498 def _get_features_and_labels_from_input_fn(self, input_fn, mode):
--> 499 result = self._call_input_fn(input_fn, mode)
500 if isinstance(result, (list, tuple)):
501 if len(result) != 2:
~\Anaconda\envs\tfdeeplearning\lib\site-packages\tensorflow\python\estimator\estimator.py in _call_input_fn(***failed resolving arguments***)
583 kwargs['config'] = self.config
584 with ops.device('/cpu:0'):
--> 585 return input_fn(**kwargs)
586
587 def _call_model_fn(self, features, labels, mode):
~\Anaconda\envs\tfdeeplearning\lib\site-packages\tensorflow\python\estimator\inputs\numpy_io.py in input_fn()
122 num_threads=num_threads,
123 enqueue_size=batch_size,
--> 124 num_epochs=num_epochs)
125
126 features = (queue.dequeue_many(batch_size) if num_epochs is None
~\Anaconda\envs\tfdeeplearning\lib\site-packages\tensorflow\python\estimator\inputs\queues\feeding_functions.py in _enqueue_data(data, capacity, shuffle, min_after_dequeue, num_threads, seed, name, enqueue_size, num_epochs)
315 elif isinstance(data, collections.OrderedDict):
316 types = [dtypes.int64] + [
--> 317 dtypes.as_dtype(col.dtype) for col in data.values()
318 ]
319 queue_shapes = [()] + [col.shape[1:] for col in data.values()]
~\Anaconda\envs\tfdeeplearning\lib\site-packages\tensorflow\python\estimator\inputs\queues\feeding_functions.py in <listcomp>(.0)
315 elif isinstance(data, collections.OrderedDict):
316 types = [dtypes.int64] + [
--> 317 dtypes.as_dtype(col.dtype) for col in data.values()
318 ]
319 queue_shapes = [()] + [col.shape[1:] for col in data.values()]
~\Anaconda\envs\tfdeeplearning\lib\site-packages\pandas\core\generic.py in __getattr__(self, name)
3079 if name in self._info_axis:
3080 return self[name]
-> 3081 return object.__getattribute__(self, name)
3082
3083 def __setattr__(self, name, value):
AttributeError: 'DataFrame' object has no attribute 'dtype'`$`
最佳答案
Tensorflow 假设您传递 numpy 数组而不是 pandas DataFrame(具有 dtype 属性)。因此,您应该将 df.values
而不是 df
传递给 tensorflow 函数。
关于python - DNN分类器 : 'DataFrame' object has no attribute 'dtype' ,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/53676883/
我有两个数据框,它们都有一个 Order ID 和一个 date。 我想在第一个数据帧 df1 中添加一个标志:如果具有相同 order id 和 date 的记录在数据帧 df2,然后添加一个Y:
我正在运行 Python 2.6。我有以下示例,我试图连接 csv 文件中的日期和时间字符串列。根据我设置的 dtype(无与对象),我发现一些我无法解释的行为差异,请参阅帖子末尾的问题 1 和 2。
当尝试通过以下代码将 sklearn 数据集转换为 pandas 数据帧时,出现此错误“ufunc 'add' 不包含签名匹配类型 dtype(' import numpy as np from sk
我正在尝试使用我的代码计算周期图 from scipy import signal import numpy as np import matplotlib.pyplot as plt x = [li
我有 pandas 数据框 df,我想打印出变量列表以及类型和缺失字段的数量(NaN、NA)。 def var_desc(df,dt): print('====================
这个数据类型是如何工作的,我对这个东西很着迷。 1:首先使用python的默认类型:无法工作,引发错误 bins = pd.DataFrame(dtype=[str, int, int], colum
尝试获取小型玩具数据集的直方图时,通过 matplotlib 来自 numpy 的奇怪错误。我只是不确定如何解释错误,这让我很难知道接下来要做什么。 虽然没有找到太多相关信息,但this nltk q
我在减去数据表的两列时遇到问题,我是Python新手,在尝试研究如何解决这个问题失败后,我想知道是否有人有任何见解。我的代码是这样的: response = qc.query(token, sql=q
我运行我的代码,它在第 79 行抛出错误: numpy.core._exceptions.UFuncTypeError: ufunc 'add' did not contain a loop with
我正在尝试创建一个非常简单的程序,它将绘制一条抛物线图,其中 v 是速度,a 是加速度,x是时候了。用户将输入 v 和 a 的值,然后是 v 和 a 以及 x 将确定 y。 我试图用这个来做到这一点:
我构建了一个槽填充(一种序列分类)模型,其结构为:自定义 ELMo 嵌入层 - BiLSTM - CRF。 它训练得很好。但根据预测我得到: 'TypeError: ufunc 'add' did n
是否有比以下方法更优雅的方法来为可能复杂的 dtype 获取相应的真实 numpy dtype? import numpy as np def dtype_to_real(rvs_dtype: np.
对于 jupyter 中的以下 pandas 代码,我试图获取数据类型信息。tab 在 jupyter 中为我提供了有两个属性的信息它同时具有 dtype 和 dtypes import pandas
我有一个用 pandas 加载的 csv 文件,如下所示: classes_dataset2=pd.read_csv("labels.csv") classes_dataset2[0:10] 0
我有一个类似于以下内容的 numpy.dtype: dtype([('value1','>> d = np.dtype([('value1','>> [x[0] for x in d.descr] [
我正在使用 scipy 的 curve_fit 来拟合一些数据的函数,并收到以下错误; Cannot cast array data from dtype('O') to dtype('float64
好吧,似乎在堆栈溢出中提出了几个类似的问题,但似乎没有一个回答正确或正确,也没有描述确切的示例。 我在将数组或列表保存到 hdf5 时遇到问题... 我有几个文件包含 (n, 35) 维度的列表,其中
目前我得到的数组是 arr = array([array([ 2, 7, 8, 12, 14]), array([ 3, 4, 5, 6, 9, 10]), array([0, 1]
我有一个 Pandas 系列。我想检查该系列的数据类型是否在数据类型列表中。像这样的东西: series.dtype not in [pd.dtype('float64'), pd.dtype('fl
我有一个 numpy 数组,我想将其从对象转换为复数。如果我将该数组作为 dtype 字符串并进行转换,则没有问题: In[22]: bane Out[22]: array(['1.000027337
我是一名优秀的程序员,十分优秀!