0
  • 聊天消息
  • 系统消息
  • 评论与回复
登录后你可以
  • 下载海量资料
  • 学习在线课程
  • 观看技术视频
  • 写文章/发帖/加入社区
会员中心
创作中心

完善资料让更多小伙伴认识你,还能领取20积分哦,立即完善>

3天内不再提示

手把手教你使用LabVIEW OpenCV dnn实现图像分类(含源码)

王立奇 来源:wangstoudamire 作者:wangstoudamire 2023-03-09 13:37 次阅读

前言

上一篇和大家一起分享了如何使用LabVIEW OpenCV dnn实现手写数字识别,今天我们一起来看一下如何使用LabVIEW OpenCV dnn实现图像分类

一、什么是图像分类?

1、图像分类的概念

图像分类 ,核心是从给定的分类集合中给图像分配一个标签的任务。实际上,这意味着我们的任务是分析一个输入图像并返回一个将图像分类的标签。标签总是来自预定义的可能类别集。

示例:我们假定一个可能的类别集categories = {dog, cat, eagle},之后我们提供一张图片(下图)给分类系统。这里的目标是根据输入图像,从类别集中分配一个类别,这里为eagle,我们的分类系统也可以根据概率给图像分配多个标签,如eagle:95%,cat:4%,panda:1%

在这里插入图片描述

2、MobileNet简介

MobileNet :基本单元是深度级可分离卷积(depthwise separable convolution),其实这种结构之前已经被使用在Inception模型中。深度级可分离卷积其实是一种可分解卷积操作(factorized convolutions),其可以分解为两个更小的操作:depthwise convolution和pointwise convolution,如图1所示。Depthwise convolution和标准卷积不同,对于标准卷积其卷积核是用在所有的输入通道上(input channels),而depthwise convolution针对每个输入通道采用不同的卷积核,就是说一个卷积核对应一个输入通道,所以说depthwise convolution是depth级别的操作。而pointwise convolution其实就是普通的卷积,只不过其采用1x1的卷积核。图2中更清晰地展示了两种操作。对于depthwise separable convolution,其首先是采用depthwise convolution对不同输入通道分别进行卷积,然后采用pointwise convolution将上面的输出再进行结合,这样其实整体效果和一个标准卷积是差不多的,但是会大大减少计算量和模型参数量。

在这里插入图片描述

MobileNet的网络结构如表所示。首先是一个3x3的标准卷积,然后后面就是堆积depthwise separable convolution,并且可以看到其中的部分depthwise convolution会通过strides=2进行down sampling。然后采用average pooling将feature变成1x1,根据预测类别大小加上全连接层,最后是一个softmax层。如果单独计算depthwise convolution和pointwise convolution,整个网络有28层(这里Avg Pool和Softmax不计算在内)。

在这里插入图片描述

二、使用python实现图像分类(py_to_py_ssd_mobilenet.py)

1、获取预训练模型

  • 使用tensorflow.keras.applications获取模型(以mobilenet为例);
from tensorflow.keras.applications import MobileNet
    original_tf_model = MobileNet(
        include_top=True,
        weights="imagenet"
    )
  • 把original_tf_model打包成pb
def get_tf_model_proto(tf_model):
    # define the directory for .pb model
    pb_model_path = "models"# define the name of .pb model
    pb_model_name = "mobilenet.pb"# create directory for further converted model
    os.makedirs(pb_model_path, exist_ok=True)
​
    # get model TF graph
    tf_model_graph = tf.function(lambda x: tf_model(x))
​
    # get concrete function
    tf_model_graph = tf_model_graph.get_concrete_function(
        tf.TensorSpec(tf_model.inputs[0].shape, tf_model.inputs[0].dtype))
​
    # obtain frozen concrete function
    frozen_tf_func = convert_variables_to_constants_v2(tf_model_graph)
    # get frozen graph
    frozen_tf_func.graph.as_graph_def()
​
    # save full tf model
    tf.io.write_graph(graph_or_graph_def=frozen_tf_func.graph,
                      logdir=pb_model_path,
                      name=pb_model_name,
                      as_text=False)
​
    return os.path.join(pb_model_path, pb_model_name)
​

2、使用opencv_dnn进行推理

  • 图像预处理(blob)
def get_preprocessed_img(img_path):
    # read the image
    input_img = cv2.imread(img_path, cv2.IMREAD_COLOR)
    input_img = input_img.astype(np.float32)
​
    # define preprocess parameters
    mean = np.array([1.0, 1.0, 1.0]) * 127.5
    scale = 1 / 127.5# prepare input blob to fit the model input:
    # 1. subtract mean
    # 2. scale to set pixel values from 0 to 1
    input_blob = cv2.dnn.blobFromImage(
        image=input_img,
        scalefactor=scale,
        size=(224, 224),  # img target size
        mean=mean,
        swapRB=True,  # BGR -> RGB
        crop=True  # center crop
    )
    print("Input blob shape: {}\\n".format(input_blob.shape))
​
    return input_blob
  • 调用pb模型进行推理
