kaiven11's Stars
lllyasviel/ControlNet
Let us control diffusion models!
xinntao/Real-ESRGAN
Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.
matterport/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
pyg-team/pytorch_geometric
Graph Neural Network Library for PyTorch
serengil/deepface
A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender, Emotion and Race) Library for Python
qubvel-org/segmentation_models.pytorch
Semantic segmentation models with 500+ pretrained convolutional and transformer-based backbones.
cleanlab/cleanlab
The standard data-centric AI package for data quality and machine learning with messy, real-world data and labels.
XPixelGroup/BasicSR
Open Source Image and Video Restoration Toolbox for Super-resolution, Denoise, Deblurring, etc. Currently, it includes EDSR, RCAN, SRResNet, SRGAN, ESRGAN, EDVR, BasicVSR, SwinIR, ECBSR, etc. Also support StyleGAN2, DFDNet.
YaoFANGUK/video-subtitle-extractor
视频硬字幕提取,生成srt文件。无需申请第三方API,本地实现文本识别。基于深度学习的视频字幕提取框架,包含字幕区域检测、字幕内容提取。A GUI tool for extracting hard-coded subtitle (hardsub) from videos and generating srt files.
z1069614715/objectdetection_script
一些关于目标检测的脚本的改进思路代码,详细请看readme.md
chenyuntc/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
subeeshvasu/Awesome-Deblurring
A curated list of resources for Image and Video Deblurring
megvii-research/NAFNet
The state-of-the-art image restoration model without nonlinear activation functions.
VainF/DeepLabV3Plus-Pytorch
Pretrained DeepLabv3 and DeepLabv3+ for Pascal VOC & Cityscapes
hustvl/YOLOP
You Only Look Once for Panopitic Driving Perception.(MIR2022)
jfzhang95/pytorch-video-recognition
PyTorch implemented C3D, R3D, R2Plus1D models for video activity recognition.
dusty-nv/jetson-utils
C++/CUDA/Python multimedia utilities for NVIDIA Jetson
notmahi/dobb-e
Dobb·E: An open-source, general framework for learning household robotic manipulation
hpc203/10kinds-light-face-detector-align-recognition
10种轻量级人脸检测算法的比拼,其中还包含人脸关键点检测与对齐,人脸特征向量提取和计算距离相似度
testdrivenio/flask-vue-kubernetes
Flask + Vue + Postgres + Docker + Kubernetes
HZAI-ZJNU/Mamba-YOLO
the official pytorch implementation of “Mamba-YOLO:SSMs-based for Object Detection”
pcb9382/PlateRecognition
高性能车牌检测与识别开源代码,方便移植嵌入式和安卓端使用,支持12种车牌识别,支持港澳车牌识别,支持大角度车牌识别,准确率高达99%+
bay1/vue-admin-flask-example
vue-admin和后端(flask)分离结合的超简单模板Demo
deepcam-cn/FaceQuality
An implementation of EQFace: A Simple Explicit Quality Network for Face Recognition (https://arxiv.org/abs/2105.00634, CVPRW 2021)
threeColorFr/LLMforDialogDataGenerate
Generate dialog data from documents using LLM like ChatGLM2 or ChatGPT;利用ChatGLM2,ChatGPT等大模型根据文档生成对话数据集
hpc203/yolov5-face-landmarks-opencv-v2
更新的yolov5检测人脸和关键点,只依赖opencv库就可以运行,程序包含C++和Python两个版本的
LowLevelAI/GLARE
Official implementation of GLARE, which is accpeted by ECCV 2024.
hpc203/yolov5-face-landmarks-opencv
yolov5检测人脸和关键点,只依赖opencv库就可以运行,程序包含C++和Python两个版本的
pallashadow/yolov5face_torchserve_tensorrt
Torchserve + TensorRT + Detection
jie311/Q-YOLO-My
A Pytorch Quantization for YOLO series: High accuracy, Low latency and Easy to use ~