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

vue做响应式网站wordpress 列表函数

vue做响应式网站,wordpress 列表函数,企业营销型网站策划,舞蹈网站建设报价文章目录 一. sagment-anything官方例程说明1. 结果显示函数说明2. SamAutomaticMaskGenerator对象(1) SamAutomaticMaskGenerator初始化参数 3. SamPredictor对象(1) 初始化参数(2) set_image()(3) predict() 二. SamPredictor流程说明1. 导入所需要的库2. 读取图像3. 加载模型… 文章目录 一. sagment-anything官方例程说明1. 结果显示函数说明2. SamAutomaticMaskGenerator对象(1) SamAutomaticMaskGenerator初始化参数 3. SamPredictor对象(1) 初始化参数(2) set_image()(3) predict() 二. SamPredictor流程说明1. 导入所需要的库2. 读取图像3. 加载模型4. 生成预测对象5. 设置要检测的图像6. 根据不同输入需求对图像进行掩膜预测(1) 根据输入一个点输出对于这个点的三个不同置信度的掩膜(2) 通过多个点获取一个对象的掩膜(3) 通过设置反向点反选掩膜(4) boxes输入生成掩膜(5) 同时输入点与boxes生成掩膜(6) 多个输入输出不同预测结果 三. SamAutomaticMaskGenerator预测流程1. 导入所需要的库2. 读取图像3. 加载模型4. 生成预测对象5. 设置要检测的图像6. 给分割出来的物体上色显示分割效果 四. SamAutomaticMaskGenerator不同参数下的检测效果1. points_per_side参数测试2. pred_iou_thresh参数测试3. stability_score_thresh参数测试4. box_nms_thresh参数测试5. crop_nms_thresh参数测试 一. sagment-anything官方例程说明 1. 结果显示函数说明 def show_anns(anns):if len(anns) 0:returnsorted_anns sorted(anns, key(lambda x: x[area]), reverseTrue)ax plt.gca()ax.set_autoscale_on(False)img np.ones((sorted_anns[0][segmentation].shape[0], sorted_anns[0][segmentation].shape[1], 4))img[:,:,3] 0for ann in sorted_anns:m ann[segmentation]color_mask np.concatenate([np.random.random(3), [0.35]])img[m] color_maskax.imshow(img)2. SamAutomaticMaskGenerator对象 (1) SamAutomaticMaskGenerator初始化参数 model (Sam): 用于掩模预测的Sam模型。points_per_side (int or None): 沿图像一侧要采样的点的数量。总点数为points_per_side 2 ^2 2。如果为None则point_grids必须提供显式点采样。默认为32points_per_batch (int): 设置模型同时检测的点数。更高的数字可能更快但使用更多的GPU内存。默认为64pred_iou_thresh (float): [0,1]中的滤波阈值使用模型的预测掩码质量。默认值为0.88stability_score_thresh (float): [0,1]中的滤波阈值使用掩码在截断值变化下的稳定性用于对模型的掩码预测进行二值化。默认值为0.95stability_score_offset (float): 计算稳定性分数时偏移截止值的量。默认值为1.0box_nms_thresh (float): 非最大抑制用于过滤重复掩码的框IoU截止。默认值为0.7crop_n_layers (int): 如果0将对图像的裁剪再次运行掩膜预测。设置要运行的层数其中每层具有2*i_layer数量的图像裁剪。默认值为0crop_nms_thresh (float): 非最大抑制用于过滤不同物体之间的重复掩码的框IoU截止。默认值为0.7crop_overlap_ratio (float): 设置物体重叠的程度。在第一个裁剪层中裁剪将重叠图像长度的这一部分。物体较多的后几层会缩小这种重叠。默认值为512 / 1500crop_n_points_downscale_factor (int): 在层n中采样的每侧的点数按比例缩小crop_n_points_downscale_factor n ^n n。默认值为1point_grids (list(np.ndarray) or None): 用于采样的点的显式网格上的列表归一化为[0,1]。列表中的第n个栅格用于第n个裁剪层。与points_per_side独占。默认值为Nonemin_mask_region_area (int): 如果0将应用后处理来移除面积小于min_mask_region_area的掩膜来中断开连接的区域和孔。需要opencv。默认为0output_mode (str): 表单掩码在中返回。可以是binary_mask、uncompressed_rle或coco_rle coco_rle需要pycocotools。对于大分辨率binary_mask可能会消耗大量内存。默认为binary_mask “” 3. SamPredictor对象 (1) 初始化参数 model (Sam): 用于掩模预测的Sam模型。 (2) set_image() 说明设置检测的图像 参数imagenp.ndarray用于计算掩码的图像。应为HWC uint8格式的图像像素值为[0,255]。image_formatstr图像的颜色格式以RGB、BGR为单位。(3) predict() 说明使用当前设置的图像预测给定输入提示的掩码。 参数point_coordsnp.ndarray或None存放指向图像中物体的点的Nx2数组。每个点都以像素为单位XY。point_labelsnp.ndarray或None点提示的长度为N的标签阵列。1表示前景点0表示背景点。boxnp.ndarray或None长度为4的数组以XYXY格式向模型提供长方体提示。mask_inputnp.ndarray输入到模型的低分辨率掩码通常来自先前的预测迭代。形式为1xHxW其中对于SAMHW256。multimask_outputbool如果为true则模型将返回三个掩码。对于不明确的输入提示如单击这通常会产生比单个预测更好的掩码。如果只需要单个遮罩则可以使用模型的预测质量分数来选择最佳遮罩。对于非模糊提示例如多个输入提示multimask_outputFalse可以提供更好的结果。return_logitsbool如果为true则返回未阈值掩码logits而不是二进制掩码。 返回值np.ndarrayCxHxW格式的输出掩码其中C是掩码的数量HW是原始图像大小。np.ndarray长度为C的数组包含模型对每个掩码质量的预测。np.ndarray形状为CxHxW的数组其中C是掩码的数量HW256。这些低分辨率logits可以作为掩码输入传递给后续迭代。二. SamPredictor流程说明 1. 导入所需要的库 import numpy as np import torch import matplotlib.pyplot as plt import cv2 import sys from segment_anything import sam_model_registry, SamAutomaticMaskGenerator, SamPredictor2. 读取图像 image cv2.imread(images/dog.jpg) image cv2.cvtColor(image, cv2.COLOR_BGR2RGB)plt.figure(figsize(20,20)) plt.imshow(image) plt.axis(off) plt.show()3. 加载模型 sam_checkpoint sam_vit_h_4b8939.pth # 模型文件所在路径 model_type vit_h # 模型的类型 device cuda # 运行模型的设备sam sam_model_registry[model_type](checkpointsam_checkpoint) # 注册模型 sam.to(devicedevice)4. 生成预测对象 mask_predictor SamPredictor(sam) # 生成sam预测对象5. 设置要检测的图像 predictor.set_image(image)6. 根据不同输入需求对图像进行掩膜预测 (1) 根据输入一个点输出对于这个点的三个不同置信度的掩膜 input_point np.array([[250, 187]]) input_label np.array([1])# 在multimask_outputTrue默认设置的情况下SAM输出3个掩码其中“scores”给出了模型对这些掩码质量的估计。 masks, scores, logits predictor.predict(point_coordsinput_point, point_labelsinput_label, multimask_outputTrue,)for i, (mask, score) in enumerate(zip(masks, scores)):plt.figure(figsize(10,10))plt.imshow(image)show_mask(mask, plt.gca())show_points(input_point, input_label, plt.gca())plt.title(fMask {i1}, Score: {score:.3f}, fontsize18)plt.axis(off)plt.show()(2) 通过多个点获取一个对象的掩膜 # 通过多个点获取一个对象的掩膜 input_point np.array([[237, 244], [273, 259]]) input_label np.array([1, 1]) # 把两个点的标签都设置为1代表两个点为同一个目标物所有 masks, _, _ predictor.predict(point_coordsinput_point, point_labelsinput_label, multimask_outputFalse)plt.figure(figsize(10,10)) plt.imshow(image) show_mask(masks, plt.gca()) show_points(input_point, input_label, plt.gca()) plt.axis(off) plt.show()(3) 通过设置反向点反选掩膜 # 通过多个点获取一个对象的掩膜 input_point np.array([[237, 244], [319, 274]]) input_label np.array([1, 0]) # 把两个点的标签都设置为1代表两个点为同一个目标物所有 masks, _, _ predictor.predict(point_coordsinput_point, point_labelsinput_label, multimask_outputFalse)plt.figure(figsize(10,10)) plt.imshow(image) show_mask(masks, plt.gca()) show_points(input_point, input_label, plt.gca()) plt.axis(off) plt.show()(4) boxes输入生成掩膜 input_box np.array([228, 230, 280, 276])masks, _, _ predictor.predict(point_coordsNone, point_labelsNone, boxinput_box[None, :], multimask_outputFalse,) plt.figure(figsize(10, 10)) plt.imshow(image) show_mask(masks[0], plt.gca()) show_box(input_box, plt.gca()) plt.axis(off) plt.show()(5) 同时输入点与boxes生成掩膜 input_point np.array([[237, 244]]) input_label np.array([1]) input_box np.array([228, 230, 280, 276])masks, _, _ predictor.predict(point_coordsinput_point, point_labelsinput_label, boxinput_box[None, :], multimask_outputFalse,) plt.figure(figsize(10, 10)) plt.imshow(image) show_mask(masks[0], plt.gca()) show_points(input_point, input_label, plt.gca()) show_box(input_box, plt.gca()) plt.axis(off) plt.show()(6) 多个输入输出不同预测结果 SamPredictor可以使用predict_tarch方法对同一图像输入多个提示points、boxes。该方法假设输入点已经是tensor张量且boxes信息与image size相符合。例如假设我们有几个来自对象检测器的输出结果。 SamPredictor对象此外也可以使用segment_anything.utils.transforms可以将boxes信息编码为特征向量以实现对任意数量boxes的支持transformed_boxes然后预测mask。 input_boxes torch.tensor([[228, 230, 280, 276],[495, 90, 554, 125],[447, 499, 494, 548],[162, 346, 214, 390], ], devicepredictor.device) #假设这是目标检测的预测结果transformed_boxes predictor.transform.apply_boxes_torch(input_boxes, image.shape[:2])masks, _, _ predictor.predict_torch(point_coordsNone, point_labelsNone, boxestransformed_boxes, multimask_outputFalse)plt.figure(figsize(10, 10)) plt.imshow(image) for mask in masks:show_mask(mask.cpu().numpy(), plt.gca(), random_colorTrue) for box in input_boxes:show_box(box.cpu().numpy(), plt.gca()) plt.axis(off) plt.show()三. SamAutomaticMaskGenerator预测流程 1. 导入所需要的库 import numpy as np import torch import matplotlib.pyplot as plt import cv2 import sys from segment_anything import sam_model_registry, SamAutomaticMaskGenerator, SamPredictor2. 读取图像 image cv2.imread(images/dog.jpg) image cv2.cvtColor(image, cv2.COLOR_BGR2RGB)plt.figure(figsize(20,20)) plt.imshow(image) plt.axis(off) plt.show()3. 加载模型 sam_checkpoint sam_vit_h_4b8939.pth # 模型文件所在路径 model_type vit_h # 模型的类型 device cuda # 运行模型的设备sam sam_model_registry[model_type](checkpointsam_checkpoint) # 注册模型 sam.to(devicedevice)4. 生成预测对象 mask_generator SamAutomaticMaskGenerator(modelsam,points_per_side32,points_per_batch64,pred_iou_thresh0.88,stability_score_thresh0.95,stability_score_offset1.0,box_nms_thresh0.7,crop_n_layers0,crop_nms_thresh0.7,crop_overlap_ratio0.34133,crop_n_points_downscale_factor1,point_gridsNone,min_mask_region_area0,output_modebinary_mask)5. 设置要检测的图像 # 将图像送入推理对象进行推理分割,输出结果为一个列表其中存的每个字典对象内容为 # segmentation : 分割出来的物体掩膜与原图像同大小有物体的地方为1其他地方为0 # area : 物体掩膜的面积 # bbox : 掩膜的边界框(XYWH) # predicted_iou : 模型自己对掩模质量的预测 # point_coords : 生成此掩码的采样输入点 # stability_score : 掩模质量的一个附加度量 # crop_box : 用于以XYWH格式生成此遮罩的图像的裁剪 masks mask_generator.generate(image)6. 给分割出来的物体上色显示分割效果 # 给分割出来的物体上色显示分割效果 plt.figure(figsize(20, 20)) plt.imshow(image) show_anns(masks) plt.axis(off) plt.show()四. SamAutomaticMaskGenerator不同参数下的检测效果 1. points_per_side参数测试 points_per_side4检测到9个物体 points_per_side16检测到211个物体 points_per_side64检测到683个物体 points_per_side256检测到872个物体 2. pred_iou_thresh参数测试 pred_iou_thresh1 检测到1个物体 pred_iou_thresh0.95 检测到274个物体 pred_iou_thresh0.8 检测到792个物体 3. stability_score_thresh参数测试 stability_score_thresh1检测到0个物体 stability_score_thresh0.95检测到683个物体 stability_score_thresh0.95检测到764个物体 4. box_nms_thresh参数测试 box_nms_thresh1检测到4680个物体 box_nms_thresh0.7检测到683个物体 box_nms_thresh0.4检测到621个物体 box_nms_thresh0.1检测到458个物体 box_nms_thresh0检测到201个物体 5. crop_nms_thresh参数测试 crop_nms_thresh1检测到683个物体 crop_nms_thresh0.7检测到683个物体 crop_nms_thresh0.1检测到683个物体
http://www.pierceye.com/news/730971/

