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

电商购物网站m3u8插件 wordpress

电商购物网站,m3u8插件 wordpress,凡科建站提示网站建设中,湛江seo推广公司一、FastSAM 在自然语言处理领域有 ChatGPT 通用大语言模型系列#xff0c;但是在图像领域好像一直没有通用领域模型#xff0c;但MetaAI 提出能够 分割一切 的视觉基础大模型 SAM 可以做到很好的分割效果#xff0c;并且不限于场景、不限于目标#xff0c;为探索视觉大模…一、FastSAM 在自然语言处理领域有 ChatGPT 通用大语言模型系列但是在图像领域好像一直没有通用领域模型但MetaAI 提出能够 分割一切 的视觉基础大模型 SAM 可以做到很好的分割效果并且不限于场景、不限于目标为探索视觉大模型提供了一个新的方向可以说是视觉领域通用大模型。而 FastSAM 为该任务提供了一套实时的解决方案进一步推动了分割一切模型的实际应用和发展。 FastSAM 基于YOLOv8-seg是一个配备了实例分割分支的对象检测器它利用了YOLACT 方法。作者还采用了由SAM发布的广泛的SA-1B数据集。通过直接在仅2%1/50的SA-1B数据集上训练这个CNN检测器它实现了与SAM相当的性能但大大减少了计算和资源需求从而实现了实时应用。作者还将其应用于多个下游分割任务以显示其泛化性能。在MS COCO的对象检测任务上在AR1000上实现了63.7比32×32点提示输入的SAM高1.2分在NVIDIA RTX 3090上运行速度快50倍。 FastSAM 同样实现了 SAM 的各种提示来分割感兴趣的特定对象。包括点提示、框提示和文本提示通过这种提示的方式进一步促进了通用领域模型的应用 论文地址https://arxiv.org/pdf/2306.12156.pdf代码地址https://github.com/CASIA-IVA-Lab/FastSAMweb demohttps://huggingface.co/spaces/An-619/FastSAM FastSAM VS SAM 运行速度 内存使用 更多介绍大家可以关注官方论文和 GitHub。 二、FastSAM 使用 拉取官方代码 git clone https://github.com/CASIA-IVA-Lab/FastSAM.git下载相关依赖 pip install --trusted-host mirrors.tuna.tsinghua.edu.cn -r requirements.txt -i https://mirrors.tuna.tsinghua.edu.cn/pypi/web/simple/还需要 openai-clip 依赖 pip install openai-clip1.0.1 -i https://pypi.tuna.tsinghua.edu.cn/simple下载 FastSAM 模型权重其中 FastSAM_S 是轻量级的实现模型更小运算速度更快 FastSAM_X : https://drive.google.com/file/d/1m1sjY4ihXBU1fZXdQ-Xdj-mDltW-2Rqv/view FastSAM_S: https://drive.google.com/file/d/10XmSj6mmpmRb8NhXbtiuO9cTTBwR_9SV/view 将下载的模型放到项目的weights目录下 使用下面官方图像进行测试 1. 分割一切 FastSAM 会将一切他认为可以分割的东西进行分割 from fastsam import FastSAM, FastSAMPrompt import matplotlib.pyplot as pltdef main():# 加载模型model FastSAM(./weights/FastSAM_X.pt)# 图像地址IMAGE_PATH ./images/dogs.jpg# 指定设备DEVICE cpueverything_results model(IMAGE_PATH, devicecpu, retina_masksTrue, imgsz1024, conf0.4, iou0.9,)prompt_process FastSAMPrompt(IMAGE_PATH, everything_results, deviceDEVICE)# everything promptann prompt_process.everything_prompt()output_img prompt_process.plot_to_result(annotationsann)plt.imshow(output_img)plt.show()if __name__ __main__:main()输出效果 2. bbox prompts 根据给定一个左上角和一下右下角所形成一个矩形框对该框中的目标进行分割 例如框出黑色狗的区域 from fastsam import FastSAM, FastSAMPrompt import matplotlib.pyplot as plt import matplotlib.patches as patchesdef main():# 加载模型model FastSAM(./weights/FastSAM_X.pt)# 图像地址IMAGE_PATH ./images/dogs.jpg# 指定设备DEVICE cpueverything_results model(IMAGE_PATH, devicecpu, retina_masksTrue, imgsz1024, conf0.4, iou0.9, )prompt_process FastSAMPrompt(IMAGE_PATH, everything_results, deviceDEVICE)# 目标框bbox [578, 230, 776, 589]# bbox default shape [0,0,0,0] - [x1,y1,x2,y2]ann prompt_process.box_prompt(bboxes[bbox])output_img prompt_process.plot_to_result(annotationsann)fig, ax plt.subplots()ax.imshow(output_img)rectangle patches.Rectangle((bbox[0],bbox[1]), (bbox[2]-bbox[0]), (bbox[3]-bbox[1]), linewidth1, edgecolorb, facecolornone)ax.add_patch(rectangle)plt.show()if __name__ __main__:main() 3. Point prompt 根据给定目标区域中某个点的形式分割出该目标。 例如给出黑色狗身上的点 from fastsam import FastSAM, FastSAMPrompt import matplotlib.pyplot as plt import matplotlib.patches as patchesdef main():# 加载模型model FastSAM(./weights/FastSAM_X.pt)# 图像地址IMAGE_PATH ./images/dogs.jpg# 指定设备DEVICE cpueverything_results model(IMAGE_PATH, devicecpu, retina_masksTrue, imgsz1024, conf0.4, iou0.9, )prompt_process FastSAMPrompt(IMAGE_PATH, everything_results, deviceDEVICE)point [661, 380]pointlabel 1# point prompt# points default [[0,0]] [[x1,y1],[x2,y2]]# point_label default [0] [1,0] 0:background, 1:foregroundann prompt_process.point_prompt(points[point], pointlabel[pointlabel])output_img prompt_process.plot_to_result(annotationsann)fig, ax plt.subplots()ax.imshow(output_img)ax.scatter(point[0], point[1], colorr, markero, labelPoints)plt.show()if __name__ __main__:main() 4. Text prompt 根据文本提示的方式分割出目标目前仅限英语提示 例如分割出黑色的狗the black dog from fastsam import FastSAM, FastSAMPrompt import matplotlib.pyplot as pltdef main():# 加载模型model FastSAM(./weights/FastSAM_X.pt)# 图像地址IMAGE_PATH ./images/dogs.jpg# 指定设备DEVICE cpueverything_results model(IMAGE_PATH, devicecpu, retina_masksTrue, imgsz1024, conf0.4, iou0.9,)prompt_process FastSAMPrompt(IMAGE_PATH, everything_results, deviceDEVICE)# text promptann prompt_process.text_prompt(textthe black dog)output_img prompt_process.plot_to_result(annotationsann)plt.imshow(output_img)plt.show()if __name__ __main__:main()三、结合目标检测进行实例分割 以目标检测模型的 bboxs 作为提示给到 FastSAM 分割其中的目标 import os import torch from torchvision.models.detection import fasterrcnn_resnet50_fpn_v2 from torchvision.transforms import functional as F from PIL import Image, ImageDraw, ImageFont from torchvision.ops import nms from fastsam import FastSAM, FastSAMPrompt import matplotlib.pyplot as plt import numpy as np import random# COCO 目标分类 COCO_INSTANCE_CATEGORY_NAMES [__background__, person, bicycle, car, motorcycle,airplane, bus, train, truck, boat, traffic light,fire hydrant, N/A, stop sign, parking meter, bench,bird, cat, dog, horse, sheep, cow, elephant,bear, zebra, giraffe, N/A, backpack, umbrella, N/A,N/A, handbag, tie, suitcase, frisbee, skis, snowboard,surfboard, tennis racket, bottle, N/A, wine glass,cup, fork, knife, spoon, bowl, banana, apple,sandwich, orange, broccoli, carrot, hot dog, pizza,donut, cake, chair, couch, potted plant, bed, N/A,dining table, N/A, N/A, toilet, N/A, tv, laptop,mouse, remote, keyboard, cell phone, microwave, oven,toaster, sink, refrigerator, N/A, book, clock,vase, scissors, teddy bear, hair drier, toothbrush ]# 目标检测 def object_detection(image, model, iou_threshold0.5, threshold0.8):# 对图像进行预处理image_tensor F.to_tensor(image)# 增加 batch 维度image_tensor image_tensor.unsqueeze(0)# 获取预测结果with torch.no_grad():predictions model(image_tensor)# 提取预测的边界框、类别和分数boxes predictions[0][boxes].cpu().numpy()labels predictions[0][labels].cpu().numpy()scores predictions[0][scores].cpu().numpy()# 非极大值抑制keep nms(torch.tensor(boxes), torch.tensor(scores), iou_thresholdiou_threshold)# 保留NMS后的结果boxes boxes[keep]labels labels[keep]scores scores[keep]# 过滤掉低置信度的预测results []bboxs []for box, label, score in zip(boxes, labels, scores):if score threshold:box [round(coord, 2) for coord in box]classify COCO_INSTANCE_CATEGORY_NAMES[label]score round(score, 2)results.append({box: box,classify: classify,score: score,})bboxs.append(box)return results, bboxs# 目标分割 def sam(image, model, bboxes, devicecpu, retina_masksTrue, imgsz1024, conf0.4, iou0.9):everything_results model(image, devicedevice, retina_masksretina_masks, imgszimgsz, confconf, iouiou)prompt_process FastSAMPrompt(image, everything_results, devicedevice)ann prompt_process.box_prompt(bboxesbboxes)return prompt_process.plot_to_result(annotationsann)# 生成随机颜色 def generate_random_color():# 生成深色随机颜色r random.randint(128, 255)g random.randint(120, 180)b random.randint(50, 125)return (r, g, b)def main():# 图像目录位置image_path ./img# sam 模型位置sam_model_path ./weights/FastSAM_X.pt# 加载 FastSAM 模型sam_model FastSAM(sam_model_path)# 加载预训练的 Faster R-CNN 模型object_detection_model fasterrcnn_resnet50_fpn_v2(pretrainedTrue)object_detection_model.eval()# 字体font ImageFont.truetype(arial.ttf, 20)for image_name in os.listdir(image_path):# 加载图像image Image.open(os.path.join(image_path, image_name))# 目标检测results, bboxs object_detection(image, object_detection_model)if (len(results) 0):continue# 目标分割sam_image sam(image, sam_model, bboxs)# 可视化结果sam_image Image.fromarray(sam_image)draw ImageDraw.Draw(sam_image)for item in results:box item[box]classify item[classify]score item[score]draw.rectangle(box, outlinegenerate_random_color(), width2)draw.text((box[0], box[1]), f{classify} ({score}), fillred, fontfont)plt.figure()plt.subplot(1, 2, 1)plt.imshow(image)plt.subplot(1, 2, 2)plt.imshow(sam_image)plt.show()if __name__ __main__:main()运行示例
http://www.zqtcl.cn/news/549366/

