私はAを手に入れています
Classification metrics can't handle a mix of multilabel-indicator and multiclass targets
混乱マトリックスを使用しようとするとエラーが発生しました。
私は私の最初の深い学習プロジェクトをしています。私はそれに新しいです。私はKerasによって提供されたMNISTデータセットを使用しています。私は私のモデルを首尾よく訓練し、テストしました。
ただし、Scikit Learn Confusion Matrixを使用しようとすると、上記のエラーが発生しました。私は答えを検索しました、そしてこのエラーに答えがある間、それらのどれも私のために働いていませんでした。私がオンラインで見つけたものから、損失関数と関係があるものがあります(私のコードでcategorical_crossentropy
を使用します)。 sparse_categorical_crossentropy
に変更しようとしましたが、それはただ私に
Error when checking target: expected dense_2 to have shape (1,) but got array with shape (10,)
モデルのfit()
機能を実行すると。
これがコードです。 (私は簡潔さのために輸入を除外しました)
model = Sequential()
model.add(Dense(512, activation='relu', input_shape=(28 * 28,)))
model.add(Dense(10, activation='softmax'))
model.compile(optimizer='Adam', loss='categorical_crossentropy', metrics=['accuracy'])
(train_images, train_labels), (test_images, test_labels) = mnist.load_data()
train_images = train_images.reshape((60000, 28 * 28))
train_images = train_images.astype('float32') / 255
test_images = test_images.reshape((10000, 28 * 28))
test_images = test_images.astype('float32') / 255
train_labels = to_categorical(train_labels)
test_labels = to_categorical(test_labels)
model.fit(train_images, train_labels, epochs=10, batch_size=128)
rounded_predictions = model.predict_classes(test_images, batch_size=128, verbose=0)
cm = confusion_matrix(test_labels, rounded_predictions)
どうすればいいですか?
同じ問題が繰り返されます ここで 、解決策は全体的に同じです。だからこそ、その質問は閉じられ、答えを受け取ることができません。だから私はこれに対する答えを追加するのが好きです 質問 ここにそれが違法ではないことを願っています。
以下のコードは自明です。 @desertnautは正確な理由を与えたので、より多くのものを説明する必要はありません。 Question の作者は、予測機能をfit
関数に別々に渡しようとしました。
import numpy as np
import pandas as pd
import tensorflow as tf
from sklearn.model_selection import train_test_split
from tensorflow.keras.applications.resnet50 import ResNet50
(x_train, y_train), (x_test, y_test) = tf.keras.datasets.mnist.load_data()
x_train = np.expand_dims(x_train, axis=-1)
x_train = np.repeat(x_train, 3, axis=-1)
x_train = x_train.astype('float32') / 255
y_train = tf.keras.utils.to_categorical(y_train, num_classes=10)
print(x_train.shape, y_train.shape)
# (60000, 28, 28, 3) (60000, 10)
_
訓練前の重みからの特徴を抽出する(転送学習)。
base_model = ResNet50(weights='imagenet', include_top=False)
pred_x_train = base_model.predict(x_train)
pred_x_train.shape
# (60000, 1, 1, 2048)
_
さらなるトレーニングプロセスのために再構築してください。
pred_x_train = pred_x_train.reshape(60000, 1*1*2048)
pred_x_train.shape
# (60000, 2048)
_
順次APIを持つモデル。
model = tf.keras.Sequential()
model.add(tf.keras.layers.Dense(512, activation='relu', input_shape=(2048,)))
model.add(tf.keras.layers.Dropout(0.5))
model.add(tf.keras.layers.Dense(10, activation='softmax'))
_
コンパイルして実行します。
model.compile(loss='categorical_crossentropy',optimizer='Adam',metrics=['accuracy'])
model.fit(pred_x_train, y_train, epochs=2, verbose=2)
Epoch 1/2
1875/1875 - 4s - loss: 0.6993 - accuracy: 0.7744
Epoch 2/2
1875/1875 - 4s - loss: 0.4451 - accuracy: 0.8572
_
評価。
from sklearn.metrics import classification_report
# predict
pred = model.predict(pred_x_train, batch_size = 32)
pred = np.argmax(predictions, axis=1)
# label
y_train = np.argmax(y_train, axis=1)
print(y_train.shape, pred.shape)
print(y_train[:5], pred[:5])
# (60000,) (60000,)
# [5 0 4 1 9] [5 0 4 1 9]
_
print(classification_report(y_train, pred))
precision recall f1-score support
0 0.95 0.97 0.96 5923
1 0.97 0.99 0.98 6742
2 0.90 0.94 0.92 5958
3 0.89 0.91 0.90 6131
4 0.97 0.89 0.93 5842
5 0.88 0.91 0.89 5421
6 0.95 0.97 0.96 5918
7 0.94 0.95 0.94 6265
8 0.94 0.78 0.85 5851
9 0.87 0.93 0.90 5949
accuracy 0.93 60000
macro avg 0.93 0.92 0.92 60000
weighted avg 0.93 0.93 0.92 60000
_