Exception-star's Stars
microsoft/LoRA
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
hua1995116/awesome-ai-painting
AI绘画资料合集(包含国内外可使用平台、使用教程、参数教程、部署教程、业界新闻等等) Stable diffusion、AnimateDiff、Stable Cascade 、Stable SDXL Turbo
huggingface/diffusers
🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch and FLAX.
rinongal/textual_inversion
bendangnuksung/Image-OutPainting
🏖 Keras Implementation of Painting outside the box
WZMIAOMIAO/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
open-mmlab/awesome-vit
lih627/autocrop
Image auto crop toolbox. Support any proportion of cropping results, based on face detection and GAIC. 图片智能裁剪工具箱,支持任意比例裁剪结果,基于人脸检测和 GAIC.
leblancfg/autocrop
:relieved: Automatically detects and crops faces from batches of pictures.
amusi/daily-paper-computer-vision
记录每天整理的计算机视觉/深度学习/机器学习相关方向的论文
RK621/ThreeStageSelftraining_SemanticSegmentation
This repository is about our work "A Three-Stage Self-Training Framework for Semi-Supervised Semantic Segmentation"
zhaohengyuan1/PAN
(ECCV2020 Workshops) Efficient Image Super-Resolution Using Pixel Attention.
nmhkahn/CARN-pytorch
Fast, Accurate, and Lightweight Super-Resolution with Cascading Residual Network (ECCV 2018)
irasin/Pytorch_AdaIN
Pytorch implementation from scratch of [Arbitrary Style Transfer in Real-time with Adaptive Instance Normalization [Huang+, ICCV2017]]
speedinghzl/AlignSeg
AlignSeg: Feature-Aligned Segmentation Networks (TPAMI 2021)
zylo117/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
JamesQFreeman/PointRend
an numpy-based implement of PointRend
lukemelas/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
shachoi/HANet
Official PyTorch implementation of HANet (CVPR 2020)
zsef123/PointRend-PyTorch
A PyTorch implementation of PointRend: Image Segmentation as Rendering
LikeLy-Journey/SegmenTron
Support PointRend, Fast_SCNN, HRNet, Deeplabv3_plus(xception, resnet, mobilenet), ContextNet, FPENet, DABNet, EdaNet, ENet, Espnetv2, RefineNet, UNet, DANet, HRNet, DFANet, HardNet, LedNet, OCNet, EncNet, DuNet, CGNet, CCNet, BiSeNet, PSPNet, ICNet, FCN, deeplab)
facebookresearch/maskrcnn-benchmark
Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
huaifeng1993/awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
HRNet/HRNet-Semantic-Segmentation
The OCR approach is rephrased as Segmentation Transformer: https://arxiv.org/abs/1909.11065. This is an official implementation of semantic segmentation for HRNet. https://arxiv.org/abs/1908.07919
xiaoyufenfei/Real-Time-Semantic-Segmentation
lightweight and efficient cnn for semantic segmentation, my blog address:
akirasosa/mobile-semantic-segmentation
Real-Time Semantic Segmentation in Mobile device
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
romulus0914/MixNet-PyTorch
A PyTorch Implementation of MixNet
VITA-Group/FasterSeg
[ICLR 2020] "FasterSeg: Searching for Faster Real-time Semantic Segmentation" by Wuyang Chen, Xinyu Gong, Xianming Liu, Qian Zhang, Yuan Li, Zhangyang Wang