《博主简介》
小伙伴们好,我是阿旭。专注于人工智能、AIGC、python、计算机视觉相关分享研究。
✌更多学习资源,可关注公-仲-hao:【阿旭算法与机器学习】,共同学习交流~
👍感谢小伙伴们点赞、关注!
《------往期经典推荐------》
二、机器学习实战专栏【链接】 ,已更新31期,欢迎关注,持续更新中~~
三、深度学习【Pytorch】专栏【链接】
四、【Stable Diffusion绘画系列】专栏【链接】
五、YOLOv8改进专栏【链接】,持续更新中~~
六、YOLO性能对比专栏【链接】,持续更新中~
《------正文------》
目录
引言
实例分割是检测和隔离图像中单个对象的关键技术,YOLO 11是执行此任务的最佳模型之一。
在本文中,您将学习如何使用YOLO 11分割模型来有效地分割图像中的人物。
我们将涵盖从设置Python环境和安装必要的库到测试图像和可视化分割结果的所有内容。
在本教程结束时,您将清楚地了解如何应用YOLO 11进行准确的人员分割。
实现效果如下:
1.安装Ultralytics库
在我们激活的虚拟环境中,我们需要安装ultralytics库,这将允许我们使用YOLO 11实例分割模型。
运行以下命令在您的环境中安装库:
python
pip install ultralytics
2.读取测试图像
读取一张测试用的图片,如下:
在.py
文件中,添加以下代码以下载镜像:
python
import cv2
# Load the input image using OpenCV
image = cv2.imread('test.jpg')
3.加载模型并生成推理结果
下一步是加载我们的分割模型,并在测试图像上运行推理。在本教程中,我们将使用yolo11n-seg.pt
模型,但您可以使用Ultralytics YOLO 11文档中的任何模型。
一旦我们的模型被加载,我们就使用results = model(filename)
对测试图像进行推理,然后创建一个空掩码进行分割。
python
from ultralytics import YOLO
import numpy as np
# Load the model
model = YOLO("yolo11n-seg.pt") # load an official YOLO model
# Predict with the model
results = model(filename) # predict on an image
# Create an empty mask for segmentation
segmentation_mask = np.zeros_like(image, dtype=np.uint8)
4.可视化人员分割掩码
最后一步是可视化由我们的模型生成的分割掩码。YOLO11模型支持同时分割多个类别,如人,自行车和汽车等。
由于我们只对person 类感兴趣,它的类标签为0
,因此我们只会使用这个类标签来可视化掩码。
在下面的代码中,我们对结果进行了过滤,并过滤了人物面具。然后,我们将遮罩覆盖在图像上以实现清晰的可视化,然后保存并使用matplotlib
显示结果。
python
# Iterate over the results
for i, r in enumerate(results):
# Iterate through the detected masks
for j, mask in enumerate(r.masks.xy):
# Convert the class tensor to an integer
class_id = int(r.boxes.cls[j].item()) # Extract the class ID as an integer
# Check if the detected class corresponds to 'person' (class ID 0)
if class_id == 0:
# Convert mask coordinates to an integer format for drawing
mask = np.array(mask, dtype=np.int32)
# Fill the segmentation mask with color
cv2.fillPoly(segmentation_mask, [mask], (0, 255, 0))
# Combine the original image with the segmentation mask
segmentation_result = cv2.addWeighted(image, 1, segmentation_mask, 0.7, 0)
# Save the output image with segmentation
cv2.imwrite("output_segmentation.jpg", segmentation_result)
# Optionally display the image (make sure you're running in a GUI environment)
cv2.imshow("Segmentation Result", segmentation_result)
cv2.waitKey(0)
cv2.destroyAllWindows()
分割结果
完整源码
python
from ultralytics import YOLO
import cv2
import numpy as np
# Load the input image using OpenCV
image = cv2.imread('test.jpg')
# Load the model
model = YOLO("yolo11n-seg.pt") # load an official YOLO model
# Predict with the model
results = model(filename) # predict on an image
# Create an empty mask for segmentation
segmentation_mask = np.zeros_like(image, dtype=np.uint8)
# Iterate over the results
for i, r in enumerate(results):
# Iterate through the detected masks
for j, mask in enumerate(r.masks.xy):
# Convert the class tensor to an integer
class_id = int(r.boxes.cls[j].item()) # Extract the class ID as an integer
# Check if the detected class corresponds to 'person' (class ID 0)
if class_id == 0:
# Convert mask coordinates to an integer format for drawing
mask = np.array(mask, dtype=np.int32)
# Fill the segmentation mask with color (e.g., white for people)
cv2.fillPoly(segmentation_mask, [mask], (0, 255, 0))
# Combine the original image with the segmentation mask
segmentation_result = cv2.addWeighted(image, 1, segmentation_mask, 0.7, 0)
# Save the output image with segmentation
cv2.imwrite("output_segmentation.jpg", segmentation_result)
# Optionally display the image (make sure you're running in a GUI environment)
cv2.imshow("Segmentation Result", segmentation_result)
cv2.waitKey(0)
cv2.destroyAllWindows()
好了,这篇文章就介绍到这里,喜欢的小伙伴感谢给点个赞和关注,更多精彩内容持续更新~~
关于本篇文章大家有任何建议或意见,欢迎在评论区留言交流!