C++ 和 Java 的代码效率更高,通常是处理大量数据时的首选语言。

face_recognition.face_encodings() 错误提示:IndexError: list index out of range

因为返回的是image图片中数组0位置的人脸编码,但忽略了一个问题:在图片中没有识别到人脸时
================================
https://github.com/search?o=desc&q=AI&s=stars&type=Repositories
stable diffusion webui整合版是一款专业的AI绘画软件
ANPR 基于深度学习的智能车牌识别

https://www.yuque.com/easyx/easynlp/ffu6p9

https://www.zhihu.com/question/23473262

NLP 编程语言
Python:
NLP 库和工具包一般在 Python 中可用,目前大多数 NLP 项目都是使用 Python 开发的。Python 的交互式开发环境让用户可以轻松开发和测试新代码。

Java 和 C++:
C++ 和 Java 的代码效率更高,通常是处理大量数据时的首选语言。

NLP 库和开发环境
以下是一些常用的 NLP 库。

TensorFlow 和 PyTorch:这是常用的两个深度学习工具包。TensorFlow 和 PyTorch 可自由用于研究和商业用途,其主要语言是 Python,但同时也支持其他多种语言。它们随带大量的预构建组件库,因此即使高度复杂的深度学习 NLP 模型一般也只需要这两个组件。它们支持高性能计算基础设施,例如搭载图形处理器单元 (GPU) 加速器的计算机集群。最后,它们还提供了优秀的文档和教程。

AllenNLP:这是一个使用 PyTorch 和 Python 实施的高级 NLP 组件(例如简单的聊天机器人)库。它提供了优秀的文档。

HuggingFace:该公司发布了数百种预训练深度学习 NLP 模型;发布了大量的在 TensorFlow 和 PyTorch 中即插即用的软件工具包,让开发人员能够快速评估不同预训练模型执行特定任务的效果。

Spark NLP:Spark NLP 是一个面向高级 NLP 的开源文本处理库,支持 Python、Java 和 Scala 编程语言。它旨在为自然语言处理管道提供一个应用编程接口 (API),不仅提供预训练神经网络模型、管道和嵌入,还支持自定义模型训练。

SpaCy NLP:SpaCy 是 Python 中的一个免费、开源的高级 NLP 库,专用于帮助用户构建可处理和理解大量文本的应用。SpaCy 非常直观,可处理常见 NLP 项目中的众多任务。

简而言之,自然语言处理能够为各种新产品提供强大支持,例如搜索引擎、聊天机器人、推荐系统以及语音文本转换系统,是一个令人兴奋的人工智能开发领域。随着计算机人机界面持续“消灭”按钮、表单和特定于域的语言,人们对自然语言处理的需求将持续增长。为此,Oracle Cloud Infrastructure 致力于通过针对 NLP 进行了性能优化的计算配置和工具,为用户提供本地部署般的优异性能。利用 Oracle Cloud Infrastructure 提供的丰富的 GPU 配置阵列,您可以在数分钟内完成部署,开始使用 NLP。


https://blog.51cto.com/wangshiyu/5164563
https://huaweicloud.csdn.net/63808bfddacf622b8df8a627.html

Apache OpenNLP;Stanford NLP suite;Gate NLP library 其中⾃然语⾔⼯具包(NLTK)是最受欢迎的⾃然语⾔处理库(NLP),它是⽤Python编写的,⽽且背后有⾮常强⼤的社区⽀持。NLTK

自然语言处理NLP程序包(NLTK/spaCy)
OpenNLP是Apach下的Java自然语言处理API,功能齐全。如下给大家介绍一下使用OpenNLP进行中文语料命名实体识别的过程。


人脸识别里放了个猩猩。怎么都识别不出来。因为没有人脸。
Traceback (most recent call last):
  File "D:\face.py", line 10, in
    image1_face_encoding = face_recognition.face_encodings(image1)[0]
IndexError: list index out of range

https://blog.csdn.net/Harrytsz/article/details/120182973

face_recognition开源人脸识别库:离线识别率高达99.38% 

# OpenCV is a library of programming functions mainly aimed at real-time computer vision.
import cv2

# It's loading a pre-trained model that can detect faces in images.
import face_recognition
image1 = face_recognition.load_image_file("a.PNG")
image2 = face_recognition.load_image_file("b.PNG")

image1_face_encoding = face_recognition.face_encodings(image1)[0]
image2_face_encoding = face_recognition.face_encodings(image2)[0]
known_faces = [
image1_face_encoding
    ]
results = face_recognition.compare_faces(known_faces, image2_face_encoding)
print('人脸比对结果:{}'.format(results[0]))


#导入库
import cv2
#加载图片
img = cv2.imread('cccc.jpg')
#加载人脸模型
face=cv2.CascadeClassifier('haarcascade_frontalface_alt.xml')
#调整灰度
gray=cv2.cvtColor(img,cv2.COLOR_RGB2GRAY)
#识别人脸
faces=face.detectMultiScale(gray)
#命名窗口
cv2.namedWindow("test")
#显示图片
for (x,y,w,h) in faces:
    cv2.rectangle(img,(x,y),(x+w,y+h),(255,0,0),2)
