Хотите распознавать эмоциональные выражения кошек? Начнем с распознавания кошачьих лиц!

искусственный интеллект Идентификация изображения
Хотите распознавать эмоциональные выражения кошек? Начнем с распознавания кошачьих лиц!

Соси кошек вместе с кодом! Эта статья участвует【Эссе "Мяу Звезды"】

предисловие

Я видел это, которым поделился друг на днях猫咪情绪识别软件новости, может быть, друзья тоже хотят попробовать, хотят быть квалифицированными铲屎官. Но если вы хотите идентифицировать эмоциональные выражения кошек, давайте сначала начнем с распознавания кошачьих лиц!

В этом проекте мы будем использоватьOpenCVиFlaskСоздание глубокого обучения для обнаружения кошачьих лицWebприменение.

Распознавание кошачьих лиц

Прежде чем мы начнем, давайте кратко рассмотрим структуру проекта:

cat_detection
	|——server
	|	├─cat_detection.py
	|	└─image_processing.py
	└─client
		├─request_and_draw_rectangle.py
		└─test_example.png

Обнаружение кошачьих морд с помощью каскадных детекторов

Для лучшего разделения кода программа обнаруженияimage_processing.pyВыполняется в скрипте, который кодируетImageProcessing()своего рода. мы вImageProcessingреализован в классеcat_face_detection()метод, используяOpenCVсерединаdetectMultiScale()Функция выполняет обнаружение кошачьей морды.

# image_processing.py
class ImageProcessing(object):
    def __init__(self):
        # 在构造函数中实例化猫脸检测器
        self.file_cascade = os.path.join(os.path.join(os.path.dirname(__file__), 'data'), "haarcascade_frontalcatface_extended.xml")
        self.cat_cascade = cv2.CascadeClassifier(self.file_cascade)

    def cat_face_detection(self, image):
        image_array = np.asarray(bytearray(image), dtype=np.uint8)
        img_opencv = cv2.imdecode(image_array, -1)

        output = []
        gray = cv2.cvtColor(img_opencv, cv2.COLOR_BGR2GRAY)
        cats = self.cat_cascade.detectMultiScale(gray, scaleFactor=1.1, minNeighbors=5, minSize=(25, 25))
        for cat in cats:
            # 返回检测到的猫脸检测框坐标
            x, y, w, h = cat.tolist()
            face = {'box': [x, y, x + w, y + h]}
            output.append(face)
        return output

Обнаружение кошек на картинках с помощью модели глубокого обучения

ImageProcessingКатегорияcat_detection()метод с использованием предварительно обученногоMobileNet SSDОбнаружение объектов выполняет обнаружение кошек, которое может обнаруживать 20 классов. В этом проекте наша цель — обнаружить кошек, еслиclass_idэто кошка, мы добавим обнаружение вoutputсередина:

