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

来源: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文件。来源: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

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

要检测直播视频中的目标还需要一些微调。在同一文件夹中新建一个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()

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

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

留言 点赞 关注

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

编译组:蔡思齐、孙梦琪

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

python目标检测答案_入门指南:用Python实现实时目标检测(内附代码)相关推荐

  1. python高级语言程序设计答案_高级语言程序设计(Python)_MOOC章节测试答案

    高级语言程序设计(Python)_MOOC章节测试答案 更多相关问题 移动购物的优势包括().A.节省了社会资源和成本B.深受消费者喜爱C.便捷性D.随时随地E.有较好的 网络防火墙技术是一种用来加强 ...

  2. python数值运算答案_笨方法学Python 习题3:数字和数学计算

    数字和数学计算 print("I will now count my chickens") print("Hens",25+30/6) print(" ...

  3. python知道章节答案_智慧树知道Python数据分析与数据可视化答案,章节期末教程考试网课答案...

    人物雕塑有头像.胸像.半身像和()之分.[2012年真题]A.浮雕头像B.半身带手像C.圆雕头像D.全身 长期或频繁地()架空线路或其他带电体作业时,应采取隔离防护措施.A.靠近B.远离C.接触 权责 ...

  4. python高级语言程序设计答案_高级语言程序设计(Python)中国大学慕课查询答案...

    唐朝对大案.疑案常由大理寺.刑部和御史台会同审理,称()A.会审B.三司会审C.小三司D.三司推事 宋代法律效力高于律的法律形式是()A.敕B.令C.格D.式 压力的国际标准单位是mmHg柱. () ...

  5. 【OpenCV入门指南】第五篇轮廓检测 下

    上一篇<[OpenCV入门指南]第五篇轮廓检测上>介绍了cvFindContours函数和cvDrawContours函数,并作了一个简单的使用示范.本篇将展示一个实例,让大家对轮廓检测有 ...

  6. 【OpenCV入门指南】第五篇 轮廓检测 上

    <[OpenCV入门指南]第三篇Canny边缘检测>中介绍了边缘检测,本篇介绍轮廓检测,轮廓检测的原理通俗的说就是掏空内部点,比如原图中有3*3的矩形点.那么就可以将中间的那一点去掉. 在 ...

  7. python国内书籍推荐_这些都是Python官方推荐的最好的书籍

    转行学Python有前途吗?这个答案是肯定的,AI课程都已经进入小学教材了,未来Python趋势无疑是光明的,但是如何学习Python,很多Python小白都来问小编有什么适合的Python入门书籍推 ...

  8. 我用Python爬取了难下载的电子教材(内附代码)

    我用Python爬取了难下载的电子教材(内附代码) 第一次在CSDN上面分享经历,有点激动.本大二狗最近这段时间去不了学校又想看教材,不巧学习通上面的部分内容老师设置了不可下载啊.好在最近学习了一点P ...

  9. 用verilog实现检测1的个数_入门指南:用Python实现实时目标检测(内附代码)

    全文共6821字,预计学习时长20分钟 来源:Pexels 从自动驾驶汽车检测路上的物体,到通过复杂的面部及身体语言识别发现可能的犯罪活动.多年来,研究人员一直在探索让机器通过视觉识别物体的可能性. ...

最新文章

  1. oracle显示多表数据,Oracle DB 使用连接显示多个表中的数据
  2. python日历提醒_Python之时间:calender模块(日历)
  3. 【找实习啊找实习(一)】
  4. php utf8 html字符,PHP:utf-8编码,htmlentities给出了奇怪的结果
  5. xp下安装redmine 2.4.3
  6. html5大赛是什么,IE9开发大赛为HTML5打了一针兴奋剂
  7. phpcms文件夹plugin调用怎么写路径 - 代码篇
  8. Github查看文件历史提交和修改记录
  9. python导入data数据_python实现从wind导入数据
  10. Alpha冲刺 (2/10)
  11. win10本地策略组脚本
  12. 2018.05.11 种花小游戏
  13. ceph rbd扩容
  14. CAJ如何在线免费转换成可编辑的Word
  15. Google hacking介绍
  16. 同步四进制加减法可逆计数器设计(D触发器+74153)
  17. Go Web 编程 PDF
  18. 2021-09-10 网安实验-XCTF真题实战之密码学
  19. 手机短信删除了怎么恢复?简单方法推荐
  20. 算法 时间复杂度概念及案例

热门文章

  1. FoolWeb 各层代码实例
  2. POJ 2255/递归:前序中序求后序
  3. 设计模式——Decorator 装饰模式
  4. Leetcode--94. 二叉树的中序遍历(迭代递归)
  5. 配置信息的优化,类型转换器
  6. python童年_300行Python代码实现俄罗斯方块,致敬逝去的童年
  7. rpc协议微服务器,RPC协议及实现方式(分布式微服务治理的核心)
  8. 线性运算和非线性运算
  9. Android之ActionBar
  10. 王爽 汇编语言第三版 第8章( 寻址方式 ) --- 数据处理的两个问题