gpt4 book ai didi

machine-learning - “predict_generator”返回大于 1 且小于 0 的值

转载 作者:行者123 更新时间:2023-11-30 09:04:57 28 4
gpt4 key购买 nike

我使用 Autokeras 来训练我的模型,然后使用 fit_final 将其保存为纯 keras h5 文件。

我的模型:

from autokeras import ImageClassifier
from autokeras.image.image_supervised import load_image_dataset

if __name__ == '__main__':
x_test, y_test = load_image_dataset(csv_file_path="test/label.csv", images_path="test")
print(x_test.shape)
print(y_test.shape)

x_train, y_train = load_image_dataset(csv_file_path="train/label.csv", images_path="train")
print(x_train.shape)
print(y_train.shape)

clf = ImageClassifier(path="~/automodels/", verbose=True)
clf.fit(x_train, y_train, time_limit= 1 * 10 * 60)
clf.final_fit(x_train, y_train, x_test, y_test, retrain=True)
y = clf.evaluate(x_test, y_test)
print(y)

clf.export_autokeras_model('my_autokeras_model.h5ak')
clf.export_keras_model('my_model.h5')

我还有一个 Predict.py 代码,但它给了我错误的值

from keras.models import load_model
from keras.preprocessing import image
import numpy as np
import glob
from keras.preprocessing.image import ImageDataGenerator
from sklearn.metrics import confusion_matrix

# dimensions of our images
img_width, img_height = 128, 128

# load the model we saved
model = load_model('model.h5')
#model.compile(optimizer='adam', loss='categorical_crossentropy', metrics=['accuracy'])

datagen = ImageDataGenerator(rescale=1./255)

generator = datagen.flow_from_directory(
'data/test',
target_size=(img_width, img_height),
batch_size=1,
class_mode=None, # only data, no labels
shuffle=False) # keep data in same order as labels

#filenames = datagen.filenames
#nb_samples = len(filenames)

probabilities = model.predict_generator(generator, 4)

实际结果:

[[-2.0996048  1.862035 ]
[-1.4634153 1.2710633]
[-1.4367918 1.4041075]
[-1.3242773 1.2946494]]

预期结果应如下所示:

[[0  0.51234 ]
[1 0.67847]
[1 0.92324]
[1 0.32333]]

例如。

我做错了什么?

最佳答案

在Mickey向我建议了激活函数之后,我在github上找到了这个帖子here

这个线程帮助我弄清楚了这些代码行:

keras_model = load_model('model.h5')
x = keras_model.output
x = Activation('softmax', name='activation_add')(x)
new_model = Model(keras_model.input, x)

关于machine-learning - “predict_generator”返回大于 1 且小于 0 的值,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/54480986/

28 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com