# 在 image_processing.py 中添加 cat_detection() 方法
class ImageProcessing(object):
    def __init__(self):
        # 在构造函数中实例化猫脸检测器
        self.file_cascade = os.path.join(os.path.join(os.path.dirname(__file__), 'data'), "haarcascade_frontalcatface_extended.xml")
        self.cat_cascade = cv2.CascadeClassifier(self.file_cascade)
        # 在构造函数中实例化 SSD 深度学习模型用于检测猫
        self.file_prototxt = os.path.join(os.path.join(os.path.dirname(__file__), 'data'), "MobileNetSSD_deploy.prototxt.txt")
        self.file_caffemodel = os.path.join(os.path.join(os.path.dirname(__file__), 'data'), "MobileNetSSD_deploy.caffemodel")
        self.classes = ["background", "aeroplane", "bicycle", "bird", "boat", "bottle", "bus",
                        "car", "cat", "chair", "cow", "diningtable", "dog", "horse", "motorbike",
                        "person", "pottedplant", "sheep", "sofa", "train", "tvmonitor"]
        self.net = cv2.dnn.readNetFromCaffe(self.file_prototxt, self.file_caffemodel)
    
    def cat_detection(self, image):
        image_array = np.asarray(bytearray(image), dtype=np.uint8)
        img_opencv = cv2.imdecode(image_array, -1)
        # 图像预处理
        blob = cv2.dnn.blobFromImage(img_opencv, 0.007843, (300, 300), (127.5, 127.5, 127.5))
        # 前向计算
        self.net.setInput(blob)
        detections = self.net.forward()
        # 预处理后图像尺寸
        dim = 300
        
        output = []
        
        for i in range(detections.shape[2]):
            confidence = detections[0, 0, i, 2]
            if confidence > 0.1:
                # 获取类别标签
                class_id = int(detections[0, 0, i, 1])
                # 获取对象位置的坐标
                left = int(detections[0, 0, i, 3] * dim)
                top = int(detections[0, 0, i, 4] * dim)
                right = int(detections[0, 0, i, 5] * dim)
                bottom = int(detections[0, 0, i, 6] * dim)
                # 图像尺寸的比例系数
                heightFactor = img_opencv.shape[0] / dim
                widthFactor = img_opencv.shape[1] / dim
                # 检测框坐标
                left = int(widthFactor * left)
                top = int(heightFactor * top)
                right = int(widthFactor * right)
                bottom = int(heightFactor * bottom)
                # 检测目标是否是猫
                if self.classes[class_id] == 'cat':
                    cat = {'box': [left, top, right, bottom]}
                    output.append(cat)
        return output

Вышеупомянутая модель обнаружения кошек используетMobileNet-SSDМодель обнаружения цели, вы можете построить свою собственную модель для обученияMobileNet-SSDпараметры модели.

Разверните программу обнаружения кошачьих лиц OpenCV в Интернете.

будет использоваться дальшеOpenCVСоздание обнаружения кошек с глубоким обучениемWeb API,cat_detectionпара элементовWebСерверное приложение реализовано наWebкошка обнаружения конца,cat_detection.pyСкрипт отвечает за разбор запроса и построение ответа клиенту:

# cat_detection.py
from flask import Flask, request, jsonify
import urllib.request
from image_processing import ImageProcessing

app = Flask(__name__)
ip = ImageProcessing()

@app.errorhandler(400)
def bad_request(e):
    return jsonify({'status': 'Not ok', 'message': 'This server could not understand your request'}), 400

@app.errorhandler(404)
def not_found(e):
    return jsonify({'status': 'Not found', 'message': 'Route not found'}), 404

@app.errorhandler(500)
def not_found(e):
    return jsonify({'status': 'Internal error', 'message': 'Internal error occurred in server'}), 500

@app.route('/catfacedetection', methods=['GET', 'POST', 'PUT'])
def detect_cat_faces():
    if request.method == 'GET':
        if request.args.get('url'):
            with urllib.request.urlopen(request.args.get('url')) as url:
                return jsonify({'status': 'Ok', 'result': ip.cat_face_detection(url.read())}), 200
        else:
            return jsonify({'status': 'Bad request', 'message': 'Parameter url is not present'}), 400
    elif request.method == 'POST':
        if request.files.get('image'):
            return jsonify({'status': 'Ok', 'result': ip.cat_face_detection(request.files['image'].read())}), 200
        else:
            return jsonify({'status': 'Bad request', 'message': 'Parameter image is not present'}), 400
    else:
        return jsonify({'status': 'Failure', 'message': 'PUT method not supported for API'}), 405

@app.route('/catdetection', methods=['GET', 'POST', 'PUT'])
def detect_cats():
    if request.method == 'GET':
        if request.args.get('url'):
            with urllib.request.urlopen(request.args.get('url')) as url:
                return jsonify({'status': 'Ok', 'result': ip.cat_detection(url.read())}), 200
        else:
            return jsonify({'status': 'Bad request', 'message': 'Parameter url is not present'}), 400
    elif request.method == 'POST':
        if request.files.get('image'):
            return jsonify({'status': 'Ok', 'result': ip.cat_detection(request.files['image'].read())}), 200
        else:
            return jsonify({'status': 'Bad request', 'message': 'Parameter image is not present'}), 400
    else:
        return jsonify({'status': 'Failure', 'message': 'PUT method not supported for API'}), 405

