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

网站不在首页显示出来吗91福利社区wordpress

网站不在首页显示出来吗,91福利社区wordpress,911制作网站,nginx ssl wordpress前言 随着金秋时节的来临#xff0c;国庆和中秋的双重喜庆汇聚成一片温暖的节日氛围。在这个美好的时刻#xff0c;我们有幸共同迎来一次长达8天的假期#xff0c;为心灵充电#xff0c;为身体放松#xff0c;为未来充实自己。今年的国庆不仅仅是家国团聚的时刻#xff…前言 随着金秋时节的来临国庆和中秋的双重喜庆汇聚成一片温暖的节日氛围。在这个美好的时刻我们有幸共同迎来一次长达8天的假期为心灵充电为身体放松为未来充实自己。今年的国庆不仅仅是家国团聚的时刻更是展现自我的舞台。我在这个特殊的假期里决定探究dlib模型用法并将在这篇文章中分享我的学习过程和心得体会。 在上一篇文章中我们成功跨平台成功配置了dlib库 全面横扫dlib Python API在Linux和Windows的配置方案 本文基于人脸识别系统项目继续拓展尝试添加dlib库相关功能进行二合一 RetinafaceFaceNet人脸识别系统-Gradio界面设计 文章目录 前言VMware摄像头调用方法运行环境配置13个模型逐个分析模型下载13个模型的示例程序1.dlib_face_recognition_resnet_model_v1.dat2. **mmod_dog_hipsterizer.dat.bz2**3. **mmod_human_face_detector.dat.bz2:**4. **resnet34_1000_imagenet_classifier.dnn.bz2:**5. **shape_predictor_5_face_landmarks.dat.bz2:**6. **shape_predictor_68_face_landmarks.dat.bz2:**7. **shape_predictor_68_face_landmarks_GTX.dat.bz2:**8. **mmod_rear_end_vehicle_detector.dat.bz2:**9. **mmod_front_and_rear_end_vehicle_detector.dat.bz2:**10. **dnn_gender_classifier_v1.dat.bz2:**11. **dnn_age_predictor_v1.dat.bz2:**12. **resnet50_1000_imagenet_classifier.dnn.bz2:**13. **dcgan_162x162_synth_faces.dnn.bz2:** 实用技巧眨眼次数记录 下一步尝试写给自己关闭gpu加速仅在cpu上加载模型 总结 VMware摄像头调用方法 VMware怎么调中文 网上的教程大多都说右键快捷方式打开属性然后再vmware.exe后加一个空格再加上–locale zh_CN我开始测试时不管用后来换成两个空格即 快捷方式末尾添加两个空格然后加 --locale zh_CN调整虚拟机USB设置 进入虚拟机设置。转至硬件选项选择USB控制器。在USB兼容性选项中设置为USB3.1。 在VMware Workstation中配置虚拟机摄像头 打开虚拟机找到虚拟机M。移动鼠标到可移动设置找到图像设备。在图像设备中确保摄像头选项已启用。 进行虚拟机设置 打开终端并输入以下命令sudo apt-get install cheese cheese测试摄像头是否连接成功在终端输入命令如果看到video0表示连接成功ls /dev/video0安装ffmpegsudo apt-get install ffmpeg使用以下命令测试摄像头ffplay -i /dev/video0以上步骤确保了你的虚拟机摄像头能够成功连接并且通过ffmpeg进行测试。 运行环境配置 打包方式基于 半自动化使用.bat手动打包迁移python项目 Python 3.8OpenCVPytorchdlibgradio rem 创建虚拟环境 python -m venv venv call venv\Scripts\activate.bat python -m pip install -i https://mirrors.aliyun.com/pypi/simple/ --upgrade pip setuptools pip install dlib-19.19.0-cp38-cp38-win_amd64.whl pip install -i https://mirrors.aliyun.com/pypi/simple/ opencv-python4.5.3.56 pip install torch-1.7.1cu110-cp38-cp38-win_amd64.whl pip install torch1.7.1cu110 torchvision0.8.2cu110 torchaudio0.7.2 -f https://download.pytorch.org/whl/torch_stable.html pip install -i https://mirrors.aliyun.com/pypi/simple/ gradio pip install -i https://mirrors.aliyun.com/pypi/simple/ scikit-learn pip install -i https://mirrors.aliyun.com/pypi/simple/ -r requirements.txtrequirements.txt scipy1.7.1 numpy1.21.2 matplotlib3.4.3 opencv_python4.5.3.56 torch1.7.1 torchvision0.8.2 tqdm4.62.2 Pillow8.3.2 h5py2.10.0我搜集了python3.7-3.9各种版本的dlib安装包你可以关注我然后回复我dlib获取 dlib我搜集了python3.7-3.9各种版本的dlib安装包 dlib-19.17.99-cp37-cp37m-win_amd64.whl dlib-19.24.2-cp37-cp37m-win_amd64.whl dlib-19.19.0-cp38-cp38-win_amd64.whl dlib-19.21.99-cp38-cp38-win_amd64.whl dlib-19.22.99-cp39-cp39-win_amd64.whl这里我们使用dlib-19.19.0-cp38-cp38-win_amd64.whl测试 rem 创建虚拟环境 python -m venv venv call venv\Scripts\activate.bat python -m pip install -i https://mirrors.aliyun.com/pypi/simple/ --upgrade pip setuptools pip install dlib-19.19.0-cp38-cp38-win_amd64.whl13个模型逐个分析 官方GitHub连接 dlib dlib-models dlib-models仓库中的训练模型由Davis King创建主要用于计算机视觉和人脸识别等各种任务。以下是每个模型及其特点的简要总结 dlib_face_recognition_resnet_model_v1.dat.bz2: 描述一个具有29个卷积层的ResNet网络改编自ResNet-34架构。从头开始训练使用了约300万张脸部图像数据来自多个来源包括face scrub、VGG数据集和从互联网上抓取的图像。用途人脸识别。性能在LFW基准测试中平均误差为0.993833标准差为0.00272732。 mmod_dog_hipsterizer.dat.bz2: 描述基于Columbia Dogs数据集训练用于狗的品种分类和部位定位。用途狗的品种分类以及可能与狗图像相关的其他任务。 mmod_human_face_detector.dat.bz2: 描述在包括ImageNet、AFLW、Pascal VOC、VGG数据集、WIDER和face scrub在内的多个公开可用图像数据集中找到的人脸图像创建的数据集。标注是使用dlib的imglab工具创建的。用途人脸检测。 resnet34_1000_imagenet_classifier.dnn.bz2: 描述在ImageNet数据集上训练。用途通用图像分类。 shape_predictor_5_face_landmarks.dat.bz2: 描述一个5点面部标记模型用于识别眼睛角和鼻子底部。使用从互联网下载的图像并使用dlib的imglab工具进行标注创建的数据集进行训练。用途面部特征定位与dlib的HOG人脸检测器和CNN人脸检测器兼容。 shape_predictor_68_face_landmarks.dat.bz2: 描述在ibug 300-W数据集上训练用于精确的面部特征定位最适合与dlib的HOG人脸检测器一起使用。 shape_predictor_68_face_landmarks_GTX.dat.bz2: 描述具有增强的面部检测器鲁棒性的68点面部标记模型。用途精确的面部特征定位优化用于方形边界框。 mmod_rear_end_vehicle_detector.dat.bz2: 描述在包括车辆仪表板摄像头图像的后端车辆图像上手动注释的数据集上进行训练。用途后端车辆检测。 mmod_front_and_rear_end_vehicle_detector.dat.bz2: 描述在包括车辆仪表板摄像头图像的前端和后端车辆图像上手动注释的数据集上进行训练。用途前端和后端车辆检测。 dnn_gender_classifier_v1.dat.bz2: 描述使用约20万张不同脸部图像的私有数据集训练的性别分类器。用途从面部图像进行性别预测。 dnn_age_predictor_v1.dat.bz2: 描述基于ResNet-10架构训练的年龄预测器使用约11万张不同标记图像进行训练性能超越了最新的结果。用途从面部图像进行年龄估计。 resnet50_1000_imagenet_classifier.dnn.bz2: 描述使用ResNet50模型定义在resnet.h中在ImageNet数据集上进行训练。用途通用图像分类。 dcgan_162x162_synth_faces.dnn.bz2: 描述使用深度卷积生成对抗网络DCGAN架构训练的DCGAN面部合成模型用于生成逼真的合成彩色面部图像。 请注意这些模型的使用和许可可能会有所不同因此务必仔细阅读提供的信息并确保遵守任何提到的限制。这些模型可以用于各种计算机视觉任务是宝贵的资源。 模型下载 我们直接使用git git clone https://github.com/davisking/dlib-models.git当使用dlib的dlib_face_recognition_resnet_model_v1.dat模型进行人脸识别时你需要安装dlib库并加载该模型。以下是一个Python示例代码演示如何使用该模型进行简单的人脸识别 首先确保你已经安装了dlib库。你可以使用以下命令安装 pip install dlib然后你可以使用以下Python代码进行人脸识别 import dlib from skimage import io# 加载dlib_face_recognition_resnet_model_v1.dat模型 detector dlib.get_frontal_face_detector() sp dlib.shape_predictor(shape_predictor_68_face_landmarks.dat) # 这里你也可以使用其他人脸关键点模型 facerec dlib.face_recognition_model_v1(dlib_face_recognition_resnet_model_v1.dat)# 加载测试图像 img io.imread(test_image.jpg)# 在图像中检测人脸 dets detector(img, 1)# 如果检测到多个人脸可以迭代处理每一个人脸 for i, d in enumerate(dets):shape sp(img, d) # 获取关键点face_descriptor facerec.compute_face_descriptor(img, shape) # 获取人脸描述符# 在这里你可以与数据库中的人脸描述符进行比对实现人脸识别# 例如计算当前人脸描述符与数据库中存储的描述符的欧氏距离找到最接近的匹配# 打印人脸描述符print(fFace Descriptor for Face {i 1}:)print(face_descriptor)# 在这里你可以根据你的需求进行人脸识别匹配请注意上述示例中使用的是shape_predictor_68_face_landmarks.dat模型来获取人脸关键点然后使用dlib_face_recognition_resnet_model_v1.dat模型来计算人脸描述符。你可以根据需要使用不同的关键点模型和匹配算法来进行人脸识别。还需要将test_image.jpg替换为你要测试的图像文件的路径。 13个模型的示例程序 1.dlib_face_recognition_resnet_model_v1.dat 当使用dlib的dlib_face_recognition_resnet_model_v1.dat模型进行人脸识别时你需要安装dlib库并加载该模型。以下是一个Python示例代码演示如何使用该模型进行简单的人脸识别 首先确保你已经安装了scikit-image库。你可以使用以下命令安装 pip install scikit-image文件夹结构 将用户图像存储在以用户名称命名的文件夹中这样可以更轻松地组织用户数据。例如用户1的图像存储在名为 user1 的文件夹中用户2的图像存储在名为 user2 的文件夹中。 1. 注册用户的人脸描述符生成代码 import dlib import numpy as np import os from skimage import io import pickle# 加载dlib_face_recognition_resnet_model_v1.dat模型 detector dlib.get_frontal_face_detector() sp dlib.shape_predictor(shape_predictor_68_face_landmarks.dat) # 这里你也可以使用其他人脸关键点模型 facerec dlib.face_recognition_model_v1(dlib_face_recognition_resnet_model_v1.dat)# 初始化一个字典来存储已注册用户的人脸描述符 registered_faces {}# 指定用户图像所在的文件夹 user_images_folder user_images# 遍历用户图像文件夹 for user_folder in os.listdir(user_images_folder):if os.path.isdir(os.path.join(user_images_folder, user_folder)):user_name user_folder # 使用文件夹名称作为用户名称# 初始化一个列表来存储当前用户的人脸描述符user_face_descriptors []# 遍历用户文件夹中的图像文件for user_image_file in os.listdir(os.path.join(user_images_folder, user_folder)):if user_image_file.endswith(.jpg):user_image_path os.path.join(user_images_folder, user_folder, user_image_file)# 从用户图像中读取图像user_img io.imread(user_image_path)# 在图像中检测人脸dets detector(user_img, 1)# 如果检测到一个人脸假设只有一个人脸if len(dets) 1:shape sp(user_img, dets[0]) # 获取关键点face_descriptor facerec.compute_face_descriptor(user_img, shape) # 获取人脸描述符user_face_descriptors.append(np.array(face_descriptor))# 存储用户的人脸描述符到已注册用户的字典registered_faces[user_name] user_face_descriptors# 将已注册用户的人脸描述符保存到本地文件 with open(registered_faces.pkl, wb) as f:pickle.dump(registered_faces, f)print(Registration completed.) 2. 人脸识别代码 import dlib import numpy as np from skimage import io import pickle import cv2# 加载dlib_face_recognition_resnet_model_v1.dat模型 detector dlib.get_frontal_face_detector() sp dlib.shape_predictor(shape_predictor_68_face_landmarks.dat) # 这里你也可以使用其他人脸关键点模型 facerec dlib.face_recognition_model_v1(dlib_face_recognition_resnet_model_v1.dat)# 加载已注册用户的人脸描述符 with open(registered_faces.pkl, rb) as f:registered_faces pickle.load(f)# 设定一个阈值用于确定匹配是否成功阈值越小匹配越严格 threshold 0.6# 加载测试图像 test_image_path test.jpg img io.imread(test_image_path)# 在图像中检测人脸 dets detector(img, 1)# 初始化一个列表来存储匹配结果 matches []# 遍历检测到的人脸描述符 for i, d in enumerate(dets):shape sp(img, d) # 获取关键点face_descriptor facerec.compute_face_descriptor(img, shape) # 获取人脸描述符# 初始化最佳匹配信息best_match_name Unknownbest_match_distance float(inf)# 遍历已注册用户的数据库for name, registered_descriptors in registered_faces.items():for registered_descriptor in registered_descriptors:# 计算当前人脸描述符与已注册用户的欧氏距离distance np.linalg.norm(np.array(face_descriptor) - np.array(registered_descriptor))# 如果距离小于阈值并且比当前最佳匹配距离更近if distance threshold and distance best_match_distance:best_match_name namebest_match_distance distance# 将匹配结果添加到列表matches.append({face_id: i 1, user_name: best_match_name, distance: best_match_distance})# 在图像上绘制匹配结果 for match in matches:face_id match[face_id]user_name match[user_name]distance match[distance]# 绘制人脸框x, y, w, h d.left(), d.top(), d.width(), d.height()cv2.rectangle(img, (x, y), (x w, y h), (0, 255, 0), 2)# 在人脸框上方显示匹配结果text fFace {face_id}: {user_name} ({distance:.2f})cv2.putText(img, text, (x, y - 10), cv2.FONT_HERSHEY_SIMPLEX, 0.5, (0, 255, 0), 2)# 显示带有匹配结果的图像 cv2.imshow(Face Recognition, img) cv2.waitKey(0) cv2.destroyAllWindows() 确保根据你的需求将这些代码片段中的变量和文件路径进行适当的替换。这两段代码现在应该能够正常运行并进行人脸识别。如果你有其他问题或需要进一步的帮助请随时提问。 2. mmod_dog_hipsterizer.dat.bz2 import dlib import cv2 from skimage import io# 加载 dlib_face_recognition_resnet_model_v1.dat 模型用于关键点检测 shape_predictor dlib.shape_predictor(shape_predictor_68_face_landmarks.dat)# 加载测试图像 img io.imread(test.jpg)# 加载 mmod_dog_hipsterizer.dat 模型 detector dlib.get_frontal_face_detector() hip_detector dlib.cnn_face_detection_model_v1(mmod_dog_hipsterizer.dat)# 使用检测器检测狗的品种和部位 detections hip_detector(img, 1)# 遍历检测结果并绘制矩形框 for detection in detections:x, y, w, h detection.rect.left(), detection.rect.top(), detection.rect.width(), detection.rect.height()# 绘制矩形框cv2.rectangle(img, (x, y), (x w, y h), (0, 255, 0), 2)# 使用关键点检测器获取部位关键点landmarks shape_predictor(img, detection.rect)# 遍历关键点并绘制for point in landmarks.parts():cv2.circle(img, (point.x, point.y), 2, (0, 0, 255), -1)# 显示带有检测结果和关键点的图像 cv2.imshow(Dog Hipsterizer, img) cv2.waitKey(0) cv2.destroyAllWindows() import dlib from skimage import io# 加载模型 detector dlib.cnn_face_detection_model_v1(mmod_dog_hipsterizer.dat)# 加载要分类的狗的图像 dog_image io.imread(dog2.jpg)# 运行分类器来检测品种 detections detector(dog_image)# 打印每个检测到的品种 for detection in detections:# 检测到的品种的置信度可以通过矩形的面积来估计confidence detection.rect.area()print(f品种{detection.rect}, 置信度{confidence})# 如果需要可以进一步解析品种的标签以获得可读的结果 3. mmod_human_face_detector.dat.bz2: import dlib import cv2# 加载模型 detector dlib.cnn_face_detection_model_v1(mmod_human_face_detector.dat)# 加载要进行人脸检测的图像 image cv2.imread(test.jpg)# 将图像转换为灰度图像dlib要求输入为灰度图像 gray cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)# 使用模型进行人脸检测 detections detector(gray)# 在原图上绘制检测到的人脸矩形框 for detection in detections:x, y, w, h (detection.rect.left(), detection.rect.top(), detection.rect.width(), detection.rect.height())cv2.rectangle(image, (x, y), (x w, y h), (0, 255, 0), 2)# 显示带有人脸检测结果的图像 cv2.imshow(Face Detection, image) cv2.waitKey(0) cv2.destroyAllWindows() 4. resnet34_1000_imagenet_classifier.dnn.bz2: 暂未找到python调用方法 5. shape_predictor_5_face_landmarks.dat.bz2: import dlib import cv2# 加载面部特征定位模型 predictor dlib.shape_predictor(shape_predictor_5_face_landmarks.dat)# 加载图像 image cv2.imread(test.jpg)# 将图像转换为灰度 gray cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)# 使用dlib的HOG人脸检测器检测人脸 detector dlib.get_frontal_face_detector() faces detector(gray)# 对每个检测到的人脸进行面部特征定位 for face in faces:landmarks predictor(gray, face)# 获取并绘制每个关键点for n in range(5): # 此模型仅包含5个关键点x landmarks.part(n).xy landmarks.part(n).ycv2.circle(image, (x, y), 2, (0, 255, 0), -1)# 显示带有关键点的图像 cv2.imshow(Facial Landmarks, image) cv2.waitKey(0) cv2.destroyAllWindows() 6. shape_predictor_68_face_landmarks.dat.bz2: import dlib import cv2# 加载面部特征定位模型 predictor dlib.shape_predictor(shape_predictor_68_face_landmarks.dat)# 加载图像 image cv2.imread(test.jpg)# 将图像转换为灰度 gray cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)# 使用dlib的HOG人脸检测器检测人脸 detector dlib.get_frontal_face_detector() faces detector(gray)# 对每个检测到的人脸进行面部特征定位 for face in faces:landmarks predictor(gray, face)# 获取并绘制每个关键点for n in range(68): # 此模型包含68个关键点x landmarks.part(n).xy landmarks.part(n).ycv2.circle(image, (x, y), 2, (0, 255, 0), -1)# 显示带有关键点的图像 cv2.imshow(Facial Landmarks, image) cv2.waitKey(0) cv2.destroyAllWindows() 7. shape_predictor_68_face_landmarks_GTX.dat.bz2: import dlib import cv2# 加载面部特征定位模型 predictor dlib.shape_predictor(shape_predictor_68_face_landmarks_GTX.dat)# 加载图像 image cv2.imread(test.jpg)# 将图像转换为灰度 gray cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)# 使用dlib的HOG人脸检测器检测人脸 detector dlib.get_frontal_face_detector() faces detector(gray)# 对每个检测到的人脸进行面部特征定位 for face in faces:landmarks predictor(gray, face)# 获取并绘制每个关键点for n in range(68): # 此模型包含68个关键点x landmarks.part(n).xy landmarks.part(n).ycv2.circle(image, (x, y), 2, (0, 255, 0), -1)# 显示带有关键点的图像 cv2.imshow(Facial Landmarks, image) cv2.waitKey(0) cv2.destroyAllWindows() 8. mmod_rear_end_vehicle_detector.dat.bz2: 暂未找到python调用方法 9. mmod_front_and_rear_end_vehicle_detector.dat.bz2: 暂未找到python调用方法 10. dnn_gender_classifier_v1.dat.bz2: 暂未找到python调用方法 11. dnn_age_predictor_v1.dat.bz2: 暂未找到python调用方法 12. resnet50_1000_imagenet_classifier.dnn.bz2: 暂未找到python调用方法 13. dcgan_162x162_synth_faces.dnn.bz2: 暂未找到python调用方法 实用技巧 眨眼次数记录 import dlib import cv2 import numpy as np# 计算眼睛长宽比 def eye_aspect_ratio(eye):A np.linalg.norm(eye[1] - eye[5])B np.linalg.norm(eye[2] - eye[4])C np.linalg.norm(eye[0] - eye[3])ear (A B) / (2.0 * C)return ear# 获取最大的人脸 def largest_face(dets):if len(dets) 1:return 0face_areas [(det.right() - det.left()) *(det.bottom() - det.top()) for det in dets]largest_area face_areas[0]largest_index 0for index in range(1, len(dets)):if face_areas[index] largest_area:largest_index indexlargest_area face_areas[index]return largest_index# 初始化探测器和预测器 detector dlib.get_frontal_face_detector() predictor dlib.shape_predictor(shape_predictor_68_face_landmarks.dat)# 获取视频流 cap cv2.VideoCapture(0)# 初始化帧计数器和眨眼计数器 frame_counter 0 blink_counter 0while True:# 获取当前帧ret, frame cap.read()if not ret:break# 转换为灰度图gray cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY)# 检测人脸faces detector(gray, 0)# 检测到人脸if len(faces) 0:# 获取最大的人脸index largest_face(faces)face faces[index]# 获取特征点landmarks np.matrix([[p.x, p.y] for p in predictor(frame, face).parts()])# 提取左右眼点left_eye landmarks[42:48]right_eye landmarks[36:42]# 计算EARleft_ear eye_aspect_ratio(left_eye)right_ear eye_aspect_ratio(right_eye)ear (left_ear right_ear) / 2.0# 判断是否眨眼if ear 0.21:frame_counter 1status Blinkingelse:# 眨眼次数判断if frame_counter 3:blink_counter 1frame_counter 0status Open# 显示眨眼结果cv2.putText(frame, Blinks: {}.format(blink_counter), (10, 30),cv2.FONT_HERSHEY_SIMPLEX, 0.7, (0, 0, 255), 2)cv2.putText(frame, EAR: {:.2f}.format(ear), (300, 30),cv2.FONT_HERSHEY_SIMPLEX, 0.7, (0, 0, 255), 2)cv2.putText(frame, Status: {}.format(status), (10, 60),cv2.FONT_HERSHEY_SIMPLEX, 0.7, (255, 0, 0), 2)# 显示画面cv2.imshow(Frame, frame)# 按Q退出key cv2.waitKey(1) 0xFFif key ord(q):break# 释放资源并关闭窗口 cap.release() cv2.destroyAllWindows()下一步尝试 dlib库在人脸检测和面部landmark定位方面非常强大,主要支持的功能包括: 人脸检测 - 使用CNN模型进行快速且准确的人脸检测。人脸关键点定位 - 基于68点或5点模型,定位人脸的关键结构点,如眉毛、眼睛、鼻子、嘴巴等。人脸识别 - 通过提取人脸特征,实现面部比对识别不同人脸。人脸校准 - 对人脸图像进行校准,实现平移、旋转和缩放调整。头部姿态估计 - 通过面部关键点分析头部的3D方向和姿态。微笑检测 - 通过观察嘴巴形状变化判断是否微笑。眨眼检测 - 通过眼睛形状分析判断是否眨眼。情绪识别 - 利用面部表情判断人脸情绪,如生气、高兴、悲伤等。年龄/性别预测 - 基于人脸图像判断年龄阶段和性别。3D人脸重建 - 通过2D图片生成3D人脸模型。 dlib提供了非常方便的人脸分析API,包括数据训练和预训练模型,是人脸相关任务不可多得的强大工具库。 shape_predictor_68_face_landmarks.dat 这个人脸68点标志模型不仅可以实现眨眼检测,结合计算机视觉和机器学习算法,还可以扩展实现更多的面部分析任务: 微笑检测:通过观察嘴角上扬的关键点坐标变化来判断是否微笑。情绪识别:观察眉毛、眼睛、嘴巴等关键点形变来判断面部表达的情绪。年龄/性别预测:建立回归/分类模型,以关键点坐标和相对位置关系作为特征,预测年龄和性别。头部姿态分析:根据关键点构成的人脸轮廓变化推断头部的三维旋转和平移信息。面部交换:结合图片变形,可以在不同人脸之间交换表情。 基于该模型提取的特征非常丰富,可以支持构建各种面部理解和分析的机器学习模型。需要注意商业授权限制,但对研究用途非常有价值。掌握了计算机视觉和机器学习技巧,可以开发出很多有趣的人脸应用。 写给自己关闭gpu加速仅在cpu上加载模型 根据的错误日志,问题出在加载RetinaFace模型的时候: File /home/topeet/rknn/RetinaFace-FaceNet/retinaface.py, line 124, in __init__self.generate() File /home/topeet/rknn/RetinaFace-FaceNet/retinaface.py, line 146, in generatestate_dict torch.load(self.retinaface_model_path)所以需要在retinaface.py里面加载模型的时候添加map_location参数: # retinaface.pyimport torchclass RetinaFace():def __init__(self):...def generate(self):...# 原代码# state_dict torch.load(self.retinaface_model_path) # 修改为state_dict torch.load(self.retinaface_model_path, map_locationtorch.device(cpu))用map_locationcpu’告诉torch将模型加载到CPU上。 这样应该就可以避免CUDA不可用的问题了。 另外,为了保证结果的一致性,在加载模型之前可以加上: torch.cuda.empty_cache()清空GPU缓存,torch就会把 computation 默认放在CPU上做。 所以完整的修改代码是: import torchclass RetinaFace():def __init__(self):...def generate(self):...torch.cuda.empty_cache() state_dict torch.load(self.retinaface_model_path, map_locationtorch.device(cpu))总结 在国庆和中秋双节的欢庆氛围中我深入研究了dlib并在实践中遭遇了种种问题。通过不懈的努力和探索我成功地克服了挑战取得了技术上的突破。这个过程不仅让我更深入地理解了活体检测技术的原理也锻炼了我的问题解决能力。希望通过我的分享能够为大家提供一些有价值的经验也希望在未来的技术道路上我们能够不断探索共同进步这篇文章并未完结我还会继续坚持更新。
文章转载自:
http://www.morning.zlgbx.cn.gov.cn.zlgbx.cn
http://www.morning.rqgq.cn.gov.cn.rqgq.cn
http://www.morning.zbkdm.cn.gov.cn.zbkdm.cn
http://www.morning.hyryq.cn.gov.cn.hyryq.cn
http://www.morning.tpqzs.cn.gov.cn.tpqzs.cn
http://www.morning.kjrlp.cn.gov.cn.kjrlp.cn
http://www.morning.whnps.cn.gov.cn.whnps.cn
http://www.morning.lpbrp.cn.gov.cn.lpbrp.cn
http://www.morning.ywxln.cn.gov.cn.ywxln.cn
http://www.morning.qnklx.cn.gov.cn.qnklx.cn
http://www.morning.bpmfr.cn.gov.cn.bpmfr.cn
http://www.morning.caswellintl.com.gov.cn.caswellintl.com
http://www.morning.jljwk.cn.gov.cn.jljwk.cn
http://www.morning.rjnrf.cn.gov.cn.rjnrf.cn
http://www.morning.kstgt.cn.gov.cn.kstgt.cn
http://www.morning.yrbhf.cn.gov.cn.yrbhf.cn
http://www.morning.wwnb.cn.gov.cn.wwnb.cn
http://www.morning.zmlbq.cn.gov.cn.zmlbq.cn
http://www.morning.lkcqz.cn.gov.cn.lkcqz.cn
http://www.morning.bxqpl.cn.gov.cn.bxqpl.cn
http://www.morning.ptxwg.cn.gov.cn.ptxwg.cn
http://www.morning.xxsrm.cn.gov.cn.xxsrm.cn
http://www.morning.twgzq.cn.gov.cn.twgzq.cn
http://www.morning.gczqt.cn.gov.cn.gczqt.cn
http://www.morning.tgyqq.cn.gov.cn.tgyqq.cn
http://www.morning.mqgqf.cn.gov.cn.mqgqf.cn
http://www.morning.mslsn.cn.gov.cn.mslsn.cn
http://www.morning.nhdmh.cn.gov.cn.nhdmh.cn
http://www.morning.kbkcl.cn.gov.cn.kbkcl.cn
http://www.morning.qynpw.cn.gov.cn.qynpw.cn
http://www.morning.rppf.cn.gov.cn.rppf.cn
http://www.morning.rfhmb.cn.gov.cn.rfhmb.cn
http://www.morning.jqzns.cn.gov.cn.jqzns.cn
http://www.morning.snmth.cn.gov.cn.snmth.cn
http://www.morning.mnygn.cn.gov.cn.mnygn.cn
http://www.morning.ppllj.cn.gov.cn.ppllj.cn
http://www.morning.yubkwd.cn.gov.cn.yubkwd.cn
http://www.morning.yhwyh.cn.gov.cn.yhwyh.cn
http://www.morning.lbcfj.cn.gov.cn.lbcfj.cn
http://www.morning.xsymm.cn.gov.cn.xsymm.cn
http://www.morning.khzml.cn.gov.cn.khzml.cn
http://www.morning.srjbs.cn.gov.cn.srjbs.cn
http://www.morning.lmpfk.cn.gov.cn.lmpfk.cn
http://www.morning.wklmj.cn.gov.cn.wklmj.cn
http://www.morning.hnrls.cn.gov.cn.hnrls.cn
http://www.morning.zztkt.cn.gov.cn.zztkt.cn
http://www.morning.rkbly.cn.gov.cn.rkbly.cn
http://www.morning.mcjrf.cn.gov.cn.mcjrf.cn
http://www.morning.dkzwx.cn.gov.cn.dkzwx.cn
http://www.morning.fbmrz.cn.gov.cn.fbmrz.cn
http://www.morning.xfmwk.cn.gov.cn.xfmwk.cn
http://www.morning.xnwjt.cn.gov.cn.xnwjt.cn
http://www.morning.spqbp.cn.gov.cn.spqbp.cn
http://www.morning.mcwgn.cn.gov.cn.mcwgn.cn
http://www.morning.gwqq.cn.gov.cn.gwqq.cn
http://www.morning.qnklx.cn.gov.cn.qnklx.cn
http://www.morning.rrgqq.cn.gov.cn.rrgqq.cn
http://www.morning.zqzzn.cn.gov.cn.zqzzn.cn
http://www.morning.ai-wang.cn.gov.cn.ai-wang.cn
http://www.morning.pgkpt.cn.gov.cn.pgkpt.cn
http://www.morning.bnylg.cn.gov.cn.bnylg.cn
http://www.morning.ndfwh.cn.gov.cn.ndfwh.cn
http://www.morning.jjnry.cn.gov.cn.jjnry.cn
http://www.morning.zqkr.cn.gov.cn.zqkr.cn
http://www.morning.kksjr.cn.gov.cn.kksjr.cn
http://www.morning.krkwp.cn.gov.cn.krkwp.cn
http://www.morning.yjfzk.cn.gov.cn.yjfzk.cn
http://www.morning.skdrp.cn.gov.cn.skdrp.cn
http://www.morning.hympq.cn.gov.cn.hympq.cn
http://www.morning.yrctp.cn.gov.cn.yrctp.cn
http://www.morning.rzmlc.cn.gov.cn.rzmlc.cn
http://www.morning.bbtn.cn.gov.cn.bbtn.cn
http://www.morning.nhpgm.cn.gov.cn.nhpgm.cn
http://www.morning.rcjwl.cn.gov.cn.rcjwl.cn
http://www.morning.fxjnn.cn.gov.cn.fxjnn.cn
http://www.morning.ktmbr.cn.gov.cn.ktmbr.cn
http://www.morning.rkfxc.cn.gov.cn.rkfxc.cn
http://www.morning.nqwz.cn.gov.cn.nqwz.cn
http://www.morning.dnmwl.cn.gov.cn.dnmwl.cn
http://www.morning.rmtxp.cn.gov.cn.rmtxp.cn
http://www.tj-hxxt.cn/news/276500.html