cv2.imshow('test2',img)
#暂停运行 0代表一直暂停
cv2.waitKey(0)
#关闭所有窗口
cv2.destroyAllWindows()


win10+python3.7+dlib+opencv+face_recognition实现人脸识别
https://www.cnblogs.com/sclu/p/12626553.html

https://www.qiniu.com/qfans/qnso-69963555
版本可把人给整死了。
pip install -i https://pypi.tuna.tsinghua.edu.cn/simple opencv-python==4.3.0.38
pip install -i https://pypi.douban.com/simple/ pip install opencv-python==4.3.0.38

face_recognition人脸识别 检测两张图片是否为同一个人

https://www.python.org/downloads/release/python-368/
https://www.liaoxuefeng.com/
https://docs.python.org/zh-cn/3.10/using/

python 用pip安装cv2(超简单的一句话)
pip install opencv-python

Anaconda

OpenAI


Python

https://www.cnblogs.com/backuper/archive/2008/12/22/1359776.html

如何下载并转化网络M3U8文件为mp4文件
https://www.cnblogs.com/backuper/p/17039596.html

Window、Linux环境下使用rembg库应用分离图片前后景

https://github.com/danielgatis/rembg
CPU support:
pip install rembg

处理器如果是GPU
GPU support:
pip install rembg[gpu]

rembg i "d:/a.PNG" "d:/b.PNG"

rembg i -m u2netp "d:/a.PNG" "d:/f.PNG"

rembg i "d:/x.PNG" "d:/xx.PNG"

open ai在去年开源的工具:whisper。

FFmpeg 


Google Web Speech API 支持硬编码到 SpeechRecognition 库中的默认 API 密钥,无需注册就可使用
语音识别转为文字
https://www.cnblogs.com/v3ucn/p/17174302.html
https://www.cnblogs.com/v3ucn/p/17057512.html
https://blog.csdn.net/alice_tl/article/details/89684369


https://www.qiyuandi.com/
https://github.com/primefaces/primeng
https://primevue.org/inlinemessage
https://hoppscotch.io/graphql
https://github.com/LeCoupa/awesome-cheatsheets
https://www.qmxip.com/


http://www.jimureport.com/
http://www.jeecg.com/vip

官网链接:http://www.datagear.tech/
文档链接:http://www.datagear.tech/documentation/

https://www.cnblogs.com/mahongbiao/p/14514315.html
https://www.cnblogs.com/mahongbiao/p/8013012.html
postgreSQL
http://www.jimureport.com/login
java 定时任务
xxl-job
springtask
quartz
elastic-job和xxl-job是两个非常优秀的分布式任务调度框架
消息队列+本地事件表+定时任务

@Scheduled注解

    将@Scheduled注释和触发器元数据添加到方法上,就可以完成任务调度,其中有以下几种表达式:

    1.@Scheduled(fixedDelay=5000) :固定间隔时间,表示上一任务完成后间隔五秒再执行

    @Scheduled(fixedRate=5000):  表示每间隔五秒执行一次任务,但是如果五秒任务没有执行完,会在任务执行结束后,立即执行任务,然而不会任务没有结束前,就开始下次一任务

    @Scheduled(initialDelay=1000, fixedRate=5000):固定等待时间,启动时间开始,延迟五秒后间隔1s执行

    @Scheduled(cron = "0 0/10 * ? * ?"):按照标准时间计算,每间隔十分钟计算一次
 

pip install scipy


1. face_recognition是一个强大、简单、易上手的人脸识别开源项目,并且配备了完整的开发文档和应用案例。
2. 基于业内领先的C++开源库 dlib中的深度学习模型,用Labeled Faces in the Wild人脸数据集进行测试,有高达99.38%的准确率。

face_recognition是一个强大、简单、易上手的人脸识别开源项目,
人脸识别(face recognition)和神经风格迁移(neural style transfer)。
Face Recognition 是一个基于 Python 的人脸识别库,它还提供了一个命令行工具,让你通过命令行对任意文件夹中的图像进行人脸识别操作。

该库使用 dlib 顶尖的深度学习人脸识别技术构建,在户外脸部检测数据库基准 (Labeled Faces in the Wild benchmark) 上的准确率高达 99.38%。

python-3.6.8

pip install cmake

pip install dlib==19.7.0

pip install face-recognition==0.1.10

pip install opencv-python

xxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx pip install scipy==1.2.1

image1 = face_recognition.load_image_file("exx.PNG")
image2 = face_recognition.load_image_file("ex.PNG")

image1_face_encoding = face_recognition.face_encodings(image1)[0]
image2_face_encoding = face_recognition.face_encodings(image2)[0]

results = face_recognition.compare_faces(image1_face_encoding, image2_face_encoding)
print('人脸比对结果:{}'.format(results[0]))


Python3+TensorFlow,打造人脸识别

# OpenCV is a library of programming functions mainly aimed at real-time computer vision.
import cv2

# It's loading a pre-trained model that can detect faces in images.
import face_recognition