相关文章:

  • 个人网站制作wordpress英文注册查询网站
  • 哪里有免费网站空间申请wordpress重定向插件
  • 福州微网站开发什么样的网站快速盈利
  • 吉首市建设局官方网站一对一直播软件开发定制
  • 网站开发验收单做的网站如何被百度搜到
  • 网站的数据库是什么两学一做网站链接
  • 做窗帘网站济南网络科技公司排名
  • 广东省住房城乡建设部网站哪个网站可以做加工代理的
  • dede网站源码打包下载wordpress登不进后台
  • 建设内部网站目的国内贸易在那个网站上做
  • 用什么建设网站注册深圳公司代理
  • 网站平台建设方案书百度云资源搜索入口
  • 网站 团队博罗网站建设哪家便宜
  • wordpress列表分页枣庄seo外包
  • 知了网站后台推广形式有哪几种
  • 成品图片的网站在哪里找wordpress开启防盗链
  • 伊滨区网站建设网站建设经理
  • 权威的郑州网站建设域名租用平台
  • 造价工程师网网站点击排名优化
  • 网站关键词搜索海口网站建设优化公司
  • WordPress建影视站免费的素材网站有哪些
  • 屯留做网站哪里好阿里云服务器618
  • 网站怎么做登录模块免费的编程软件下载
  • 网站建设与管理的策划书网站建设五合一
  • 网站建设管理分工公司招聘网站有哪些
  • 分类信息网站手机版上海网站关键词优化方法
  • 建设个人网站的参考网站及文献怎么做水果网站
  • 台山住房和城乡建设 网站有赞分销
  • 网站备案 历史wordpress货币插件
  • 如何做自助搜券网站佛山顺德专业做网站