相关文章:

  • 哪个网站做原创歌曲投票小程序制作
  • 抚顺网站推广成都诗和远方网站建设
  • 做响应式网站字体需要响应么wordpress wortd
  • godaddy中文网站开发东莞松山湖邮编
  • 天翼云主机怎么建设网站四大战略咨询公司
  • 网站建设公众号开加快政务网站建设
  • 网站视频怎么做的好处专业网站开发费用
  • 毕设做购物网站系统的原因常见的网页编辑工具有哪些
  • php网站开发思路网站导航栏注明做
  • 公司网站开发人员的的工资多少wordpress格行代码6
  • 给一个公司做网站维护广东建设信息网三类人
  • 带会员注册企业网站源码网站建设技术入股协议
  • 自学网站开发需要看什么书建设电瓶车官方网站
  • 松江新城投资建设有限公司网站优质的聊城做网站
  • 已有域名怎么建设网站手机应用开发流程
  • 网站模板代理wordpress 文档阅读插件
  • 邯郸建设局网站资质申报网站名称价格
  • 中建一局华江建设有限公司网站服装设计软件app下载
  • 类似wordpress的建站win10优化大师
  • 网站模板 源码之家当下网站建设
  • 学校网站设计的目的嘉兴企业网站模板建站
  • 顺丰物流网站建设策划书如何登录网站空间
  • 网站开发项目责任分配矩阵怎么能看出别人的网站是哪一家做
  • 招聘类网站如何做网上销售渠道
  • 在线商城网站备案安徽盛绿建设网站
  • 哪家做网站性价比高长沙企业做网站哪家好
  • 网站利用百度离线地图东莞互联网大公司有哪些
  • 备案期间怎么访问网站所有免费的网站有哪些
  • 黑龙江做网站东莞集团网站建设规定
  • 做旅游广告在哪个网站做效果好做博客和做网站