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

淄博市网站建设_网站建设公司_后端工程师_seo优化

网站开发名词解释,深圳光明区住房和建设局官网,asp 网站开发,网站建设销售岗位职责全文共6821字#xff0c;预计学习时长20分钟 来源#xff1a;Pexels 从自动驾驶汽车检测路上的物体#xff0c;到通过复杂的面部及身体语言识别发现可能的犯罪活动。多年来#xff0c;研究人员一直在探索让机器通过视觉识别物体的可能性。 这一特殊领域被称为计算机视觉 (C…全文共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) iffrozen_inference_graph.pbin 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_nameTrue) [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) ifdetection_masksin 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] ifdetection_masksin 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, axis0) # 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_masksoutput_dict.get(detection_masks), use_normalized_coordinatesTrue, line_thickness8) 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学习与发展的干货 编译组蔡思齐、孙梦琪 如需转载请后台留言遵守转载规范
http://www.ihoyoo.com/news/70283.html

相关文章:

  • 织梦网站后台空白网站建设与设计摘要
  • 天津做网站哪个公司好精品电商网站建设
  • 企业营销型网站建设方案网站托管做的好的公司
  • 织梦手机端网站字体重叠公司核准名称网站
  • 淘宝客怎样做网站wordpress主题首页文件
  • 中国菲律宾南海大连网站流量优化定制
  • 网站关键词越多越好吗linux wordpress 301
  • 用react做的网站上传网站维护建设岗位职责
  • 上海网站seo公司linux安装wordpress无法访问
  • 网站建设 浏览器兼容类似qq空间的网站模板
  • 青岛做网站那家好品牌策略的7种类型
  • 正定网站制作网站备案地址不是我的地址怎么办
  • 怎么样做深网的网站WordPress主题开发核心知识
  • 进入网站后台管理系统wordpress会员查看
  • 网站做外链软件wordpress写作插件
  • 成品网站建站空间百度首页排名优化价格
  • 门户网站建设总结todoist wordpress
  • 想把书放到二手网站如何做创作服务平台
  • 济南网站建设公司哪家好一点交换友情链接的要求有
  • 怎么让自己的网站通过域名访问不了国内知名公关公司
  • 哪些网站可以做代理网站做专业团队
  • 宁德市房价衡水seo培训
  • 京东网上购物官方网站什么是响应式布局
  • 网站建设的目的及功能定位是啥网站开发jsp需要什么jar包
  • 建设网站的叫什么职位福州seo关键字推广
  • 主题教育网站建立wordpress 5.1后台打开慢
  • 精品网站建设费用 c磐石网络重庆市建设工程信息网安全监督安管人员查询
  • 网站备案要多久做网站需要什么软件教程
  • 网站建设免费建站广州做网站一般多少钱
  • 中山建设安监站网站网站建设工作总结范文