使用keras内置的模型进行图片预测实例

keras 模块里面为我们提供了一个预训练好的模型,也就是开箱即可使用的图像识别模型

趁着国庆假期有时间我们就来看看这个预训练模型如何使用吧

可用的模型有哪些?

根据官方文档目前可用的模型大概有如下几个

1、VGG16

2、VGG19

3、ResNet50

4、InceptionResNetV2

5、InceptionV3

它们都被集成到了keras.applications 中

模型文件从哪来

当我们使用了这几个模型时,keras就会去自动下载这些已经训练好的模型保存到我们本机上面

模型文件会被下载到 ~/.keras/models/并在载入模型时自动载入

各个模型的信息:

如何使用预训练模型

使用大致分为三个步骤

1、导入所需模块

2、找一张你想预测的图像将图像转为矩阵

3、将图像矩阵放到模型中进行预测

关于图像矩阵的大小

VGG16,VGG19,ResNet50 默认输入尺寸是224x224

InceptionV3, InceptionResNetV2 模型的默认输入尺寸是299x299

代码demo

假设我现在有一张图片

我需要使用预训练模型来识别它

那我们就按照上面的步骤

第一步导入模块

from keras.applications import VGG16
from keras.applications import VGG19
from keras.applications import ResNet50
from keras.applications import InceptionV3
from keras.applications import InceptionResNetV2

第二步将图像转为矩阵

这里我们需要使用 keras.preprocessing.image 里面 img_to_array 来帮我们转

 image = cv2.imread(img)
 image = cv2.resize(image, self.dim)
 image = img_to_array(image)
 image = np.expand_dims(image, axis=0)

第三步 将图像矩阵丢到模型中进行预测

predict = model.predict(preprocess)
decode_predict = decode_predictions(predict)

完整代码如下

1、配置文件

2、获取配置文件的模块

3、图像预测模块

配置文件

[image]
image_path=/home/fantasy/Pictures/cat.jpg
[model]
model=vgg16
[weights]
weight=imagenet

获取配置文件的模块

import configparser
cf = configparser.ConfigParser()
cf.read("configs.cnf")
def getOption(section, key):
  return cf.get(section, key)

图像预测模块以及主要实现

# keras 提供了一些预训练模型,也就是开箱即用的 已经训练好的模型
# 我们可以使用这些预训练模型来进行图像识别,目前的预训练模型大概可以识别2.2w种类型的东西
# 可用的模型:
# VGG16
# VGG19
# ResNet50
# InceptionResNetV2
# InceptionV3
# 这些模型被集成到 keras.applications 中
# 当我们使用了这些内置的预训练模型时,模型文件会被下载到 ~/.keras/models/并在载入模型时自动载入
# VGG16,VGG19,ResNet50 默认输入尺寸是224x224
# InceptionV3, InceptionResNetV2 模型的默认输入尺寸是299x299

# 使用内置的预训练模型的步骤
# step1 导入需要的模型
# step2 将需要识别的图像数据转换为矩阵(矩阵的大小需要根据模型的不同而定)
# step3 将图像矩阵丢到模型里面进行预测
# -------------------------------------------------------
# step1
import cv2
import numpy as np
from getConfig import getOption
from keras.applications import VGG16
from keras.applications import VGG19
from keras.applications import ResNet50
from keras.applications import InceptionV3
from keras.applications import InceptionResNetV2
from keras.applications import imagenet_utils
from keras.applications.imagenet_utils import decode_predictions
from keras.preprocessing.image import load_img
from keras.preprocessing.image import img_to_array
from keras.applications.inception_v3 import preprocess_input