def get_tf_dnn_prediction(original_net, preproc_img, imagenet_labels):
    # inference
    preproc_img = preproc_img.transpose(0, 2, 3, 1)
    print("TF input blob shape: {}\\n".format(preproc_img.shape))
​
    out = original_net(preproc_img)
​
    print("\\nTensorFlow model prediction: \\n")
    print("* shape: ", out.shape)
​
    # get the predicted class ID
    imagenet_class_id = np.argmax(out)
    print("* class ID: {}, label: {}".format(imagenet_class_id, imagenet_labels[imagenet_class_id]))
​
    # get confidence
    confidence = out[0][imagenet_class_id]
    print("* confidence: {:.4f}".format(confidence))

3、实现图像分类 (代码汇总)

import os
​
import cv2
import numpy as np
import tensorflow as tf
from tensorflow.keras.applications import MobileNet
from tensorflow.python.framework.convert_to_constants import convert_variables_to_constants_v2
​
​
​
​
def get_tf_model_proto(tf_model):
    # define the directory for .pb model
    pb_model_path = "models"# define the name of .pb model
    pb_model_name = "mobilenet.pb"# create directory for further converted model
    os.makedirs(pb_model_path, exist_ok=True)
​
    # get model TF graph
    tf_model_graph = tf.function(lambda x: tf_model(x))
​
    # get concrete function
    tf_model_graph = tf_model_graph.get_concrete_function(
        tf.TensorSpec(tf_model.inputs[0].shape, tf_model.inputs[0].dtype))
​
    # obtain frozen concrete function
    frozen_tf_func = convert_variables_to_constants_v2(tf_model_graph)
    # get frozen graph
    frozen_tf_func.graph.as_graph_def()
​
    # save full tf model
    tf.io.write_graph(graph_or_graph_def=frozen_tf_func.graph,
                      logdir=pb_model_path,
                      name=pb_model_name,
                      as_text=False)
​
    return os.path.join(pb_model_path, pb_model_name)
​
​
def get_preprocessed_img(img_path):
    # read the image
    input_img = cv2.imread(img_path, cv2.IMREAD_COLOR)
    input_img = input_img.astype(np.float32)
​
    # define preprocess parameters
    mean = np.array([1.0, 1.0, 1.0]) * 127.5
    scale = 1 / 127.5# prepare input blob to fit the model input:
    # 1. subtract mean
    # 2. scale to set pixel values from 0 to 1
    input_blob = cv2.dnn.blobFromImage(
        image=input_img,
        scalefactor=scale,
        size=(224, 224),  # img target size
        mean=mean,
        swapRB=True,  # BGR -> RGB
        crop=True  # center crop
    )
    print("Input blob shape: {}\\n".format(input_blob.shape))
​
    return input_blob
​
​
def get_imagenet_labels(labels_path):
    with open(labels_path) as f:
        imagenet_labels = [line.strip() for line in f.readlines()]
    return imagenet_labels
​
​
def get_opencv_dnn_prediction(opencv_net, preproc_img, imagenet_labels):
    # set OpenCV DNN input
    opencv_net.setInput(preproc_img)
​
    # OpenCV DNN inference
    out = opencv_net.forward()
    print("OpenCV DNN prediction: \\n")
    print("* shape: ", out.shape)
​
    # get the predicted class ID
    imagenet_class_id = np.argmax(out)
​
    # get confidence
    confidence = out[0][imagenet_class_id]
    print("* class ID: {}, label: {}".format(imagenet_class_id, imagenet_labels[imagenet_class_id]))
    print("* confidence: {:.4f}\\n".format(confidence))
​
​
def get_tf_dnn_prediction(original_net, preproc_img, imagenet_labels):
    # inference
    preproc_img = preproc_img.transpose(0, 2, 3, 1)
    print("TF input blob shape: {}\\n".format(preproc_img.shape))
​
    out = original_net(preproc_img)
​
    print("\\nTensorFlow model prediction: \\n")
    print("* shape: ", out.shape)
​
    # get the predicted class ID
    imagenet_class_id = np.argmax(out)
    print("* class ID: {}, label: {}".format(imagenet_class_id, imagenet_labels[imagenet_class_id]))
​
    # get confidence
    confidence = out[0][imagenet_class_id]
    print("* confidence: {:.4f}".format(confidence))
​
​
def main():
    # configure TF launching
    #set_tf_env()# initialize TF MobileNet model
    original_tf_model = MobileNet(
        include_top=True,
        weights="imagenet"
    )
​
    # get TF frozen graph path
    full_pb_path = get_tf_model_proto(original_tf_model)
    print(full_pb_path)
​
    # read frozen graph with OpenCV API
    opencv_net = cv2.dnn.readNetFromTensorflow(full_pb_path)
    print("OpenCV model was successfully read. Model layers: \\n", opencv_net.getLayerNames())
​
    # get preprocessed image
    input_img = get_preprocessed_img("yaopin.png")
​
    # get ImageNet labels
    imagenet_labels = get_imagenet_labels("classification_classes.txt")