def get_face_encodings(image_path):
    """
    It takes an image path, loads the image, finds the faces in the image, and returns the 128-d face encodings for each
    face

    :param image_path: The path to the image to be processed
    """
    # It's loading a pre-trained model that can detect faces in images.
    image = cv2.imread(image_path)

    # It's converting the image from BGR to RGB.
    image_RGB = image[:, :, ::-1]

    image_face = face_recognition.face_locations(image_RGB)

    # It's taking the image and the face locations and returning the face encodings.
    face_env = face_recognition.face_encodings(image_RGB, image_face)

    # It's returning the first face encoding in the list.
    return face_env[0]


# It's taking the image and the face locations and returning the face encodings.
ima1 = get_face_encodings('d:/exx.PNG')

# It's taking the image and the face locations and returning the face encodings.
ima2 = get_face_encodings('d:/ex.PNG')

# It's comparing the two face encodings and returning True if they match.
is_same = face_recognition.compare_faces([ima1], ima2, tolerance=0.3)[0]

print('人脸比对结果:{}'.format(is_same))


https://blog.csdn.net/weixin_45228439/article/details/128902621
pip install opencv-python  
pip install opencv-contrib-python 

https://www.cnblogs.com/architectforest/p/16790772.html
python 开发环境搭建

ModuleNotFoundError: No module named ‘cv2‘解决办法_...
https://blog.csdn.net/fengdu78/article/details/122738663
windows安装 python backgroundremover 
https://zhuanlan.zhihu.com/p/406924656

https://www.cnblogs.com/architectforest/p/16790772.html
https://www.cnblogs.com/architectforest/p/16790953.html


utlity

Python - MBA智库百科
Python,是一種面向對象、解釋型電腦程式設計語言,由Guido van Rossum於1989年底發明,第一個公開發行版發行於1991年,Python 源代碼同樣遵循 GPL(GNU General Public License)
python 抠图开发入门


查看python和pip的版本:
python --version
python -m pip show pip


https://www.cnblogs.com/architectforest/p/16788634.html

# CPU only
pip install torch==1.9.1+cpu torchvision==0.9.1+cpu -f https://download.pytorch.org/whl/torch_stable.html


python backgroundremover安装


'pip' 不是内部或外部命令,也不是可运行的程序 或批处理文件。
https://jingyan.baidu.com/article/a3f121e486ff87fc9052bbe8.html

python.exe -m pip install --upgrade pip

# backgroundremover -i "带背景照片" -o "去除背景照片"
backgroundremover -i "a.PNG" -o "b.PNG"

ERROR: Cannot install backgroundremover==0.1.1, backgroundremover==0.1.2, backgroundremover==0.1.3, backgroundremover==0.1.4, backgroundremover==0.1.5, backgroundremover==0.1.6, backgroundremover==0.1.7, backgroundremover==0.1.8 and backgroundremover==0.1.9 because these package versions have conflicting dependencies.

ERROR: ResolutionImpossible: for help visit https://pip.pypa.io/en/latest/topics/dependency-resolution/#dealing-with-dependency-conflicts


https://www.cnblogs.com/dzw159/p/16636621.html
人脸识别
cmd python
http://matting.deeplor.com/#/ python一键抠图
https://funletu.com/newsflashes/46165.html
https://www.cnblogs.com/kiba/p/16455532.html

deepfake、face++
c# openvc
语言文字AI
AI换脸deepfacelab简易教程
deepfacelab
使用moviepy为生成的视频加上音乐
人工智能时代的中文和英文,谁能成为AI的母语?
http://www.ijianji.com/article/aijiazimu.htm
Deepfake换脸
图片AI换脸


OpenCV是一个基于Apache2.0许可(开源)发行的跨平台计算机视觉和机器学习软件库,可以运行在Linux、Windows、Android和Mac OS操作系统上。它轻量级而且高效——由一系列 C 函数和少量 C++ 类构成,同时提供了Python、Ruby、MATLAB等语言的接口,实现了图像处...

语言文字AI
世界数字经济万物互联时代的NLU(自然语言理解)创新革命,极大地颠覆了传统人工智能依靠数据库支撑的检索型困局。
AI智能中的OCR 少数民族文字识别


    python一键抠图
python人工自动抠图    Python抠图怎么弄
python批量抠图代码    Python自动抠图代码
python图片处理    python三行代码抠图
opencv 抠图 复杂背景    pythoncv2抠图

c# AI抠图
c# openvc

ASP.NET Core Web API 接口限流 
Apache Kafka
Python
Spring:现代Java开发的必备框架
字符编码ASCII、Unicode与UTF-8
Java/JS/Go/Python
linux
gRPC之.Net6
flutter
ChatGPT 
Spring Cloud
b+tree的本质
ASP.NET Core
基于Kubernetes(k8s)部署Dubbo+Nacos服务
MapReduce
Hadoop、Hive、Spark、Flink、Presto、ClickHouse、StarRocks、Delta、Hudi等开源大数据计算和存储引擎。
Three.js
JWT

你可能感兴趣的:(python,机器学习,深度学习)