当前位置: 首页 > article >正文

机器学习之fetch_olivetti_faces人脸识别--基于Python实现

fetch_olivetti_faces

数据集下载

fetch_olivetti_faceshttps://github.com/jikechao/olivettifaces

sklearn.datasets.fetch_olivetti_faces(*data_home=Noneshuffle=Falserandom_state=0download_if_missing=Truereturn_X_y=Falsen_retries=3delay=1.0)[source]

Load the Olivetti faces data-set from AT&T (classification).

Download it if necessary.

Classes

40

Samples total

400

Dimensionality

4096

Features

real, between 0 and 1

Read more in the User Guide.

Parameters:

data_homestr or path-like, default=None

Specify another download and cache folder for the datasets. By default all scikit-learn data is stored in ‘~/scikit_learn_data’ subfolders.

shufflebool, default=False

If True the order of the dataset is shuffled to avoid having images of the same person grouped.

random_stateint, RandomState instance or None, default=0

Determines random number generation for dataset shuffling. Pass an int for reproducible output across multiple function calls. See Glossary.

download_if_missingbool, default=True

If False, raise an OSError if the data is not locally available instead of trying to download the data from the source site.

return_X_ybool, default=False

If True, returns instead of a object. See below for more information about the and object.(data, target)Bunchdatatarget

Added in version 0.22.

n_retriesint, default=3

Number of retries when HTTP errors are encountered.

Added in version 1.5.

delayfloat, default=1.0

Number of seconds between retries.

Added in version 1.5.

Returns:

dataBunch

Dictionary-like object, with the following attributes.

data: ndarray, shape (400, 4096)

Each row corresponds to a ravelled face image of original size 64 x 64 pixels.

imagesndarray, shape (400, 64, 64)

Each row is a face image corresponding to one of the 40 subjects of the dataset.

targetndarray, shape (400,)

Labels associated to each face image. Those labels are ranging from 0-39 and correspond to the Subject IDs.

DESCRstr

Description of the modified Olivetti Faces Dataset.

(data, target)tuple if return_X_y=True

Tuple with the and objects described above.datatarget

Added in version 0.22.

Olivetti Faces人脸数据集合处理

简介

本资源文件提供了Olivetti Faces人脸数据集的处理方法和相关代码。Olivetti Faces是一个经典的人脸识别数据集,包含了40个不同个体的400张灰度图像。每个个体有10张图像,这些图像在不同的光照和表情条件下拍摄。

数据集特点

  • 图像数量:400张
  • 个体数量:40个
  • 每张图像大小:47x47像素
  • 图像格式:灰度图像

数据集下载

数据集可以从以下地址下载:

  • 官方地址:http://cs.nyu.edu/~roweis/data/olivettifaces.gif
  • 备用地址:百度网盘 请输入提取码 提取码:9m3c

数据处理

由于数据集是一张大图,每个人脸需要进行切割处理。可以使用Python脚本进行图像切割,具体代码如下:

# 导入所需的库
import cv2
import numpy as np

# 读取大图
image = cv2.imread('olivettifaces.gif', cv2.IMREAD_GRAYSCALE)

# 获取图像的尺寸
height, width = image.shape

# 每个人脸的大小
face_height = height // 20
face_width = width // 20

# 切割并保存每个人脸
faces = []
for i in range(20):
    for j in range(20):
        face = image[i*face_height:(i+1)*face_height, j*face_width:(j+1)*face_width]
        faces.append(face)
        cv2.imwrite(f'face_{i*20 + j}.png', face)

print("图像切割完成,共保存了400张人脸图像。")

使用方法

  1. 下载数据集并保存为olivettifaces.gif
  2. 运行上述Python脚本进行图像切割。
  3. 切割后的人脸图像将保存在当前目录下,文件名为face_0.pngface_399.png

参考资料

  • 本资源文件的详细处理方法和代码参考自CSDN博客文章。

注意事项

  • 请确保Python环境已安装OpenCV库。
  • 如果遇到下载问题,可以使用备用地址进行下载。

贡献

欢迎对本资源文件进行改进和优化,提交Pull Request或Issue。

Examples

>>> from sklearn.datasets import fetch_olivetti_faces
>>> olivetti_faces = fetch_olivetti_faces()
>>> olivetti_faces.data.shape
(400, 4096)
>>> olivetti_faces.target.shape
(400,)
>>> olivetti_faces.images.shape
(400, 64, 64)

读入人脸数据 

import matplotlib.pyplot as plt
fig,ax=plt.subplots(8,8,figsize=(8,8))
fig.subplots_adjust(hspace=0,wspace=0)
from sklearn.datasets import fetch_olivetti_faces
faces=fetch_olivetti_faces().images
for i in range(8):
    for j in range(8):
        ax[i,j].xaxis.set_major_locator(plt.NullLocator())
        ax[i,j].yaxis.set_major_locator(plt.NullLocator())
        ax[i,j].imshow(faces[i*10+j],cmap='bone')

 353154a3b59147b0a1e2ccadd070a149.png

