IT数码 购物 网址 头条 软件 日历 阅读 图书馆
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
图片批量下载器
↓批量下载图片,美女图库↓
图片自动播放器
↓图片自动播放器↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁
 
   -> 人工智能 -> SVM算法应用综合练习及 人脸识别数据集的建立 -> 正文阅读

[人工智能]SVM算法应用综合练习及 人脸识别数据集的建立

一、安装LibSVM

从LibSVM官方网站下载最新版 LibSVM

https://www.csie.ntu.edu.tw/~cjlin/libsvm/

二、构建数据集并获得决策模型

手工部署数据集,解压刚刚下载的压缩包,进入windows文件夹,打开svmtoy.exe文件
在这里插入图片描述
在打开的exe点击点类似下面的图一般,弄好了之后点击save保存在txt文件里
在这里插入图片描述

  • 文件的格式如下图,第一类时分类,后面的冒号前面的1,2指的是特征
  • 在这里插入图片描述
    先导入包
from libsvm.svmutil import *
from libsvm.svm import *
import scipy.spatial

这里读取数据,svm_read_problem函数的作用是读取刚刚生成的文件并返回合适的格式便于训练

#根据文件路径直接返回要使用的数据格式
label,data= svm_read_problem('..\\source\\irix.txt')#训练数据

p_label,p_data=svm_read_problem('..\\source\\iri.txt')#预测数据

设置训练参数

para ='-t 1 -c 4 -b 1'
'''
-t 
0为线性核
1为多项式核
2为高斯核(默认)
'''

训练并将模型保存在文件里,同时测试准确度

#多项式核
model=svm_train(label,data,para)
svm_save_model('..\\source\\ir.txt',model)
acc=svm_predict(p_label,p_data,model)

文件里的内容
在这里插入图片描述
高斯核也是一样,不过将para的里面-t 对应的值改为2

para ='-t 2 -c 4 -b 1'
'''
-t 
0为线性核
1为多项式核
2为高斯核(默认)
'''

训练并保存模型进文件中

model=svm_train(label,data,para)
svm_save_model('..\\source\\i.txt',model)
acc=svm_predict(p_label,p_data,model)

在这里插入图片描述
线性核:

para ='-t 0 -c 4 -b 1'
'''
-t 
0为线性核
1为多项式核
2为高斯核(默认)
'''
#线性核
model=svm_train(label,data,para)
svm_save_model('..\\source\\i1.txt',model)
acc=svm_predict(p_label,p_data,model)

在这里插入图片描述

三、人脸识别数据集的建立

基于dlib库人脸特征提取

1.采集自己的脸部图片20张,保存到文件夹中

import cv2
import dlib
import os
import sys
import random
# 存储位置
output_dir = 'D:/631907060331'
size = 64
 
if not os.path.exists(output_dir):
    os.makedirs(output_dir)
# 改变图片的亮度与对比度
 
def relight(img, light=1, bias=0):
    w = img.shape[1]
    h = img.shape[0]
    #image = []
    for i in range(0,w):
        for j in range(0,h):
            for c in range(3):
                tmp = int(img[j,i,c]*light + bias)
                if tmp > 255:
                    tmp = 255
                elif tmp < 0:
                    tmp = 0
                img[j,i,c] = tmp
    return img
 
#使用dlib自带的frontal_face_detector作为我们的特征提取器
detector = dlib.get_frontal_face_detector()
# 打开摄像头 参数为输入流,可以为摄像头或视频文件
camera = cv2.VideoCapture(0)
#camera = cv2.VideoCapture('D:/z7z8/yy.mp4')

index = 1
while True:
    if (index <= 20):#存储20张人脸特征图像
        print('Being processed picture %s' % index)
        # 从摄像头读取照片
        success, img = camera.read()
        # 转为灰度图片
        gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
        # 使用detector进行人脸检测
        dets = detector(gray_img, 1)
 
        for i, d in enumerate(dets):
            x1 = d.top() if d.top() > 0 else 0
            y1 = d.bottom() if d.bottom() > 0 else 0
            x2 = d.left() if d.left() > 0 else 0
            y2 = d.right() if d.right() > 0 else 0
 
            face = img[x1:y1,x2:y2]
            # 调整图片的对比度与亮度, 对比度与亮度值都取随机数,这样能增加样本的多样性
            face = relight(face, random.uniform(0.5, 1.5), random.randint(-50, 50))
 
            face = cv2.resize(face, (size,size))
 
            cv2.imshow('image', face)
 
            cv2.imwrite(output_dir+'/'+str(index)+'.jpg', face)
 
            index += 1
        key = cv2.waitKey(30) & 0xff
        if key == 27:
            break
    else:
        print('Finished!')
        # 释放摄像头 release camera
        camera.release()
        # 删除建立的窗口 delete all the windows
        cv2.destroyAllWindows()
        break

在这里插入图片描述

2.分别将每张图片的特征点数组保存到一个独立的表格,通过20张图片的特征,计算出平均特征并保存到表格。

dlib人脸特征检测原理:
1.提取特征点
2.将特征值保存到CSV文件
3.计算特征数据集的欧氏距离作对比,当误差小于一定阙值就判定为同一人。

# 从人脸图像文件中提取人脸特征存入 CSV
# Features extraction from images and save into features_all.csv