​
    # obtain OpenCV DNN predictions
    get_opencv_dnn_prediction(opencv_net, input_img, imagenet_labels)
​
    # obtain TF model predictions
    get_tf_dnn_prediction(original_tf_model, input_img, imagenet_labels)
​
​
if __name__ == "__main__":
    main()
​

三、使用LabVIEW dnn实现图像分类(callpb_photo.vi)

本博客中所用实例基于****LabVIEW2018版本 ,调用mobilenet pb模型

1、读取待分类的图片和pb模型

在这里插入图片描述

2、将待分类的图片进行预处理

在这里插入图片描述

3、将图像输入至神经网络中并进行推理

在这里插入图片描述

4、实现图像分类

在这里插入图片描述

5、总体程序源码:

按照如下图所示程序进行编码,实现图像分类,本范例中使用了一分类,分类出置信度最高的物体。

在这里插入图片描述

如下图所示为加载药瓶图片得到的分类结果,在前面板可以看到图片和label:

在这里插入图片描述

四、源码下载

链接: https://pan.baidu.com/s/10yO72ewfGjxAg_f07wjx0A?pwd=8888

**提取码:8888 **

审核编辑 黄宇

声明:本文内容及配图由入驻作者撰写或者入驻合作网站授权转载。文章观点仅代表作者本人,不代表电子发烧友网立场。文章及其配图仅供工程师学习之用,如有内容侵权或者其他违规问题,请联系本站处理。 举报投诉
  • LabVIEW
    +关注

    关注

    1959

    文章

    3651

    浏览量

    321835
  • 人工智能
    +关注

    关注

    1789

    文章

    46576

    浏览量

    236893
  • 图像分类
    +关注

    关注

    0

    文章

    89

    浏览量

    11897
  • OpenCV
    +关注

    关注

    29

    文章

    624

    浏览量

    41206
收藏 人收藏

    评论

    相关推荐

    【汇总篇】小草手把手教你 LabVIEW 串口仪器控制

    `课程推荐>>《每天1小时,龙哥手把手教您LabVIEW视觉设计》[hide]小草手把手教你 LabVIEW 串口仪器控制—生成
    发表于 02-04 10:45

    【原创视频】小草手把手教你LabVIEW之VISION图像采集

    点击学习>>《龙哥手把手教你LabVIEW视觉设计》视频教程视频内容:手把手讲解如何通过笔记本自带摄像头,或者一般USB摄像头,通过directshow来获取
    发表于 05-01 12:37

    【视频汇总】小草大神手把手教你Labview技巧及源代码分享

    /jishu_484288_1_1.html小草手把手教你LabVIEW之VISION图像采集(20150501)https://bbs.elecfans.com/jishu_4800
    发表于 05-26 13:48

    手把手教你LabVIEW仪器控制

    手把手教你LabVIEW仪器控制,串口学习
    发表于 12-11 12:00

    手把手教你构建一个完整的工程

    手把手教你构建一个完整的工程
    发表于 08-03 09:54 33次下载
    <b class='flag-5'>手把手</b><b class='flag-5'>教你</b>构建一个完整的工程

    手把手教你写批处理-批处理的介绍

    手把手教你写批处理-批处理的介绍
    发表于 10-25 15:02 69次下载

    美女手把手教你如何装机(中)

    美女手把手教你如何装机(中) 再来是硬碟的部份,这款机壳还不错,可以旋转支架~
    发表于 01-27 11:14 1450次阅读

    美女手把手教你如何装机(下)

    美女手把手教你如何装机(下) 接著下来就是今天的重头戏,开核萝!~
    发表于 01-27 11:16 2914次阅读

    小草手把手教你LabVIEW仪器控制V1.0

    小草手把手教你LabVIEW仪器控制V1.0 ,感兴趣的小伙伴们可以看看。
    发表于 08-03 17:55 94次下载

    手把手教你安装Quartus II

    本章手把手把教你如何安装 Quartus II 软件 ,并将它激活 。此外 还有USB -Blaster下载器的驱动安装步骤 。
    发表于 09-18 14:55 9次下载

    手把手教你在家搭建监控系统

    手把手教你在家搭建监控系统
    发表于 01-17 19:47 25次下载

    手把手教你如何开始DSP编程

    手把手教你如何开始DSP编程。
    发表于 04-09 11:54 12次下载
    <b class='flag-5'>手把手</b><b class='flag-5'>教你</b>如何开始DSP编程

    手把手教你LabVIEW视觉设计

    手把手教你LabVIEW视觉设计手把手教你LabVIEW视觉设计
    发表于 03-06 01:41 3082次阅读

    手把手教你使用LabVIEW OpenCV DNN实现手写数字识别(源码

    LabVIEW中如何使用OpenCV DNN模块实现手写数字识别
    的头像 发表于 03-08 16:10 1621次阅读

    手把手教你学FPGA仿真

    电子发烧友网站提供《手把手教你学FPGA仿真.pdf》资料免费下载
    发表于 10-19 09:17 2次下载
    <b class='flag-5'>手把手</b><b class='flag-5'>教你</b>学FPGA仿真