您现在的位置是:首页 > 技术教程 正文

【图像分割】Meta分割一切(SAM)模型环境配置和使用教程

admin 阅读: 2024-03-19
后台-插件-广告管理-内容页头部广告(手机)

注意:python>=3.8, pytorch>=1.7,torchvision>=0.8

Feel free to ask any question. 遇到问题欢迎评论区讨论.

官方教程:

https://github.com/facebookresearch/segment-anything

1 环境配置

1.1 安装主要库:

(1)pip:

有可能出现错误,需要配置好Git。

pip install git+https://github.com/facebookresearch/segment-anything.git

(2)本地安装:

有可能出现错误,需要配置好Git。

  1. git clone git@github.com:facebookresearch/segment-anything.git
  2. cd segment-anything; pip install -e .

(3)手动下载+手动本地安装:

 zip文件:

  1. 链接:https://pan.baidu.com/s/1dQ--kTTJab5eloKm6nMYrg
  2. 提取码:1234

解压后运行: 

  1. cd segment-anything-main
  2. pip install -e .

1.2 安装依赖库:

pip install opencv-python pycocotools matplotlib onnxruntime onnx

matplotlib 3.7.1和3.7.0可能报错

如果报错:pip install matplotlib==3.6.2

1.3 下载权重文件:

下载三个权重文件中的一个,我用的第一个。

  • default or vit_h: ViT-H SAM model.
  • vit_l: ViT-L SAM model.
  • vit_b: ViT-B SAM model.

 如果下载过慢:

  1. 链接:https://pan.baidu.com/s/11wZUcjYWNL6kxOH5MFGB-g 
  2. 提取码:1234 

2 使用教程

2.1 根据在图片上选择的点扣出物体

原始图像:

 导入依赖库和展示相关的函数:

  1. import cv2
  2. import matplotlib.pyplot as plt
  3. import numpy as np
  4. from segment_anything import sam_model_registry, SamPredictor
  5. def show_mask(mask, ax, random_color=False):
  6. if random_color:
  7. color = np.concatenate([np.random.random(3), np.array([0.6])], axis=0)
  8. else:
  9. color = np.array([30 / 255, 144 / 255, 255 / 255, 0.6])
  10. h, w = mask.shape[-2:]
  11. mask_image = mask.reshape(h, w, 1) * color.reshape(1, 1, -1)
  12. ax.imshow(mask_image)
  13. def show_points(coords, labels, ax, marker_size=375):
  14. pos_points = coords[labels == 1]
  15. neg_points = coords[labels == 0]
  16. ax.scatter(pos_points[:, 0], pos_points[:, 1], color='green', marker='*', s=marker_size, edgecolor='white',
  17. linewidth=1.25)
  18. ax.scatter(neg_points[:, 0], neg_points[:, 1], color='red', marker='*', s=marker_size, edgecolor='white',
  19. linewidth=1.25)

确定使用的权重文件位置和是否使用cuda等:

  1. sam_checkpoint = "F:\sam_vit_h_4b8939.pth"
  2. device = "cuda"
  3. model_type = "default"

模型实例化:

  1. sam = sam_model_registry[model_type](checkpoint=sam_checkpoint)
  2. sam.to(device=device)
  3. predictor = SamPredictor(sam)

读取图像并选择抠图点:

  1. image = cv2.imread(r"F:\Dataset\Tomato_Appearance\Tomato_Xishi\images\xs_1.jpg")
  2. image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)
  3. predictor.set_image(image)
  4. input_point = np.array([[1600, 1000]])
  5. input_label = np.array([1])
  6. plt.figure(figsize=(10,10))
  7. plt.imshow(image)
  8. show_points(input_point, input_label, plt.gca())
  9. plt.axis('on')
  10. plt.show()

 扣取图像(会同时提供多个扣取结果):

  1. masks, scores, logits = predictor.predict(
  2. point_coords=input_point,
  3. point_labels=input_label,
  4. multimask_output=True,
  5. )
  6. # 遍历读取每个扣出的结果
  7. for i, (mask, score) in enumerate(zip(masks, scores)):
  8. plt.figure(figsize=(10,10))
  9. plt.imshow(image)
  10. show_mask(mask, plt.gca())
  11. show_points(input_point, input_label, plt.gca())
  12. plt.title(f"Mask {i+1}, Score: {score:.3f}", fontsize=18)
  13. plt.axis('off')
  14. plt.show()

     

 尝试扣取其他位置:

 

2.2 扣取图像中的所有物体

官方教程:

https://github.com/facebookresearch/segment-anything/blob/main/notebooks/automatic_mask_generator_example.ipynb

依赖库和函数导入:

  1. from segment_anything import sam_model_registry, SamAutomaticMaskGenerator, SamPredictor
  2. import cv2
  3. import matplotlib.pyplot as plt
  4. import numpy as np
  5. def show_anns(anns):
  6. if len(anns) == 0:
  7. return
  8. sorted_anns = sorted(anns, key=(lambda x: x['area']), reverse=True)
  9. ax = plt.gca()
  10. ax.set_autoscale_on(False)
  11. polygons = []
  12. color = []
  13. for ann in sorted_anns:
  14. m = ann['segmentation']
  15. img = np.ones((m.shape[0], m.shape[1], 3))
  16. color_mask = np.random.random((1, 3)).tolist()[0]
  17. for i in range(3):
  18. img[:,:,i] = color_mask[i]
  19. ax.imshow(np.dstack((img, m*0.35)))

读取图片:

  1. image = cv2.imread(r"F:\Dataset\Tomato_Appearance\Tomato_Xishi\images\xs_1.jpg")
  2. image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)

实例化模型:

  1. sam_checkpoint = "F:\sam_vit_h_4b8939.pth"
  2. model_type = "default"
  3. device = "cuda"
  4. sam = sam_model_registry[model_type](checkpoint=sam_checkpoint)
  5. sam.to(device=device)

 分割并展示(速度有点慢):

  1. mask_generator = SamAutomaticMaskGenerator(sam)
  2. masks = mask_generator.generate(image)
  3. plt.figure(figsize=(20,20))
  4. plt.imshow(image)
  5. show_anns(masks)
  6. plt.axis('off')
  7. plt.show()

2.3 根据文字扣取物体

配置另外一个库:

https://github.com/IDEA-Research/Grounded-Segment-Anything

配置教程:

【图像分割】Grounded Segment Anything根据文字自动画框或分割环境配置和基本使用教程_Father_of_Python的博客-CSDN博客

标签:
声明

1.本站遵循行业规范,任何转载的稿件都会明确标注作者和来源;2.本站的原创文章,请转载时务必注明文章作者和来源,不尊重原创的行为我们将追究责任;3.作者投稿可能会经我们编辑修改或补充。

在线投稿:投稿 站长QQ:1888636

后台-插件-广告管理-内容页尾部广告(手机)
关注我们

扫一扫关注我们,了解最新精彩内容

搜索
排行榜