import warnings
warnings.filterwarnings('ignore')

#fetch_olivetti_faces图像分割
import numpy as np
from sklearn.datasets import fetch_olivetti_faces
faces=fetch_olivetti_faces().images
X=faces.reshape(-1,64*64)
y=np.arange(40).repeat(10)
from sklearn.model_selection import train_test_split
X_train,X_test,y_train,y_test=train_test_split(X,y,test_size=0.25,random_state=42)
from sklearn.svm import SVC
from sklearn.model_selection import GridSearchCV
param_grid={'C':[0.1,1,10,100,1000],'gamma':[0.0001,0.001,0.01,0.1]}
grid=GridSearchCV(SVC(),param_grid,cv=5)
grid.fit(X_train,y_train)
print(grid.best_params_)
print(grid.score(X_test,y_test))

 {'C': 100, 'gamma': 0.001}
0.97

人脸图像切分: 

#读取olivettifaces.gif文件
import matplotlib.pyplot as plt
from PIL import Image
import cv2
im=Image.open('olivettifaces.gif')

plt.imshow(im,cmap='gray')
plt.show()
#分割图片
im_array=np.array(im)
im_array.shape

# 获取图像的尺寸
height, width = im_array.shape
 
# 每个人脸的大小
face_height = height // 20
face_width = width // 20
 
# 切割并保存每个人脸
faces = []
for i in range(20):
    for j in range(20):
        face = im_array[i*face_height:(i+1)*face_height, j*face_width:(j+1)*face_width]
        faces.append(face)
        # 保存人脸
        face = Image.fromarray(face)
        face.save(f'./人脸识别/picture/face_{i*20+j}.png')
print('人脸切割完成') 

 48d9e0be8bdb4afd961113cddc60c192.png

5c6435b997074e9dab594309074abf03.png

 人脸识别

# 读取人脸图片
import os
import numpy as np
from PIL import Image
import cv2
faces = []
for i in range(400):
    face = Image.open(f'./人脸识别/picture/face_{i}.png')
    face = np.array(face)
    faces.append(face)
faces = np.array(faces)
faces.shape

 72dc5f3f5c0641a4aac752ccf6b098bb.png

import warnings
warnings.filterwarnings('ignore')
# 人脸识别
from sklearn.svm import SVC
from sklearn.model_selection import train_test_split
from sklearn.model_selection import GridSearchCV
X = faces.reshape(400, -1)
y = np.arange(40).repeat(10)
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25, random_state=42)
param_grid = {'C': [0.1, 1, 10, 100, 1000], 'gamma': [0.0001, 0.001, 0.01, 0.1]}
grid = GridSearchCV(SVC(), param_grid, cv=5)
grid.fit(X_train, y_train)
print(grid.best_params_)

 0b1e9f61c3254f55a17d9323187d8795.png

 

 

 


http://www.kler.cn/a/377964.html

相关文章:

  • docker 可用镜像服务地址(2024.10.31亲测可用)
  • AI - 使用LangChain构建简单LLM应用程序
  • 【双指针】【数之和】 LeetCode 633.平方数之和
  • 【算法】【优选算法】双指针(下)
  • Python字典和集合在“用户信息管理”项目中的应用
  • 二、应用层,《计算机网络(自顶向下方法 第7版,James F.Kurose,Keith W.Ross)》
  • 数据智能驱动金融策略优化:民锋智能分析技术的应用
  • 深度学习-38-基于PyTorch的卷积神经网络AlexNet
  • 【Java笔记】1-JDK/JRE/JVM是个啥?
  • Golang | Leetcode Golang题解之第518题零钱兑换II
  • pgsql数据量大之后可能遇到的问题
  • SpringCloudAlibaba实战入门之OpenFeign高级用法(十)
  • 数据结构-二叉树中的递归
  • [每周一更]-(第121期):模拟面试|微服务架构面试思路解析
  • 虚函数和纯虚函数是 C++ 中实现多态性的关键概念
  • 【算法笔记】位运算算法原理深度剖析
  • 单向函数、单向陷门函数、困难问题
  • PHP的 CSRF、XSS 攻击和防范
  • promise的catch放在then前面的场景
  • OpenGL入门003——使用Factory设计模式简化渲染流程
  • 从零开始的c++之旅——继承
  • SMTP协议,即简单邮件传输协议
  • 20241031 Apache2修改日志里面的时间格式
  • SQL Server 2008 R2 详细安装教程及错误解决教程
  • 数据结构-链表【chapter1】【c语言版】
  • Darknet 连接教程