当前位置: 首页 > news >正文

python实时数据流设计_入门指南:用Python实现实时目标检测(内附代码)

全文共6821字,预计学习时长20分钟

1ad5ad6eddc451daa8233e71e2b00660d1163221.jpeg?token=92b5e346e60705ed2274431cca64e21b&s=B29231C596E2A55D52D5D0080300A0D1来源:Pexels

从自动驾驶汽车检测路上的物体,到通过复杂的面部及身体语言识别发现可能的犯罪活动。多年来,研究人员一直在探索让机器通过视觉识别物体的可能性。

这一特殊领域被称为计算机视觉 (Computer Vision, CV),在现代生活中有着广泛的应用。

目标检测 (ObjectDetection) 也是计算机视觉最酷的应用之一,这是不容置疑的事实。

现在的CV工具能够轻松地将目标检测应用于图片甚至是直播视频。本文将简单地展示如何用TensorFlow创建实时目标检测器。

建立一个简单的目标检测器

设置要求:

TensorFlow版本在1.15.0或以上

执行pip install TensorFlow安装最新版本

一切就绪,现在开始吧!

设置环境

第一步:从Github上下载或复制TensorFlow目标检测的代码到本地计算机

在终端运行如下命令:

git clonehttps://github.com/tensorflow/models.git

第二步:安装依赖项

下一步是确定计算机上配备了运行目标检测器所需的库和组件。

下面列举了本项目所依赖的库。(大部分依赖都是TensorFlow自带的)

· Cython

· contextlib2

· pillow

· lxml

· matplotlib

若有遗漏的组件,在运行环境中执行pip install即可。

第三步:安装Protobuf编译器

谷歌的Protobuf,又称Protocol buffers,是一种语言无关、平台无关、可扩展的序列化结构数据的机制。Protobuf帮助程序员定义数据结构,轻松地在各种数据流中使用各种语言进行编写和读取结构数据。

Protobuf也是本项目的依赖之一。点击这里了解更多关于Protobufs的知识。接下来把Protobuf安装到计算机上。

打开终端或者打开命令提示符,将地址改为复制的代码仓库,在终端执行如下命令:

cd models/research \wget -Oprotobuf.zip https://github.com/protocolbuffers/protobuf/releases/download/v3.9.1/protoc-3.9.1-osx-x86_64.zip\unzipprotobuf.zip

注意:请务必在models/research目录解压protobuf.zip文件。

a50f4bfbfbedab643ab169b3a17bfbc578311e50.jpeg?token=4a8bb462d040a7d2dc976a8c9aa9a197&s=B440DD4A17B1806F0E71190A030050C2

第四步:编辑Protobuf编译器

从research/ directory目录中执行如下命令编辑Protobuf编译器:

./bin/protoc object_detection/protos/*.proto--python_out=.

用Python实现目标检测

现在所有的依赖项都已经安装完毕,可以用Python实现目标检测了。

在下载的代码仓库中,将目录更改为:

models/research/object_detection

这个目录下有一个叫object_detection_tutorial.ipynb的ipython notebook。该文件是演示目标检测算法的demo,在执行时会用到指定的模型:

ssd_mobilenet_v1_coco_2017_11_17

这一测试会识别代码库中提供的两张测试图片。下面是测试结果之一:

f636afc379310a553cf5e4aabf0f17af8326106e.jpeg?token=1eff61672fb5c250df42472a94fbeb96&s=DA806C85431401D85E2C653B0300A042

要检测直播视频中的目标还需要一些微调。在同一文件夹中新建一个Jupyter notebook,按照下面的代码操作:

[1]:

import numpy as npimport osimport six.moves.urllib as urllibimport sysimport tarfileimport tensorflow as tfimport zipfilefrom distutils.version import StrictVersionfrom collections import defaultdictfrom io import StringIOfrom matplotlib import pyplot as pltfrom PIL import Image# This isneeded since the notebook is stored in the object_detection folder.sys.path.append("..")from utils import ops as utils_opsif StrictVersion(tf.__version__) < StrictVersion('1.12.0'):raise ImportError('Please upgrade your TensorFlow installation to v1.12.*.')

[2]:

# This isneeded to display the images.get_ipython().run_line_magic('matplotlib', 'inline')

[3]:

# Objectdetection imports# Here arethe imports from the object detection module.from utils import label_map_utilfrom utils import visualization_utils as vis_util

[4]:

# Modelpreparation# Anymodel exported using the `export_inference_graph.py` tool can be loaded heresimply by changing `PATH_TO_FROZEN_GRAPH` to point to a new .pb file.# Bydefault we use an "SSD with Mobilenet" model here.#See https://github.com/tensorflow/models/blob/master/research/object_detection/g3doc/detection_model_zoo.md#for alist of other models that can be run out-of-the-box with varying speeds andaccuracies.# Whatmodel to download.MODEL_NAME= 'ssd_mobilenet_v1_coco_2017_11_17'MODEL_FILE= MODEL_NAME + '.tar.gz'DOWNLOAD_BASE= 'http://download.tensorflow.org/models/object_detection/'# Path tofrozen detection graph. This is the actual model that is used for the objectdetection.PATH_TO_FROZEN_GRAPH= MODEL_NAME + '/frozen_inference_graph.pb'# List ofthe strings that is used to add correct label for each box.PATH_TO_LABELS= os.path.join('data', 'mscoco_label_map.pbtxt')

[5]:

#DownloadModelopener =urllib.request.URLopener()opener.retrieve(DOWNLOAD_BASE+ MODEL_FILE, MODEL_FILE)tar_file =tarfile.open(MODEL_FILE)for file in tar_file.getmembers():file_name= os.path.basename(file.name)if'frozen_inference_graph.pb'in file_name:tar_file.extract(file,os.getcwd())

[6]:

# Load a(frozen) Tensorflow model into memory.detection_graph= tf.Graph()with detection_graph.as_default():od_graph_def= tf.GraphDef()withtf.gfile.GFile(PATH_TO_FROZEN_GRAPH, 'rb') as fid:serialized_graph= fid.read()od_graph_def.ParseFromString(serialized_graph)tf.import_graph_def(od_graph_def,name='')

[7]:

# Loadinglabel map# Labelmaps map indices to category names, so that when our convolution networkpredicts `5`,#we knowthat this corresponds to `airplane`. Here we use internal utilityfunctions,#butanything that returns a dictionary mapping integers to appropriate stringlabels would be finecategory_index= label_map_util.create_category_index_from_labelmap(PATH_TO_LABELS,use_display_name=True)

[8]:

defrun_inference_for_single_image(image, graph):with graph.as_default():with tf.Session() as sess:# Get handles to input and output tensorsops= tf.get_default_graph().get_operations()all_tensor_names= {output.name for op in ops for output in op.outputs}tensor_dict= {}for key in ['num_detections', 'detection_boxes', 'detection_scores','detection_classes', 'detection_masks']:tensor_name= key + ':0'if tensor_name in all_tensor_names:tensor_dict[key]= tf.get_default_graph().get_tensor_by_name(tensor_name)if'detection_masks'in tensor_dict:# The following processing is only for single imagedetection_boxes= tf.squeeze(tensor_dict['detection_boxes'], [0])detection_masks= tf.squeeze(tensor_dict['detection_masks'], [0])# Reframe is required to translate mask from boxcoordinates to image coordinates and fit the image size.real_num_detection= tf.cast(tensor_dict['num_detections'][0], tf.int32)detection_boxes= tf.slice(detection_boxes, [0, 0], [real_num_detection, -1])detection_masks= tf.slice(detection_masks, [0, 0, 0], [real_num_detection, -1, -1])detection_masks_reframed= utils_ops.reframe_box_masks_to_image_masks(detection_masks,detection_boxes, image.shape[1],image.shape[2])detection_masks_reframed= tf.cast(tf.greater(detection_masks_reframed,0.5),tf.uint8)# Follow the convention by adding back the batchdimensiontensor_dict['detection_masks'] =tf.expand_dims(detection_masks_reframed,0)image_tensor= tf.get_default_graph().get_tensor_by_name('image_tensor:0')# Run inferenceoutput_dict= sess.run(tensor_dict, feed_dict={image_tensor: image})# all outputs are float32 numpy arrays, so convert typesas appropriateoutput_dict['num_detections'] =int(output_dict['num_detections'][0])output_dict['detection_classes'] =output_dict['detection_classes'][0].astype(np.int64)output_dict['detection_boxes'] =output_dict['detection_boxes'][0]output_dict['detection_scores'] =output_dict['detection_scores'][0]if'detection_masks'in output_dict:output_dict['detection_masks'] =output_dict['detection_masks'][0]return output_dict

[9]:

import cv2cam =cv2.cv2.VideoCapture(0)rolling = Truewhile (rolling):ret,image_np = cam.read()image_np_expanded= np.expand_dims(image_np, axis=0)# Actual detection.output_dict= run_inference_for_single_image(image_np_expanded, detection_graph)# Visualization of the results of a detection.vis_util.visualize_boxes_and_labels_on_image_array(image_np,output_dict['detection_boxes'],output_dict['detection_classes'],output_dict['detection_scores'],category_index,instance_masks=output_dict.get('detection_masks'),use_normalized_coordinates=True,line_thickness=8)cv2.imshow('image', cv2.resize(image_np,(1000,800)))if cv2.waitKey(25) & 0xFF == ord('q'):breakcv2.destroyAllWindows()cam.release()

在运行Jupyter notebook时,网络摄影系统会开启并检测所有原始模型训练过的物品类别。

bba1cd11728b47100cfc7913ce8497fbfe0323ea.jpeg?token=d2c9a3730b13046355c03fe2e97ea4c7&s=F95A6A944638658CE2315C420300B0FA

感谢阅读本文,如果有什么建议,欢迎在留言区积极发言哟~

d6ca7bcb0a46f21ffe75c267f16e3f660c33ae15.jpeg?token=cadbdfa7119be2d79ad7aca159e12b38

留言点赞关注

我们一起分享AI学习与发展的干货

如转载,请后台留言,遵守转载规范

相关文章:

  • docker镜像备份恢复_Docker学习笔记
  • runtimeerror什么原因_什么是内存对齐?Go 是否有必要内存对齐?
  • dubbo源码_Dubbo源码-注册中心
  • python运行不了、显示警告_Python xlrd:禁止显示警告消息
  • linux安装python3环境_Linux环境安装python3
  • 用python打印出一个人的照片_Python用dilb提取照片上人脸的示例
  • getdata提取曲线数据_基于Hypergraph创建曲线(矢量)的结果响应
  • ffmpeg 为取经而来_清华,那个穿越百年而来的白衣少年
  • python 数组 动态赋值_在python中使用numpy创建动态数组
  • java filter 是否能拦截到form表单的所有数据_java 知识点总结(框架篇)
  • python使用xlrd读取xlsx文件_python操作excel文件一(xlrd读取文件)
  • 如何在桌面上显示一行字_只需一个命令启动Hyper-V虚拟机,高手们是如何做到的
  • python相对路径怎么写_Python代码写的丑怎么办?试试这几款神器!
  • java商品管理txt_Java 异常处理的六个建议
  • python里input是什么意思_Tensorflow:标签中的“input”和“input”是什么意思_图像.py在tensorflow示例中...
  • 分享的文章《人生如棋》
  • 2017届校招提前批面试回顾
  • AzureCon上微软宣布了哪些容器相关的重磅消息
  • IndexedDB
  • JavaScript学习总结——原型
  • jquery cookie
  • magento2项目上线注意事项
  • seaborn 安装成功 + ImportError: DLL load failed: 找不到指定的模块 问题解决
  • Selenium实战教程系列(二)---元素定位
  • tab.js分享及浏览器兼容性问题汇总
  • 测试如何在敏捷团队中工作?
  • 短视频宝贝=慢?阿里巴巴工程师这样秒开短视频
  • 吐槽Javascript系列二:数组中的splice和slice方法
  • Hibernate主键生成策略及选择
  • ​如何使用ArcGIS Pro制作渐变河流效果
  • ​直流电和交流电有什么区别为什么这个时候又要变成直流电呢?交流转换到直流(整流器)直流变交流(逆变器)​
  • (1)(1.8) MSP(MultiWii 串行协议)(4.1 版)
  • (16)UiBot:智能化软件机器人(以头歌抓取课程数据为例)
  • (LNMP) How To Install Linux, nginx, MySQL, PHP
  • (第9篇)大数据的的超级应用——数据挖掘-推荐系统
  • (附源码)php新闻发布平台 毕业设计 141646
  • (附源码)ssm高校志愿者服务系统 毕业设计 011648
  • (附源码)计算机毕业设计SSM保险客户管理系统
  • (机器学习的矩阵)(向量、矩阵与多元线性回归)
  • (牛客腾讯思维编程题)编码编码分组打印下标题目分析
  • (三)终结任务
  • (四)Linux Shell编程——输入输出重定向
  • (一)VirtualBox安装增强功能
  • (源码版)2024美国大学生数学建模E题财产保险的可持续模型详解思路+具体代码季节性时序预测SARIMA天气预测建模
  • (转)jQuery 基础
  • (转)Sublime Text3配置Lua运行环境
  • (转)一些感悟
  • ./include/caffe/util/cudnn.hpp: In function ‘const char* cudnnGetErrorString(cudnnStatus_t)’: ./incl
  • .describe() python_Python-Win32com-Excel
  • .NET Core 控制台程序读 appsettings.json 、注依赖、配日志、设 IOptions
  • .NET gRPC 和RESTful简单对比
  • .NET 反射的使用
  • .net 托管代码与非托管代码
  • .Net 知识杂记
  • .NET/MSBuild 中的发布路径在哪里呢?如何在扩展编译的时候修改发布路径中的文件呢?