我的编程空间,编程开发者的网络收藏夹
学习永远不晚

Python中怎么实现实时目标检测

短信预约 -IT技能 免费直播动态提醒
省份

北京

  • 北京
  • 上海
  • 天津
  • 重庆
  • 河北
  • 山东
  • 辽宁
  • 黑龙江
  • 吉林
  • 甘肃
  • 青海
  • 河南
  • 江苏
  • 湖北
  • 湖南
  • 江西
  • 浙江
  • 广东
  • 云南
  • 福建
  • 海南
  • 山西
  • 四川
  • 陕西
  • 贵州
  • 安徽
  • 广西
  • 内蒙
  • 西藏
  • 新疆
  • 宁夏
  • 兵团
手机号立即预约

请填写图片验证码后获取短信验证码

看不清楚,换张图片

免费获取短信验证码

Python中怎么实现实时目标检测

今天就跟大家聊聊有关Python中怎么实现实时目标检测,可能很多人都不太了解,为了让大家更加了解,小编给大家总结了以下内容,希望大家根据这篇文章可以有所收获。

1. 设置要求:

  • TensorFlow版本在1.15.0或以上

  • 执行pip install TensorFlow安装最新版本

一切就绪,现在开始吧!

2. 设置环境

从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文件。

Python中怎么实现实时目标检测

来源:Pexels

编辑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

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

Python中怎么实现实时目标检测

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

[1]:

import numpy as np import os import six.moves.urllib as urllib import sys import tarfile import tensorflow as tf import zipfile from distutils.version import StrictVersion from collections import defaultdict from io import StringIO from matplotlib import pyplot as plt from PIL import Image # This isneeded since the notebook is stored in the object_detection folder. sys.path.append("..") from utils import ops as utils_ops if 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_util from 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]:

#DownloadModel opener =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 fine category_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 tensors             ops= 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 image                 detection_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 batchdimension                 tensor_dict[ detection_masks ] =tf.expand_dims(                                     detection_masks_reframed,0)             image_tensor= tf.get_default_graph().get_tensor_by_name( image_tensor:0 )             # Run inference             output_dict= sess.run(tensor_dict, feed_dict={image_tensor: image})             # all outputs are float32 numpy arrays, so convert typesas appropriate             output_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 cv2 cam =cv2.cv2.VideoCapture(0) rolling = True while (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 ):         break         cv2.destroyAllWindows()         cam.release()

看完上述内容,你们对Python中怎么实现实时目标检测有进一步的了解吗?如果还想了解更多知识或者相关内容,请关注编程网行业资讯频道,感谢大家的支持。

免责声明:

① 本站未注明“稿件来源”的信息均来自网络整理。其文字、图片和音视频稿件的所属权归原作者所有。本站收集整理出于非商业性的教育和科研之目的,并不意味着本站赞同其观点或证实其内容的真实性。仅作为临时的测试数据,供内部测试之用。本站并未授权任何人以任何方式主动获取本站任何信息。

② 本站未注明“稿件来源”的临时测试数据将在测试完成后最终做删除处理。有问题或投稿请发送至: 邮箱/279061341@qq.com QQ/279061341

Python中怎么实现实时目标检测

下载Word文档到电脑,方便收藏和打印~

下载Word文档

猜你喜欢

Python中怎么实现实时目标检测

今天就跟大家聊聊有关Python中怎么实现实时目标检测,可能很多人都不太了解,为了让大家更加了解,小编给大家总结了以下内容,希望大家根据这篇文章可以有所收获。1. 设置要求:TensorFlow版本在1.15.0或以上执行pip insta
2023-06-16

opencv-python+yolov3怎么实现目标检测

这篇文章给大家分享的是有关opencv-python+yolov3怎么实现目标检测的内容。小编觉得挺实用的,因此分享给大家做个参考,一起跟随小编过来看看吧。目标检测概况目标检测是?目标检测,粗略来说就是:输入图片/视频,经过处理,得到:目标
2023-06-15

怎么用YOLOv5实现多路摄像头实时目标检测功能