相关文章:

  • 中小型网站建设的基本流程简约网站欣赏
  • 设备上哪个网站做外贸推广网络服务类型及其所采用的网络协议
  • 学习前端开发的网站动漫设计属于什么大类
  • 十堰秦楚网 十堰新闻门户网站报修网站模板
  • 家居小程序源码下载自动seo系统
  • 动态效果的网站建设技术老闵行是指哪里
  • 电商网站开发面临的技术问题做闪图的网站
  • 怎么查看网站开发语言的类型东莞哪些地方是风险区
  • 不用购买域名做网站广州网站建设培训学校
  • 城市轨道建设规范下载网站古网站典模板
  • 关于实验室建设的英文网站深圳企业网站制作公司怎样
  • wordpress全站背景音乐中山网站搜索排名
  • 搭建网站的过程透明主题wordpress
  • 丰台网站建设公司电话深圳微信商城网站设计公司
  • 做淘宝要用的网站吗上海微信网站
  • 佛山高端网站制作公司wordpress 发送邮件插件
  • 类似站酷的设计类网站网站建设需要待摊吗
  • 用php做视频网站在学做网站还不知道买什么好
  • wordpress培训类网站网站建设 好
  • 网站开发需要2个月吗网站建设案例精粹
  • 网站建设项目职责营销型网站建设五大内容
  • 建设工程监理招标网站W做网站
  • 网站建设与维护教学课件网站上线前做环境部署
  • 信誉好的网站建设做网站成为首富的外国人
  • 常州网站制作市场湖北省荆门市城乡建设网站
  • 泉州网站制作运营商专业北京软件公司招聘信息查询
  • 车床加工东莞网站建设网站建设教学改进
  • 深圳专业做网站建设西安网站建设有限公司
  • wordpress 一键建站wordpress子主题style
  • 昆明设计网站怎么做网络广告