ValueError:检查目标时出错:预期dense_3的形状为(1,)但得到的数组形状为(2,)

Posted

技术标签:

【中文标题】ValueError:检查目标时出错:预期dense_3的形状为(1,)但得到的数组形状为(2,)【英文标题】:ValueError: Error when checking target: expected dense_3 to have shape (1,) but got array with shape (2,) 【发布时间】:2021-06-30 02:55:39 【问题描述】:

当我使用澳大利亚数据集编写降雨预测代码时,我在拟合 ann 模型并运行 10 的 epoch 值期间遇到错误。我正在使用 numpy、pandas、matplotlib、seaborn 等库作为导入。对于模型的运行,我使用 Keras 进行密集和顺序搜索。我还使用标准标量来规范化 x 的值。 我在这一行收到错误 - ann.fit(x_train,y_train,batch_size = 10,nb_epoch = 10,详细 = 1) 以下是我的错误 - 下面是我的代码-

import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
import seaborn as sns

df = pd.read_csv('weatherAUS.csv')

df.head()

df.columns

plt.figure(figsize=(14,6))
df['MaxTemp'].plot()

plt.figure(figsize=(12,7))
sns.boxplot(x='RainToday',y='MaxTemp',data = df,palette ='winter')

df['Rainfall'].plot(kind= 'hist', bins=30, color='orange', figsize= (16,7))

from sklearn.model_selection import train_test_split

df.info()

df.dropna(inplace= True)

X=df[['Rainfall','MaxTemp','MinTemp']]
y=df[['RainToday','RainTomorrow']]

x_train,x_test,y_train,y_test = train_test_split(X,y,test_size=0.2, random_state= 41)

#normalization to X values
from sklearn.preprocessing import StandardScaler
scaler = StandardScaler()
xtrain = scaler.fit_transform(x_train)
xtest = scaler.transform(x_test)

import keras
from keras.layers import Dense
from keras.models import Sequential

ann = Sequential()
ann.add(Dense(units=32, init='uniform', activation='relu', input_dim = 3))
ann.add(Dense(units=16, init='uniform', activation='relu'))
ann.add(Dense(units=1, init='uniform', activation='sigmoid'))
ann.compile(optimizer ='adam', loss= 'mean_squared_error', metrics= ['accuracy'])

ann.fit(x_train,y_train, batch_size = 10, nb_epoch = 10, verbose = 1)

Y_pred = ann.predict(x_test)
Y_pred = [1 if y>=0.5 else 0 for y in  Y_pred]
print(Y_pred)

【问题讨论】:

【参考方案1】:

你有密码

y=df[['RainToday','RainTomorrow']]

y 应该是单列。你试图预测明天是否会下雨。 RainToday 是 X_train 中应该包含的功能。我建议您阅读使用此数据集的优秀教程。它位于here.

【讨论】:

以上是关于ValueError:检查目标时出错:预期dense_3的形状为(1,)但得到的数组形状为(2,)的主要内容,如果未能解决你的问题,请参考以下文章

ValueError:检查目标时出错:预期activation_6 的形状为(70,)但得到的数组形状为(71,)

ValueError:检查目标时出错:预期dense_4的形状为(4,)但得到的数组形状为(1,)

ValueError:检查目标时出错:预期dense_3的形状为(1,)但得到的数组形状为(2,)

ValueError:检查目标时出错:预期activation_6具有形状(无,2)但得到的数组具有形状(5760,1)

ValueError:检查目标时出错:预期 activation_17 具有 2 维,但得到的数组形状为 (1, 256, 256, 3)

ValueError:检查目标时出错:预期 main_prediction 有 3 个维度,但得到了形状为 (1128, 1) 的数组