class ImageTools(object):
  """
  使用keras预训练模型进行图像识别
  """
  def __init__(self, img, model, w):
    self.image = img
    self.model = model
    self.weight = w

  # step2
  def image2matrix(self, img):
    """
    将图像转为矩阵
    """
    image = cv2.imread(img)
    image = cv2.resize(image, self.dim)
    image = img_to_array(image)
    image = np.expand_dims(image, axis=0)
    return image

  @property
  def dim(self):
    """
    图像矩阵的维度
    """
    if self.model in ["inceptionv3", "inceptionresnetv2"]:
      shape = (299, 299)
    else:
      shape = (224, 224)

    return shape

  @property
  def Model(self):
    """
    模型
    """
    models = {
      "vgg16": VGG16,
      "vgg19": VGG19,
      "resnet50": ResNet50,
      "inceptionv3": InceptionV3,
      "inceptionresnetv2": InceptionResNetV2
    }
    return models[self.model]

  # step3
  def prediction(self):
    """
    预测
    """
    model = self.Model(weights=self.weight)
    if self.model in ["inceptionv3", "inceptionresnetv2"]:
      preprocess = preprocess_input(self.image2matrix(self.image))
    else:
      preprocess = imagenet_utils.preprocess_input(self.image2matrix(self.image))

    predict = model.predict(preprocess)

    decode_predict = decode_predictions(predict)

    for (item, (imgId, imgLabel, proba)) in enumerate(decode_predict[0]):
      print("{}, {}, {:.2f}%".format(item + 1, imgLabel, proba * 100))

if __name__ == "__main__":
  image = getOption("image", "image_path")
  model = getOption("model", "model")
  weight = getOption("weights", "weight")
  tools = ImageTools(image, model, weight)
  tools.prediction()

运行起来时会将模型文件下载到本机,因此第一次运行会比较久(有可能出现的情况就是下载不了,被墙了)

我们来看看使用VGG16的模型预测输出的效果如何

最后如果大家需要使用其他模型时修改 配置文件的model 即可

以上这篇使用keras内置的模型进行图片预测实例就是小编分享给大家的全部内容了,希望能给大家一个参考,也希望大家多多支持我们。

(0)

