日常收集的资料和代码
深度学习如何优化神经网络结构 | 架构 link |
归一化方法总结 | 又名”BN和它的后浪们” link |
ncnn 腾讯 pc_win10_x64安装ncnn,并使用vulkan link
模型网络部署
让CNN有了平移不变性 link
lottery-ticket-hypothesis github
pytorch_image_classification github
deeplearning-modelsgithub
CNN模型合集 link
EfficientNets-PyTorch 2019 github
ML_GCN PyTorch implementation of Multi-Label Image Recognition with Graph Convolutional Networks, CVPR 2019 github
Inception
Network in Network
pytorch_highway_networks github
推崇的CNN架构 link
OctaveConv_pytorch 2019 github
Res2Net
分类实现合集 pytorch github
Auto-Keras link
图卷积网络Numpy实现 link
PeleeNet-基于手机系统的实时网络 link
SKNet 2019 link
TResNet: High Performance GPU-Dedicated Architecture github
ResNeSt 李沐团队提出最强ResNet改进版,多项任务达到SOTA github
SCNet - PyTorch官方实现CVPR 2020论文“使用自校准卷积改进卷积网络” github
SimCLR 对比学习得到一个好的视觉预训练模型 link
SimCLR框架的理解和代码实现以及代码讲解 link
使用元学习来进行少样本图像分类 link
RepVGG 2021 link
二次元萌妹高清舞姿随心变,换装只需一瞬间 | 又是GAN立功了 github |
[(42条消息) 图像编辑系列之(2)基于StyleGAN(3)GAN逆映射(4)人脸 (5)语义生成 | ICCV2021生成对抗GAN梳理汇总…_机器学习与AI生成创作的博客-CSDN博客](https://blog.csdn.net/lgzlgz3102/article/details/123606430) |
Ultra-Light-Fast-Generic-Face-Detector-1MB github
利用Keras进行人脸分析的深度学习框架集合 github
RetinaFace的PyTorch实现:室外的单阶段密集人脸定位 github
Deep Convolutional Network Cascade for Facial Point Detection link
Multi-task face recognition framework based on PyTorch github
A-Light-and-Fast-Face-Detector-for-Edge-Devices 2019 github
Dual Shot Face Detector 人脸检测的一个PyTorch实现 github
FaceKit github
PCN in Pytorch github
基于Heat Map的人脸特征点检测 link
Hourglass+heatmap解决掌纹回归问题 link
FaceDetection-DSFD 腾讯优图 CVPR 2019 github
人脸特征点 2019 github
libfacedetection caffe 静态C++代码 github
PyramidBox: 用pytorch实现上下文辅助单镜头人脸检测器 github
人脸检测模型总结 link
PRNet的非官方pytorch实现,包含训练和推理代码 github
LFFD: 边缘设备的轻便快速人脸检测器 行人 人头 github
1M人脸检测模型(含关键点) github
在Pytorch上对动漫人脸界标进行深度级联回归的实现 pytorch github
BlazeFace-PyTorch github
FaceMaskDetection - 开源人脸口罩检测模型和数据 github
sbd_mask 基于CenterFace开发 cpu的口罩检测 github
CPU推理速度100FPS的PyTorch人脸特征点定位 github
开源视频人脸跟踪算法,基于mtcnn人脸检测+onet人脸跟踪,在i7-9700k的cpu检测速度可高达250fps github
yoloface大礼包 使用pytroch实现的基于yolov3的轻量级人脸检测(包含关键点) github
deep-sdm 106个特征点检测 github
轻量级人脸检测算法实现大盘点 link
Numerical Coordinate Regression=高斯热图 VS 坐标回归 link
Lightweight OpenPose
轻量级人体姿态估计模型MoveNet fire717/movenet.pytorch: A Pytorch implementation of MoveNet from Google. Include training code and pre-trained model. (github.com)
人脸对齐代码
#-------------------------------------#
# 人脸对齐
#-------------------------------------#
def Alignment_1(img,landmark):
if landmark.shape[0]==68:
x = landmark[36,0] - landmark[45,0]
y = landmark[36,1] - landmark[45,1]
elif landmark.shape[0]==5:
x = landmark[0,0] - landmark[1,0]
y = landmark[0,1] - landmark[1,1]
# 眼睛连线相对于水平线的倾斜角
if x==0:
angle = 0
else:
# 计算它的弧度制
angle = math.atan(y/x)*180/math.pi
center = (img.shape[1]//2, img.shape[0]//2)
RotationMatrix = cv2.getRotationMatrix2D(center, angle, 1)
# 仿射函数
new_img = cv2.warpAffine(img,RotationMatrix,(img.shape[1],img.shape[0]))
RotationMatrix = np.array(RotationMatrix)
new_landmark = []
for i in range(landmark.shape[0]):
pts = []
pts.append(RotationMatrix[0,0]*landmark[i,0]+RotationMatrix[0,1]*landmark[i,1]+RotationMatrix[0,2])
pts.append(RotationMatrix[1,0]*landmark[i,0]+RotationMatrix[1,1]*landmark[i,1]+RotationMatrix[1,2])
new_landmark.append(pts)
new_landmark = np.array(new_landmark)
return new_img, new_landmark
————————————————
版权声明:本文为CSDN博主「Bubbliiiing」的原创文章,遵循CC 4.0 BY-SA版权协议,转载请附上原文出处链接及本声明。
原文链接:https://blog.csdn.net/weixin_44791964/article/details/111130326
为了构造这个矩阵,opencv提供了一个函数:
M = cv2.getRotationMatrix2D(center, angle, scale)
此函数主要用于获得图像绕着某一点的旋转矩阵,这个函数需要三个参数,旋转中心,旋转角度,旋转后图像的缩放比例。返回一个2*3矩阵,主要用于cv2.warpAffine()仿射变换。
parameters
center:旋转中心坐标,是一个元组参数(col, row)
angle:旋转角度,旋转方向,负号为逆时针,正号为顺时针
scale:旋转后图像相比原来的缩放比例,1为等比例缩放
returns
获得一个旋转矩阵
Lightweight Image Super-Resolution with Information Multi-distillation Network (ACM MM 2019) github
图像超分:RealSR link
Open MMLab Image and Video Super-Resolution Toolbox, , including SRResNet, SRGAN, ESRGAN, EDVR, etc. MMSR:基于PyTorch的图像/视频超分辨率工具箱 github
FALSR 2019 小米 github
FixRes github
noise2noise-pytorch github
Pytorch实现多帧超分辨率(MFSR)网络HighRes-net github
去模糊GAN DeblurGANv2 github
High-Quality Self-Supervised Deep Image Denoising 2019 github
ABPN pytorch 2019 github
super-resolution github
超分辨率损失函数 link
使用具有批量重新归一化的深度CNN进行图像去噪 tensorflow 2019 github
Dandere2x github
Waifu2x-Extension-GUI github
generative_inpainting fillv2 github
srmd ncnn vulkan 通用图片超分放大工具 github
PyTorch实现“通过超高分辨率实现无损图像压缩” github
图像去模糊系列算法 link
MMSR 是基于PyTorch的开源图像和视频超分辨率工具箱,包括SRResNet,SRGAN,ESRGAN等 github
去雨网络(PReNet) github
2020年超越RCAN,图像超分又一峰 link
Software and pre-trained models for automatic photo quality enhancement using Deep Convolutional Networks github link
Deep Unfolding Network for Image Super-Resolution (CVPR, 2020) (PyTorch) github link
可控图像复原 | CResMD github link |
Generating RGB photos from RAW image files with PyNET (PyTorch) github
ZSSR link
2020超分辨算法CFSRCNN
如何恢复降采样后的高清图片?可逆图像缩放搞定 github
基于 U NET 网络实现的人像分割 | 附数据集 link |
0. 从阿里的User Interest Center看模型线上实时serving方法 link
0. jittor[官网](https://cg.cs.tsinghua.edu.cn/jittor/) [github](https://github.com/Jittor/jittor)
教程 | 如何使用Keras、Redis、Flask和Apache把深度学习模型部署到生产环境? link |
拼多多商品信息爬虫 github
还分不清 Cookie、Session、Token、JWT? link
Python3 爬虫实战 github
新闻网站通用抽取器GNE v0.04版更新,支持提取正文图片与源代码 github
redis与mysql
数据库和缓存之间一般不需要强一致性。
一般缓存是这样的:
etcd
apollo
rabbit mq