# return_128d_features()          获取某张图像的128D特征
# compute_the_mean()              计算128D特征均值

from cv2 import cv2 as cv2
import os
import dlib
from skimage import io
import csv
import numpy as np

# 要读取人脸图像文件的路径
path_images_from_camera = "D:/631907060331"

# Dlib 正向人脸检测器
detector = dlib.get_frontal_face_detector()

# Dlib 人脸预测器
predictor = dlib.shape_predictor("D:/shape_predictor_68_face_landmarks.dat")

# Dlib 人脸识别模型
# Face recognition model, the object maps human faces into 128D vectors
face_rec = dlib.face_recognition_model_v1("D:/dlib_face_recognition_resnet_model_v1.dat")


# 返回单张图像的 128D 特征
def return_128d_features(path_img):
    img_rd = io.imread(path_img)
    img_gray = cv2.cvtColor(img_rd, cv2.COLOR_BGR2RGB)
    faces = detector(img_gray, 1)

    print("%-40s %-20s" % ("检测到人脸的图像 / image with faces detected:", path_img), '\n')

    # 因为有可能截下来的人脸再去检测,检测不出来人脸了
    # 所以要确保是 检测到人脸的人脸图像 拿去算特征
    if len(faces) != 0:
        shape = predictor(img_gray, faces[0])
        face_descriptor = face_rec.compute_face_descriptor(img_gray, shape)
    else:
        face_descriptor = 0
        print("no face")

    return face_descriptor


# 将文件夹中照片特征提取出来, 写入 CSV
def return_features_mean_personX(path_faces_personX):
    features_list_personX = []
    photos_list = os.listdir(path_faces_personX)
    if photos_list:
        for i in range(len(photos_list)):
            # 调用return_128d_features()得到128d特征
            print("%-40s %-20s" % ("正在读的人脸图像 / image to read:", path_faces_personX + "/" + photos_list[i]))
            features_128d = return_128d_features(path_faces_personX + "/" + photos_list[i])
            #  print(features_128d)
            # 遇到没有检测出人脸的图片跳过
            if features_128d == 0:
                i += 1
            else:
                features_list_personX.append(features_128d)
                i1=str(i+1)
                 add="D:/face_feature"+i1+".csv"
                print(add)
                with open(add, "w", newline="") as csvfile:
                    writer1 = csv.writer(csvfile)
                    writer1.writerow(features_128d)
    else:
        print("文件夹内图像文件为空 / Warning: No images in " + path_faces_personX + '/', '\n')

    # 计算 128D 特征的均值
    # N x 128D -> 1 x 128D
    if features_list_personX:
        features_mean_personX = np.array(features_list_personX).mean(axis=0)
    else:
        features_mean_personX = '0'

    return features_mean_personX


# 读取某人所有的人脸图像的数据
people = os.listdir(path_images_from_camera)
people.sort()

with open("D:/features2_all.csv", "w", newline="") as csvfile:
    writer = csv.writer(csvfile)
    for person in people:
        print("##### " + person + " #####")
        # Get the mean/average features of face/personX, it will be a list with a length of 128D
        features_mean_personX = return_features_mean_personX(path_images_from_camera + person)
        writer.writerow(features_mean_personX)
        print("特征均值 / The mean of features:", list(features_mean_personX))
        print('\n')
    print("所有录入人脸数据存入 / Save all the features of faces registered into: D:/features_all2.csv")

在这里插入图片描述
可以看到每张图片的特征点数组文件以及均值特征点文件都生成了。

四、总结

本实验第一个主要了解LibSVM 工具的训练数据集的格式和训练获得的决策函数模型(model)的格式。手工制作一个 两个特征的二分类的Iris数据集(类似之前作业鸢尾花数据集),用LibSVM工具分别进行线性、多项式、高斯核这三种分类训练,计算预测精度。第二个实验主要是利用dlib和opencv编程: 1)采集自己的脸部图片20张,保存到以学号命名的文件目录下;2)采集对应20张图片的68个特征点数组,以 face_features.txt (i为01到20的数字)文件保存到同一目录下;3)通过20个特征,计算出平均(mean)特征数组 face_feature_mean.txt.

五、参考文献

https://blog.csdn.net/qq_45659777/article/details/121282525?spm=1001.2014.3001.5501

https://blog.csdn.net/junseven164/article/details/121367206?spm=1001.2014.3001.5501

https://www.csie.ntu.edu.tw/~cjlin/libsvm/

  人工智能 最新文章
2022吴恩达机器学习课程——第二课(神经网
第十五章 规则学习
FixMatch: Simplifying Semi-Supervised Le
数据挖掘Java——Kmeans算法的实现
大脑皮层的分割方法
【翻译】GPT-3是如何工作的
论文笔记:TEACHTEXT: CrossModal Generaliz
python从零学(六)
详解Python 3.x 导入(import)
【答读者问27】backtrader不支持最新版本的
上一篇文章      下一篇文章      查看所有文章
加:2021-11-19 17:37:57  更:2021-11-19 17:38:50 
 
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁

360图书馆 购物 三丰科技 阅读网 日历 万年历 2024年11日历 -2024/11/27 4:23:29-

图片自动播放器
↓图片自动播放器↓
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
图片批量下载器
↓批量下载图片,美女图库↓
  网站联系: qq:121756557 email:121756557@qq.com  IT数码