tensorflow - 如果使用 keras 在较小尺寸的图像上训练模型,我如何预测较大尺寸的图像

标签 tensorflow keras

我正在使用以下带有 tensorflow 后端的 keras 代码来对狗和猫之间的区别进行分类。它不会预测 800x800 图像以上的任何图像。如何预测或调整图像大小以预测高清图像。

训练代码:

# Importing the Keras libraries and packages
from keras.models import Sequential
from keras.layers import Convolution2D
from keras.layers import MaxPooling2D
from keras.layers import Flatten
from keras.layers import Dense
from keras.preprocessing.image import load_img, img_to_array
from keras.models import model_from_json
from scipy.misc import imresize


# Initialising the CNN
classifier = Sequential()

# Step 1 - Convolution
classifier.add(Convolution2D(32, 3, 3, input_shape = (64, 64, 3), activation = 'relu'))

# Step 2 - Pooling
classifier.add(MaxPooling2D(pool_size = (2, 2)))

# Adding a second convolutional layer
classifier.add(Convolution2D(32, 3, 3, activation = 'relu'))
classifier.add(MaxPooling2D(pool_size = (2, 2)))

# Step 3 - Flattening
classifier.add(Flatten())

# Step 4 - Full connection
classifier.add(Dense(output_dim = 128, activation = 'relu'))
classifier.add(Dense(output_dim = 1, activation = 'sigmoid'))

# Compiling the CNN
classifier.compile(optimizer = 'adam', loss = 'binary_crossentropy', metrics = ['accuracy'])

# Part 2 - Fitting the CNN to the images

from keras.preprocessing.image import ImageDataGenerator

train_datagen = ImageDataGenerator(rescale = 1./255,
                                   shear_range = 0.2,
                                   zoom_range = 0.2,
                                   horizontal_flip = True)

test_datagen = ImageDataGenerator(rescale = 1./255)

training_set = train_datagen.flow_from_directory('dataset/training_set',
                                                 target_size = (64, 64),
                                                 batch_size = 32,
                                                 class_mode = 'binary')

test_set = test_datagen.flow_from_directory('dataset/test_set',
                                            target_size = (64, 64),
                                            batch_size = 32,
                                            class_mode = 'binary')

classifier.fit_generator(
    training_set,
    samples_per_epoch=80,
    nb_epoch=100,
    validation_data=test_set,
    nb_val_samples=2000
)


print(training_set.class_indices)

要预测的代码:
from keras.models import model_from_json

json_file = open('model.json', 'r')
model_json = json_file.read()
json_file.close()
model = model_from_json(model_json)
# load weights into new model
model.load_weights("model.h5")

# evaluate loaded model on test data
model.compile(optimizer = 'adam', loss = 'binary_crossentropy', metrics = ['accuracy'])


import shutil
import matplotlib.pyplot as plt
import requests

url = raw_input("Please enter the image url/link")
response = requests.get(url, stream=True)
with open('test.jpg', 'wb') as out_file:
    shutil.copyfileobj(response.raw, out_file)


from keras.preprocessing import image
import numpy as np

test = image.load_img('test.jpg')
test = image.img_to_array(test)
test = np.expand_dims(test, axis=0)
result = model.predict(test)

if result[0][0] == 1:
    prediction = 'dog'
    print prediction
else:
    prediction = 'cat'
    print prediction

最佳答案

根据 Keras 文档,您可以使用以下命令指定目标大小:

test = image.load_img('test.jpg', target_size=(224, 224))

https://keras.io/applications/举个例子。

关于tensorflow - 如果使用 keras 在较小尺寸的图像上训练模型,我如何预测较大尺寸的图像,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/46050471/

相关文章:

python - 为什么 TensorFlow 2 比 TensorFlow 1 慢得多?

keras - 如何知道keras中的特定层索引

python-3.x - 我如何使用 tf.keras.utils.get_file 加载图像数据集

python keras 神经网络预测不起作用(输出 0 或 1)

tensorflow - 使用 Keras 进行多输出分类

machine-learning - Keras嵌入层: keep zero-padded values as zeros

python - Tensorflow 无法正确识别列表中的数字

python - Tensorflow 保存/加载卡住的 tf.graph 并在加载的图上运行分类

python - 如何在 Google App Engine 柔性环境中运行 TensorFlow?

python - word2vec算法可以使用tensorflow分布在多计算机上吗?