本文整理汇总了Python中keras.preprocessing.image.img_to_array方法的典型用法代码示例。如果您正苦于以下问题:Python image.img_to_array方法的具体用法?Python image.img_to_array怎么用?Python image.img_to_array使用的例子?那么恭喜您, 这里精选的方法代码示例或许可以为您提供帮助。您也可以进一步了解该方法所在类keras.preprocessing.image
的用法示例。
在下文中一共展示了image.img_to_array方法的15个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于系统推荐出更棒的Python代码示例。
示例1: predict
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def predict(self, f, k=5, resize_mode='fill'):
from keras.preprocessing import image
from vergeml.img import resize_image
filename = os.path.basename(f)
if not os.path.exists(f):
return dict(filename=filename, prediction=[])
img = image.load_img(f)
img = resize_image(img, self.image_size, self.image_size, 'antialias', resize_mode)
x = image.img_to_array(img)
x = np.expand_dims(x, axis=0)
x = self.preprocess_input(x)
preds = self.model.predict(x)
pred = self._decode(preds, top=k)[0]
prediction=[dict(probability=np.asscalar(perc), label=klass) for _, klass, perc in pred]
return dict(filename=filename, prediction=prediction)
示例2: extract_features
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def extract_features(path, model_type):
if model_type == 'inceptionv3':
from keras.applications.inception_v3 import preprocess_input
target_size = (299, 299)
elif model_type == 'vgg16':
from keras.applications.vgg16 import preprocess_input
target_size = (224, 224)
# Get CNN Model from model.py
model = CNNModel(model_type)
features = dict()
# Extract features from each photo
for name in tqdm(os.listdir(path)):
# Loading and resizing image
filename = path + name
image = load_img(filename, target_size=target_size)
# Convert the image pixels to a numpy array
image = img_to_array(image)
# Reshape data for the model
image = image.reshape((1, image.shape[0], image.shape[1], image.shape[2]))
# Prepare the image for the CNN Model model
image = preprocess_input(image)
# Pass image into model to get encoded features
feature = model.predict(image, verbose=0)
# Store encoded features for the image
image_id = name.split('.')[0]
features[image_id] = feature
return features
示例3: extract_features
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def extract_features(filename, model, model_type):
if model_type == 'inceptionv3':
from keras.applications.inception_v3 import preprocess_input
target_size = (299, 299)
elif model_type == 'vgg16':
from keras.applications.vgg16 import preprocess_input
target_size = (224, 224)
# Loading and resizing image
image = load_img(filename, target_size=target_size)
# Convert the image pixels to a numpy array
image = img_to_array(image)
# Reshape data for the model
image = image.reshape((1, image.shape[0], image.shape[1], image.shape[2]))
# Prepare the image for the CNN Model model
image = preprocess_input(image)
# Pass image into model to get encoded features
features = model.predict(image, verbose=0)
return features
# Load the tokenizer
示例4: data_loader
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def data_loader(q, ):
for bi in batch_indices:
start, end = bi
x_batch = []
filenames_batch = filenames[start:end]
for filename in filenames_batch:
imgs = []
for d in dirs:
img = img_to_array(load_img(os.path.join(d, filename), grayscale=True))
imgs.append(np.squeeze(img))
x_batch.append(np.array(imgs).transpose((1, 2, 0)))
q.put((filenames_batch, np.array(x_batch)))
for gpu in gpus:
q.put((None, None))
示例5: load_image_pixels
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def load_image_pixels(filename, shape):
# load the image to get its shape
image = load_img(filename)
width, height = image.size
# load the image with the required size
image = load_img(filename, target_size=shape)
# convert to numpy array
image = img_to_array(image)
# scale pixel values to [0, 1]
image = image.astype('float32')
image /= 255.0
# add a dimension so that we have one sample
image = expand_dims(image, 0)
return image, width, height
# get all of the results above a threshold
示例6: predict
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def predict(img_dir, model):
img_files = []
for root, dirs, files in os.walk(img_dir, topdown=False):
for name in files:
img_files.append(os.path.join(root, name))
img_files = sorted(img_files)
y_pred = []
y_test = []
for img_path in tqdm(img_files):
# print(img_path)
img = image.load_img(img_path, target_size=(224, 224))
x = image.img_to_array(img)
preds = model.predict(x[None, :, :, :])
decoded = decode_predictions(preds, top=1)
pred_label = decoded[0][0][0]
# print(pred_label)
y_pred.append(pred_label)
tokens = img_path.split(os.pathsep)
class_id = int(tokens[-2])
# print(str(class_id))
y_test.append(class_id)
return y_pred, y_test
示例7: create_test_data
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def create_test_data(self):
# 测试集生成npy
i = 0
print('-' * 30)
print('Creating test images...')
print('-' * 30)
imgs = glob.glob(self.test_path + "/*." + self.img_type) # ../data_set/train
print(len(imgs))
imgdatas = np.ndarray((len(imgs), self.out_rows, self.out_cols, 1), dtype=np.uint8)
for imgname in imgs:
midname = imgname[imgname.rindex("/") + 1:] # 图像的名字
img = load_img(self.test_path + "/" + midname, grayscale=True) # 转换为灰度图
img = img_to_array(img)
imgdatas[i] = img
if i % 100 == 0:
print('Done: {0}/{1} images'.format(i, len(imgs)))
i += 1
print('loading done', imgdatas.shape)
np.save(self.npy_path + '/imgs_test.npy', imgdatas) # 将30张训练集和30张label生成npy数据
# np.save(self.npy_path + '/imgs_mask_train.npy', imglabels)
print('Saving to .npy files done.')
示例8: predict
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def predict(model, img, target_size):
"""Run model prediction on image
Args:
model: keras model
img: PIL format image
target_size: (w,h) tuple
Returns:
list of predicted labels and their probabilities
"""
if img.size != target_size:
img = img.resize(target_size)
x = image.img_to_array(img)
x = np.expand_dims(x, axis=0)
x = preprocess_input(x)
preds = model.predict(x)
return preds[0]
示例9: main
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def main(self):
self.logger.info('Will load keras model')
model = ResNet50(weights='imagenet')
self.logger.info('Keras model loaded')
feature_list = []
img_path_list = []
for raw_file in self.inp.raw_files:
media_path = raw_file.path
file_list = os.listdir(media_path)
total = float(len(file_list))
for index, img_file in enumerate(file_list):
img_path = os.path.join(media_path, img_file)
img_path_list.append(img_path)
img = image.load_img(img_path, target_size=(224, 224))
x = keras_image.img_to_array(img)
x = np.expand_dims(x, axis=0)
x = preprocess_input(x)
# extract features
scores = model.predict(x)
sim_class = np.argmax(scores)
print('Scores {}\nSimClass: {}'.format(scores, sim_class))
self.outp.request_annos(img_path, img_sim_class=sim_class)
self.logger.info('Requested annotation for: {} (cluster: {})'.format(img_path, sim_class))
self.update_progress(index*100/total)
示例10: preprocess_image_crop
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def preprocess_image_crop(image_path, img_size):
'''
Preprocess the image scaling it so that its smaller size is img_size.
The larger size is then cropped in order to produce a square image.
'''
img = load_img(image_path)
scale = float(img_size) / min(img.size)
new_size = (int(np.ceil(scale * img.size[0])), int(np.ceil(scale * img.size[1])))
# print('old size: %s,new size: %s' %(str(img.size), str(new_size)))
img = img.resize(new_size, resample=Image.BILINEAR)
img = img_to_array(img)
crop_h = img.shape[0] - img_size
crop_v = img.shape[1] - img_size
img = img[crop_h:img_size+crop_h, crop_v:img_size+crop_v, :]
img = np.expand_dims(img, axis=0)
img = vgg16.preprocess_input(img)
return img
# util function to open, resize and format pictures into appropriate tensors
示例11: preprocess_image_scale
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def preprocess_image_scale(image_path, img_size=None):
'''
Preprocess the image scaling it so that its larger size is max_size.
This function preserves aspect ratio.
'''
img = load_img(image_path)
if img_size:
scale = float(img_size) / max(img.size)
new_size = (int(np.ceil(scale * img.size[0])), int(np.ceil(scale * img.size[1])))
img = img.resize(new_size, resample=Image.BILINEAR)
img = img_to_array(img)
img = np.expand_dims(img, axis=0)
img = vgg16.preprocess_input(img)
return img
# util function to convert a tensor into a valid image
示例12: _image_worker
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def _image_worker(filename, size):
# Handle PIL error "OSError: broken data stream when reading image file".
# See https://github.com/python-pillow/Pillow/issues/1510 . We have this
# issue with smartphone panorama JPG files. But instead of bluntly setting
# ImageFile.LOAD_TRUNCATED_IMAGES = True and hoping for the best (is the
# image read, and till the end?), we catch the OSError thrown by PIL and
# ignore the file completely. This is better than reading potentially
# undefined data and process it. A more specialized exception from PILs
# side would be good, but let's hope that an OSError doesn't cover too much
# ground when reading data from disk :-)
try:
print(filename)
img = PIL.Image.open(filename).convert('RGB').resize(size, resample=3)
arr = image.img_to_array(img, dtype=int)
return filename, arr
except OSError as ex:
print(f"skipping {filename}: {ex}")
return filename, None
示例13: display_heatmap
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def display_heatmap(new_model, img_path, ids, preprocessing=None):
# The quality is reduced.
# If you have more than 8GB of RAM, you can try to increase it.
img = image.load_img(img_path, target_size=(800, 1280))
x = image.img_to_array(img)
x = np.expand_dims(x, axis=0)
if preprocessing is not None:
x = preprocess_input(x)
out = new_model.predict(x)
heatmap = out[0] # Removing batch axis.
if K.image_data_format() == 'channels_first':
heatmap = heatmap[ids]
if heatmap.ndim == 3:
heatmap = np.sum(heatmap, axis=0)
else:
heatmap = heatmap[:, :, ids]
if heatmap.ndim == 3:
heatmap = np.sum(heatmap, axis=2)
plt.imshow(heatmap, interpolation="none")
plt.show()
示例14: helper_test
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def helper_test(model):
img_path = "../examples/dog.jpg"
new_model = to_heatmap(model)
# Loading the image
img = image.load_img(img_path, target_size=(800, 800))
x = image.img_to_array(img)
x = np.expand_dims(x, axis=0)
x = preprocess_input(x)
out = new_model.predict(x)
s = "n02084071" # Imagenet code for "dog"
ids = synset_to_dfs_ids(s)
heatmap = out[0]
if K.image_data_format() == 'channels_first':
heatmap = heatmap[ids]
heatmap = np.sum(heatmap, axis=0)
else:
heatmap = heatmap[:, :, ids]
heatmap = np.sum(heatmap, axis=2)
print(heatmap.shape)
assert heatmap.shape[0] == heatmap.shape[1]
K.clear_session()
示例15: predict
# 需要导入模块: from keras.preprocessing import image [as 别名]
# 或者: from keras.preprocessing.image import img_to_array [as 别名]
def predict(imagePath):
img = load_img(imagePath)
img = img_to_array(img)
output = img.copy()
# make prediction
results = rcnn.detect([img], verbose=0)
r = results[0]
for (box, score) in zip(r['rois'], r['scores']):
# filter out weak detections
if score < 0.5:
continue
label = "{}: {:.2f}".format('table', score)
cv2.rectangle(output, (box[1], box[0]), (box[3], box[2]),(0, 255, 0), 2)
cv2.putText(output, label, (box[1], box[0] - 10), cv2.FONT_HERSHEY_SIMPLEX, 0.5, (0, 255, 0), 2)
cv2.imwrite("prediction.jpg", output)
return r['rois']