if __name__ == '__main__':
    app.run(host='0.0.0.0')

Как показано выше, используйтеroute()декоратор будетdetect_cat_faces()функция связана с/catfacedetection URL, и воляdetect_cats()функция связана с/catdetection URLи использоватьjsonify()создание функцииapplication/json MIMEтип данного параметраJSONуказывает, что этоAPIслужба поддержкиGETиPOSTзапрос, мы также используемerrorhandler()Украшенная функция для регистрации обработчиков ошибок.

Создайте запрос для обнаружения кошек и кошачьих мордочек на изображениях

Чтобы протестировать этот API, напишитеrequest_and_draw_rectangle.pyпрограмма:

# request_and_draw_rectangle.py
import cv2
import numpy as np
import requests
from matplotlib import pyplot as plt

def show_img_with_matplotlib(color_img, title, pos):
    img_RGB = color_img[:, :, ::-1]
    ax = plt.subplot(1, 2, pos)
    plt.imshow(img_RGB)
    plt.title(title, fontsize=10)
    plt.axis('off')

CAT_FACE_DETECTION_REST_API_URL = "http://localhost:5000/catfacedetection"
CAT_DETECTION_REST_API_URL = "http://localhost:5000/catdetection"
IMAGE_PATH = "test_example.png"

# 加载图像构建有效负载
image = open(IMAGE_PATH, 'rb').read()
payload = {'image': image}

image_array = np.asarray(bytearray(image), dtype=np.uint8)
img_opencv = cv2.imdecode(image_array, -1)

fig = plt.figure(figsize=(12, 7))
plt.suptitle("Using cat detection API", fontsize=14, fontweight='bold')
show_img_with_matplotlib(img_opencv, "source image", 1)
# 发送 GET 请求
r = requests.post(CAT_DETECTION_REST_API_URL, files=payload)
# 解析返回信息
print("status code: {}".format(r.status_code))
print("headers: {}".format(r.headers))
print("content: {}".format(r.json()))
json_data = r.json()
result = json_data['result']
# 绘制猫脸检测框
for cat in result:
    left, top, right, bottom = cat['box']
    cv2.rectangle(img_opencv, (left, top), (right, bottom), (0, 255, 0), 2)
    cv2.circle(img_opencv, (left, top), 10, (0, 0, 255), -1)
    cv2.circle(img_opencv, (right, bottom), 10, (255, 0, 0), -1)

# 发送 GET 请求
r = requests.post(CAT_FACE_DETECTION_REST_API_URL, files=payload)
# 解析返回信息
print("status code: {}".format(r.status_code))
print("headers: {}".format(r.headers))
print("content: {}".format(r.json()))
json_data = r.json()
result = json_data['result']
# 绘制猫检测框
for face in result:
    left, top, right, bottom = face['box']
    cv2.rectangle(img_opencv, (left, top), (right, bottom), (0, 255, 255), 2)
    cv2.circle(img_opencv, (left, top), 10, (0, 0, 255), -1)
    cv2.circle(img_opencv, (right, bottom), 10, (255, 0, 0), -1)

# 结果可视化
show_img_with_matplotlib(img_opencv, "cat detection", 2)
plt.show()

В приведенном выше примере мы отправили дваPOSTзапросить обнаружение кошачьих лиц, а также кошек на изображениях, затем проанализировать ответы обоих запросов и построить результаты на основе результатов:

构造请求检测图像中的猫和猫脸

постскриптум

Вышеупомянутые элементы могут быть изменены, например, рамка обнаружения может быть отрисована непосредственно на стороне сервера, и изображение с рамкой обнаружения может быть возвращено; или может быть прочитан видеокадр камеры, чтобы можно было узнать статус действия кошки. виден в режиме реального времени или обнаруженная кошачья морда может быть дальше Для распознавания эмоций, конечно, вам нужно сначала просто обучить модель распознавания эмоций кошки.