๊ฐœ๋ฐœ Code/์ธ๊ณต์ง€๋Šฅ A.I.

[Python][AI] OpenCV YuNet์„ ํ™œ์šฉํ•œ ์–ผ๊ตด ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ

5hr1rnp 2025. 2. 17. 22:25
๋ฐ˜์‘ํ˜•

์ถœ์ฒ˜ : https://pixabay.com/ko/photos/

2025.02.17 - [๊ฐœ๋ฐœ Code/์ธ๊ณต์ง€๋Šฅ A.I.] - [Python][AI] OpenCV: ์ปดํ“จํ„ฐ ๋น„์ „ ๋ผ์ด๋ธŒ๋Ÿฌ๋ฆฌ ์†Œ๊ฐœ

2025.02.17 - [๊ฐœ๋ฐœ Code/์ธ๊ณต์ง€๋Šฅ A.I.] - [Python][AI] OpenCV YuNet์„ ํ™œ์šฉํ•œ ์–ผ๊ตด ํƒ์ง€

 

1. ์–ผ๊ตด ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ ๊ฐœ์š”


์ด๋ฒˆ ๊ธ€์—์„œ๋Š” OpenCV์˜ YuNet ๋ชจ๋ธ์„ ์ด์šฉํ•˜์—ฌ ์ด๋ฏธ์ง€์—์„œ ์–ผ๊ตด์„ ์ž๋™์œผ๋กœ ํƒ์ง€ํ•˜๊ณ , ํ•ด๋‹น ์˜์—ญ์— ๋ชจ์ž์ดํฌ๋ฅผ ์ ์šฉํ•˜๋Š” ๋ฐฉ๋ฒ•์„ ๋‹ค๋ฃฐ ๊ฒƒ์ด๋‹ค.

 


2. ์‹คํ–‰ ํ™˜๊ฒฝ ์ค€๋น„


OpenCV ์„ค์น˜

pip install opencv-python

 


3. YuNet ์–ผ๊ตด ํƒ์ง€ ๋ชจ๋ธ ๋‹ค์šด๋กœ๋“œ


 

import os
import requests

# YuNet ๋ชจ๋ธ ํŒŒ์ผ ์„ค์ •
model_filename = "face_detection_yunet_2023mar.onnx"

# ๋ชจ๋ธ ํŒŒ์ผ์ด ์—†์„ ๊ฒฝ์šฐ ๋‹ค์šด๋กœ๋“œ
if not os.path.exists(model_filename):
    url = "https://github.com/opencv/opencv_zoo/raw/main/models/face_detection_yunet/face_detection_yunet_2023mar.onnx"
    print("YuNet ๋ชจ๋ธ ํŒŒ์ผ์ด ์—†์Šต๋‹ˆ๋‹ค. ๋‹ค์šด๋กœ๋“œ๋ฅผ ์ง„ํ–‰ํ•ฉ๋‹ˆ๋‹ค...")
    response = requests.get(url, allow_redirects=True)
    if response.status_code == 200:
        with open(model_filename, "wb") as f:
            f.write(response.content)
        print("๋ชจ๋ธ ๋‹ค์šด๋กœ๋“œ ์™„๋ฃŒ.")
    else:
        raise RuntimeError(f"๋ชจ๋ธ ๋‹ค์šด๋กœ๋“œ ์‹คํŒจ: HTTP ์ƒํƒœ ์ฝ”๋“œ {response.status_code}")
 

4. ์–ผ๊ตด ํƒ์ง€ ๋ฐ ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ ํ•จ์ˆ˜


YuNet์„ ์‚ฌ์šฉํ•˜์—ฌ ์–ผ๊ตด์„ ํƒ์ง€ํ•˜๊ณ , ๋ชจ์ž์ดํฌ ํšจ๊ณผ๋ฅผ ์ ์šฉํ•˜๋Š” ํ•จ์ˆ˜๋ฅผ ๊ตฌํ˜„ํ•จ.

import cv2 as cv
import numpy as np
import matplotlib.pyplot as plt

# ์–ผ๊ตด ๊ฒ€์ถœ๊ธฐ ์ƒ์„ฑ ํ•จ์ˆ˜
def create_face_detector():
    detector = cv.FaceDetectorYN.create(
        model=model_filename,
        config="",
        input_size=(320, 320),  # ๊ธฐ๋ณธ ํฌ๊ธฐ, ์ดํ›„ ์ด๋ฏธ์ง€ ํฌ๊ธฐ์— ๋”ฐ๋ผ ๋ณ€๊ฒฝ๋จ
        score_threshold=0.9,
        nms_threshold=0.3,
        top_k=5000,
        backend_id=cv.dnn.DNN_BACKEND_OPENCV,
        target_id=cv.dnn.DNN_TARGET_CPU
    )
    return detector

# ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ ํ•จ์ˆ˜
def apply_mosaic(img, bbox, scale=0.1):
    x, y, w_box, h_box = bbox[:4].astype(int)
    x = max(0, x)
    y = max(0, y)
    w_box = min(w_box, img.shape[1] - x)
    h_box = min(h_box, img.shape[0] - y)
    if w_box <= 0 or h_box <= 0:
        return img
    face_region = img[y:y+h_box, x:x+w_box]
    # downscale ํ›„ upscaleํ•˜์—ฌ ๋ชจ์ž์ดํฌ ํšจ๊ณผ ์ ์šฉ
    small = cv.resize(face_region, None, fx=scale, fy=scale, interpolation=cv.INTER_LINEAR)
    mosaic = cv.resize(small, (w_box, h_box), interpolation=cv.INTER_NEAREST)
    img[y:y+h_box, x:x+w_box] = mosaic
    return img

728x90
๋ฐ˜์‘ํ˜•

5. ๋‹จ์ผ ์ด๋ฏธ์ง€ ์–ผ๊ตด ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ


์ด์ œ ํŠน์ • ์ด๋ฏธ์ง€์—์„œ ์–ผ๊ตด์„ ํƒ์ง€ํ•˜๊ณ  ๋ชจ์ž์ดํฌ๋ฅผ ์ ์šฉํ•˜๋Š” ์ฝ”๋“œ์ž„.

# ๋‹จ์ผ ์ด๋ฏธ์ง€ ์–ผ๊ตด ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ ํ•จ์ˆ˜
def process_image(image_path, mosaic_scale=0.1):
    image = cv.imread(image_path)
    if image is None:
        raise ValueError(f"์ด๋ฏธ์ง€๋ฅผ ๋ถˆ๋Ÿฌ์˜ฌ ์ˆ˜ ์—†์Šต๋‹ˆ๋‹ค: {image_path}")
    h, w, _ = image.shape

    # ์–ผ๊ตด ํƒ์ง€๊ธฐ ์ƒ์„ฑ ๋ฐ ํฌ๊ธฐ ์„ค์ •
    face_detector = create_face_detector()
    face_detector.setInputSize((w, h))

    # ์–ผ๊ตด ํƒ์ง€ ์ˆ˜ํ–‰
    ret, results = face_detector.detect(image)
    if results is None:
        results = np.empty((0, 5))
    print(f"{results.shape[0]} ๊ฐœ์˜ ์–ผ๊ตด ๊ฒ€์ถœ๋จ.")

    # ์–ผ๊ตด ๋ชจ์ž์ดํฌ ์ ์šฉ
    for det in results:
        image = apply_mosaic(image, det, mosaic_scale)

    # ๊ฒฐ๊ณผ ์ถœ๋ ฅ (Jupyter Notebook)
    plt.figure(figsize=(10, 10))
    plt.imshow(cv.cvtColor(image, cv.COLOR_BGR2RGB))
    plt.axis("off")
    plt.show()

# ์‹คํ–‰ (๋‹จ์ผ ์ด๋ฏธ์ง€ ์ฒ˜๋ฆฌ)
image_path = "portrait-5601950_1280.jpg"
process_image(image_path)
 

์„ค๋ช…

  • process_image(image_path): ์ด๋ฏธ์ง€์—์„œ ์–ผ๊ตด์„ ํƒ์ง€ํ•˜๊ณ  ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ
  • create_face_detector(): YuNet ์–ผ๊ตด ํƒ์ง€ ๋ชจ๋ธ ์ƒ์„ฑ
  • apply_mosaic(image, det, mosaic_scale): ์–ผ๊ตด ์˜์—ญ์— ๋ชจ์ž์ดํฌ ์ ์šฉ
  • plt.imshow(): Jupyter Notebook์—์„œ ์ด๋ฏธ์ง€ ์ถœ๋ ฅ

YuNet Mosaic Result


6. ๋””๋ ‰ํ† ๋ฆฌ ๋‚ด ๋ชจ๋“  ์ด๋ฏธ์ง€ ์ฒ˜๋ฆฌ


