人脸识别轻量版

github地址

https://github.com/Linzaer/Ultra-Light-Fast-Generic-Face-Detector-1MB

下载后测试

前提是安装了pytorch环境,原始测试py文件是这个,是需要用命令行执行的
人脸识别轻量版_第1张图片
为了测试方便,我将它改成容易debug的

"""
This code is used to batch detect images in a folder.
"""
from vision.ssd.mb_tiny_RFB_fd import create_Mb_Tiny_RFB_fd, create_Mb_Tiny_RFB_fd_predictor
from vision.ssd.mb_tiny_fd import create_mb_tiny_fd, create_mb_tiny_fd_predictor
import argparse
import os
import sys

import cv2

from vision.ssd.config.fd_config import define_img_size
import torch


result_path = "./detect_imgs_results"
label_path = "./models/voc-model-labels.txt"

net_type = 'RFB'
input_size = 640
threshold = 0.6
candidate_size = 1500
path = './imgs'
test_device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')

# must put define_img_size() before 'import create_mb_tiny_fd, create_mb_tiny_fd_predictor'
define_img_size(input_size)


class_names = [name.strip() for name in open(label_path).readlines()]
if net_type == 'slim':
    model_path = "models/pretrained/version-slim-320.pth"
    # model_path = "models/pretrained/version-slim-640.pth"
    net = create_mb_tiny_fd(len(class_names), is_test=True, device=test_device)
    predictor = create_mb_tiny_fd_predictor(
        net, candidate_size=candidate_size, device=test_device)
elif net_type == 'RFB':
    model_path = "models/pretrained/version-RFB-320.pth"
    # model_path = "models/pretrained/version-RFB-640.pth"
    net = create_Mb_Tiny_RFB_fd(
        len(class_names), is_test=True, device=test_device)
    predictor = create_Mb_Tiny_RFB_fd_predictor(
        net, candidate_size=candidate_size, device=test_device)
else:
    print("The net type is wrong!")
net.load(model_path)

if not os.path.exists(result_path):
    os.makedirs(result_path)
listdir = os.listdir(path)
sum = 0
for file_path in listdir:
    img_path = os.path.join(path, file_path)
    orig_image = cv2.imread(img_path)
    image = cv2.cvtColor(orig_image, cv2.COLOR_BGR2RGB)
    boxes, labels, probs = predictor.predict(
        image, candidate_size / 2, threshold)
    sum += boxes.size(0)
    for i in range(boxes.size(0)):
        box = boxes[i, :]
        cv2.rectangle(orig_image, (box[0], box[1]),
                      (box[2], box[3]), (0, 0, 255), 2)
        # label = f"""{voc_dataset.class_names[labels[i]]}: {probs[i]:.2f}"""
        label = f"{probs[i]:.2f}"
        # cv2.putText(orig_image, label, (box[0], box[1] - 10), cv2.FONT_HERSHEY_SIMPLEX, 0.7, (0, 0, 255), 2)
    cv2.putText(orig_image, str(boxes.size(0)), (30, 30),
                cv2.FONT_HERSHEY_SIMPLEX, 0.7, (0, 0, 255), 2)
    cv2.imwrite(os.path.join(result_path, file_path), orig_image)
    print(f"Found {len(probs)} faces. The output image is {result_path}")
print(sum)

测试图片位置
人脸识别轻量版_第2张图片
测试结果位置,测试效果是不错的
人脸识别轻量版_第3张图片

你可能感兴趣的:(python,人脸识别,轻量)