这篇文章将为大家详细讲解有关怎么用YOLOv5实现多路摄像头实时目标检测功能,小编觉得挺实用的,因此分享给大家做个参考,希望大家阅读完这篇文章后可以有所收获。前言YOLOV5模型从发布到现在都是炙手可热的目标检测模型,被广泛运用于各大场景之
2023-06-29

用PaddlePaddle实现目标检测任务

PaddlePaddle是一个深度学习框架,可以用于实现目标检测任务。下面是一个使用PaddlePaddle实现目标检测任务的示例代码:```pythonimport paddleimport paddle.fluid as fluid#
2023-09-20

python实时目标跟踪怎么实现

这篇“python实时目标跟踪怎么实现”文章的知识点大部分人都不太理解,所以小编给大家总结了以下内容,内容详细,步骤清晰,具有一定的借鉴价值,希望大家阅读完这篇文章能有所收获,下面我们一起来看看这篇“python实时目标跟踪怎么实现”文章吧
2023-07-05

Python中怎么实现异常检测

Python中怎么实现异常检测,针对这个问题,这篇文章详细介绍了相对应的分析和解答,希望可以帮助更多想解决这个问题的小伙伴找到更简单易行的方法。公式和过程与我之前解释过的其他机器学习算法相比,这要简单得多。该算法将使用均值和方差来计算每个训
2023-06-16

Python中怎么实现人脸检测

Python中怎么实现人脸检测,很多新手对此不是很清楚,为了帮助大家解决这个难题,下面小编将为大家详细讲解,有这方面需求的人可以来学习下,希望你能有所收获。首先需要安装这些包,以Ubuntu为例:$ sudo apt-get install
2023-06-17

怎么在html5中实现input输入实时检测

这期内容当中小编将会给大家带来有关怎么在html5中实现input输入实时检测,文章内容丰富且以专业的角度为大家分析和叙述,阅读完这篇文章希望大家可以有所收获。第一想法是input 上的onchange()方法,试了一下,不好用,是值等更改
2023-06-09

C++ OpenCV标记点检测怎么实现

这篇文章主要介绍“C++ OpenCV标记点检测怎么实现”的相关知识,小编通过实际案例向大家展示操作过程,操作方法简单快捷,实用性强,希望这篇“C++ OpenCV标记点检测怎么实现”文章能帮助大家解决问题。效果如下:1.导入原图:2.截取
2023-06-29

编程热搜

  • Python 学习之路 - Python
    一、安装Python34Windows在Python官网(https://www.python.org/downloads/)下载安装包并安装。Python的默认安装路径是:C:\Python34配置环境变量:【右键计算机】--》【属性】-
    Python 学习之路 - Python
  • chatgpt的中文全称是什么
    chatgpt的中文全称是生成型预训练变换模型。ChatGPT是什么ChatGPT是美国人工智能研究实验室OpenAI开发的一种全新聊天机器人模型,它能够通过学习和理解人类的语言来进行对话,还能根据聊天的上下文进行互动,并协助人类完成一系列
    chatgpt的中文全称是什么
  • C/C++中extern函数使用详解
  • C/C++可变参数的使用
    可变参数的使用方法远远不止以下几种,不过在C,C++中使用可变参数时要小心,在使用printf()等函数时传入的参数个数一定不能比前面的格式化字符串中的’%’符号个数少,否则会产生访问越界,运气不好的话还会导致程序崩溃
    C/C++可变参数的使用
  • css样式文件该放在哪里
  • php中数组下标必须是连续的吗
  • Python 3 教程
    Python 3 教程 Python 的 3.0 版本,常被称为 Python 3000,或简称 Py3k。相对于 Python 的早期版本,这是一个较大的升级。为了不带入过多的累赘,Python 3.0 在设计的时候没有考虑向下兼容。 Python
    Python 3 教程
  • Python pip包管理
    一、前言    在Python中, 安装第三方模块是通过 setuptools 这个工具完成的。 Python有两个封装了 setuptools的包管理工具: easy_install  和  pip , 目前官方推荐使用 pip。    
    Python pip包管理
  • ubuntu如何重新编译内核
  • 改善Java代码之慎用java动态编译

目录