์ด์ œ ํด๋”์— ์žˆ๋Š” ๋ชจ๋“  ์ด๋ฏธ์ง€ ํŒŒ์ผ์„ ์ฐพ์•„์„œ ์–ผ๊ตด ๋ชจ์ž์ดํฌ๋ฅผ ์ ์šฉํ•  ์ˆ˜ ์žˆ๋„๋ก ์ฝ”๋“œ ํ™•์žฅํ•จ.

 

# ๋””๋ ‰ํ† ๋ฆฌ ๋‚ด ๋ชจ๋“  ์ด๋ฏธ์ง€ ์ฒ˜๋ฆฌ ํ•จ์ˆ˜
def process_directory(image_dir, output_dir, mosaic_scale=0.1):
    if not os.path.exists(output_dir):
        os.makedirs(output_dir)  # ์ถœ๋ ฅ ํด๋” ์ƒ์„ฑ
    
    # ์ง€์›ํ•˜๋Š” ์ด๋ฏธ์ง€ ํ™•์žฅ์ž
    valid_extensions = (".jpg", ".jpeg", ".png", ".bmp")

    # ์–ผ๊ตด ํƒ์ง€๊ธฐ ์ƒ์„ฑ
    face_detector = create_face_detector()

    # ๋””๋ ‰ํ† ๋ฆฌ ๋‚ด ํŒŒ์ผ ํƒ์ƒ‰
    for filename in os.listdir(image_dir):
        if filename.lower().endswith(valid_extensions):  # ์ด๋ฏธ์ง€ ํŒŒ์ผ๋งŒ ์ฒ˜๋ฆฌ
            image_path = os.path.join(image_dir, filename)
            output_path = os.path.join(output_dir, filename)

            image = cv.imread(image_path)
            if image is None:
                print(f"์ด๋ฏธ์ง€๋ฅผ ๋ถˆ๋Ÿฌ์˜ฌ ์ˆ˜ ์—†์Œ: {image_path}")
                continue
            h, w, _ = image.shape

            # ํƒ์ง€๊ธฐ ์ž…๋ ฅ ํฌ๊ธฐ ์„ค์ •
            face_detector.setInputSize((w, h))

            # ์–ผ๊ตด ํƒ์ง€ ์ˆ˜ํ–‰
            ret, results = face_detector.detect(image)
            if results is None:
                results = np.empty((0, 5))
            print(f"[{filename}] {results.shape[0]} ๊ฐœ์˜ ์–ผ๊ตด ๊ฒ€์ถœ๋จ.")

            # ์–ผ๊ตด ๋ชจ์ž์ดํฌ ์ ์šฉ
            for det in results:
                image = apply_mosaic(image, det, mosaic_scale)

            # ๊ฒฐ๊ณผ ์ €์žฅ
            cv.imwrite(output_path, image)
            print(f"[{filename}] ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ ์™„๋ฃŒ. ์ €์žฅ ๊ฒฝ๋กœ: {output_path}")

# ์‹คํ–‰ (๋””๋ ‰ํ† ๋ฆฌ ๋‚ด ๋ชจ๋“  ์ด๋ฏธ์ง€ ์ฒ˜๋ฆฌ)
image_dir = "input_images"  # ์›๋ณธ ์ด๋ฏธ์ง€ ํด๋”
output_dir = "output_images"  # ๊ฒฐ๊ณผ ์ €์žฅ ํด๋”
process_directory(image_dir, output_dir)
 

์„ค๋ช…

  • process_directory(image_dir, output_dir): ์ง€์ •ํ•œ ํด๋”์˜ ๋ชจ๋“  ์ด๋ฏธ์ง€์— ๋ชจ์ž์ดํฌ ์ ์šฉ
  • os.listdir(image_dir): ํด๋” ๋‚ด ํŒŒ์ผ ๋ชฉ๋ก ๊ฐ€์ ธ์˜ค๊ธฐ
  • face_detector.detect(image): ์–ผ๊ตด ํƒ์ง€ ์ˆ˜ํ–‰
  • apply_mosaic(image, det, mosaic_scale): ์–ผ๊ตด์— ๋ชจ์ž์ดํฌ ์ ์šฉ
  • cv.imwrite(output_path, image): ๋ชจ์ž์ดํฌ ์ฒ˜๋ฆฌ๋œ ์ด๋ฏธ์ง€ ์ €์žฅ

 

๋ฐ˜์‘ํ˜•