相关推荐

  • 利用keras加载训练好的.H5文件,并实现预测图片

    我就废话不多说了,直接上代码吧! import matplotlib matplotlib.use('Agg') import os from keras.models import load_model import numpy as np from PIL import Image import cv2 #加载模型h5文件 model = load_model("C:\\python\\python3_projects\\cat_dog\\cats_dogs_fifty_thousand.h

  • Keras使用ImageNet上预训练的模型方式

    我就废话不多说了,大家还是直接看代码吧! import keras import numpy as np from keras.applications import vgg16, inception_v3, resnet50, mobilenet #Load the VGG model vgg_model = vgg16.VGG16(weights='imagenet') #Load the Inception_V3 model inception_model = inception_v3.I

  • Tensorflow模型实现预测或识别单张图片

    利用Tensorflow训练好的模型,图片进行预测和识别,并输出相应的标签和预测概率. 如果想要多张图片,可以进行批次加载和预测,这里仅用单张图片进行演示. 模型文件: 预测图片: 这里直接贴代码,都有注释,应该很好理解 import tensorflow as tf import inference image_size = 128 # 输入层图片大小 # 模型保存的路径和文件名 MODEL_SAVE_PATH = "model/" MODEL_NAME = "model.

  • 使用Keras预训练模型ResNet50进行图像分类方式

    Keras提供了一些用ImageNet训练过的模型:Xception,VGG16,VGG19,ResNet50,InceptionV3.在使用这些模型的时候,有一个参数include_top表示是否包含模型顶部的全连接层,如果包含,则可以将图像分为ImageNet中的1000类,如果不包含,则可以利用这些参数来做一些定制的事情. 在运行时自动下载有可能会失败,需要去网站中手动下载,放在"~/.keras/models/"中,使用WinPython则在"settings/.ke

  • 使用keras内置的模型进行图片预测实例

    keras 模块里面为我们提供了一个预训练好的模型,也就是开箱即可使用的图像识别模型 趁着国庆假期有时间我们就来看看这个预训练模型如何使用吧 可用的模型有哪些? 根据官方文档目前可用的模型大概有如下几个 1.VGG16 2.VGG19 3.ResNet50 4.InceptionResNetV2 5.InceptionV3 它们都被集成到了keras.applications 中 模型文件从哪来 当我们使用了这几个模型时,keras就会去自动下载这些已经训练好的模型保存到我们本机上面 模型文件会

  • Python基于内置库pytesseract实现图片验证码识别功能

    这篇文章主要介绍了Python基于内置库pytesseract实现图片验证码识别功能,文中通过示例代码介绍的非常详细,对大家的学习或者工作具有一定的参考学习价值,需要的朋友可以参考下 环境准备: 1.安装Tesseract模块 git文档地址:https://digi.bib.uni-mannheim.de/tesseract/ 下载后就是一个exe安装包,直接右击安装即可,安装完成之后,配置一下环境变量,编辑 系统变量里面 path,添加下面的安装路径: 2.如果您想使用其他语言,请下载相应的

  • vue内置组件keep-alive事件动态缓存实例

    在App.vue文件中配置 <keep-alive> <router-view v-if="$route.meta.keepAlive"></router-view> </keep-alive> <router-view v-if="!$route.meta.keepAlive"></router-view> 在路由中配置 { path: '/backstage', component: res

  • JavaScript内置日期、时间格式化时间实例代码

    一.基础知识(date对象的方法)

  • Perl中的特殊内置变量详细介绍

    内置变量 $_:先来看一个例子: 复制代码 代码如下: #!/usr/bin/perl -w@array = qw(a b c d);foreach (@array) { print $_," ";} 例子的作用就是定义一个数组并把其中的元素打印出来,这里需要注意的是foreach循环部分,foreach循环的标准格式应该是: 复制代码 代码如下: foreach $element (@array){ ......} 其中数组@array将其中的元素依次赋值给$element,但是在上

  • Pytorch教程内置模型源码实现

    翻译自 https://pytorch.org/docs/stable/torchvision/models.html 主要讲解了torchvision.models的使用 torchvision.models torchvision.models中包含了如下模型 AlexNet VGG ResNet SqueezeNet DenseNet Inception v3 随机初始化模型 import torchvision.models as models resnet18 = models.res

  • C#发送内置图片html格式邮件的方法

    本文实例讲述了C#发送内置图片html格式邮件的方法.分享给大家供大家参考.具体如下: 下面的代码用于发送html格式的邮件,并且可以将图片附加到邮件一起发出 MailMessage m = new MailMessage(); m.From = new MailAddress("ir@jb51.net", "Raja Item"); m.To.Add(new MailAddress("su@jb51.net", "Sekaran Um

  • 对Django中内置的User模型实例详解

    User模型 User模型是这个框架的核心部分.他的完整的路径是在django.contrib.auth.models.User. 字段 内置的User模型拥有以下的字段: 1.username: 用户名.150个字符以内.可以包含数字和英文字符,以及_.@.+..和-字符.不能为空,且必须唯一! 2.first_name:歪果仁的first_name,在30个字符以内.可以为空. 3.last_name:歪果仁的last_name,在150个字符以内.可以为空. 4.email:邮箱.可以为空

  • 微信内置浏览器图片查看器的代码实例

    这篇文章主要介绍了微信内置浏览器图片查看器的代码实例,文中通过示例代码介绍的非常详细,对大家的学习或者工作具有一定的参考学习价值,需要的朋友可以参考下 var imgs = new Array(); $("img").each(function () { //这里的图片路径要直接能在浏览器中打开的完整的url路径 imgs.push($(this).attr('src')); }); $("img").on('click', function () { var pa

  • js内置对象 学习笔记

    mark相关的知识点: 首先,什么是js的内置对象,它包括了些什么内容?(以下内容转自网上资源的整合) (W3shool JS手册地址:http://www.jb51.net/w3school/js/js_reference.htm) 作为一门编程语言,JavaScript提供了一些内置的对象和函数.内置对象提供编程的几种最常用的功能.JavaScript内置对象有以下几种. ● String对象:处理所有的字符串操作 ● Math对象:处理所有的数学运算 ● Date对象:处理日期和时间的存储

随机推荐