Pinned Repositories
advanced-lane-detection
An advanced lane-finding algorithm using distortion correction, image rectification, color transforms, and gradient thresholding.
AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
anchor_computation_tool
annotated_deep_learning_paper_implementations
🧑🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
augmented_cyclegan
automl
Google Brain AutoML
awesome-deep-learning-papers
The most cited deep learning papers
Awesome-Diffusion-Models
A collection of resources and papers on Diffusion Models
awesome-image-classification
A curated list of deep learning image classification papers and codes
darknet
YOLOv4 (v3/v2) - Windows and Linux version of Darknet Neural Networks for object detection (Tensor Cores are used)
HaolyShiit's Repositories
HaolyShiit/annotated_deep_learning_paper_implementations
🧑🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
HaolyShiit/Awesome-Diffusion-Models
A collection of resources and papers on Diffusion Models
HaolyShiit/Awesome-Optical-Flow
This is a list of awesome paper about optical flow and related work.
HaolyShiit/Awesome-Video-Datasets
Video datasets
HaolyShiit/BSVD
[ACM MM 2022] Real-time Streaming Video Denoising with Bidirectional Buffers
HaolyShiit/CodeFormer
[NeurIPS 2022] Towards Robust Blind Face Restoration with Codebook Lookup Transformer
HaolyShiit/deepface
A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender, Emotion and Race) Library for Python
HaolyShiit/diffusion-models-class
Materials for the Hugging Face Diffusion Models Course
HaolyShiit/Doxa
A Local Adaptive Thresholding framework for image binarization written in C++, with JS and Python bindings. Implementing: Otsu, Bernsen, Niblack, Sauvola, Wolf, Gatos, NICK, Su, T.R. Singh, WAN, ISauvola, Bataineh, Chan and Shafait.
HaolyShiit/Face-restoration-models
当下热门的模糊人脸修复模型的部署,分别是:Codeformer,GFPGAN,GPEN,Restoreformer
HaolyShiit/fastdvdnet
FastDVDnet: A Very Fast Deep Video Denoising algorithm
HaolyShiit/flownet2-pytorch
Pytorch implementation of FlowNet 2.0: Evolution of Optical Flow Estimation with Deep Networks
HaolyShiit/GFPGAN
GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.
HaolyShiit/insightface
State-of-the-art 2D and 3D Face Analysis Project
HaolyShiit/LDV_dataset
HaolyShiit/LiteFlowNet
LiteFlowNet: A Lightweight Convolutional Neural Network for Optical Flow Estimation, CVPR 2018 (Spotlight paper, 6.6%)
HaolyShiit/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
HaolyShiit/pytorch-wgan
Pytorch implementation of DCGAN, WGAN-CP, WGAN-GP
HaolyShiit/RCD
HaolyShiit/RestoreFormer
[CVPR 2022] RestoreFormer: High-Quality Blind Face Restoration from Undegraded Key-Value Pairs
HaolyShiit/RestoreFormerPlusPlus
[TPAMI2023] RestoreFormer++
HaolyShiit/RVRT
Recurrent Video Restoration Transformer with Guided Deformable Attention (NeurlPS2022, official repository)
HaolyShiit/SDEdit
PyTorch implementation for SDEdit: Image Synthesis and Editing with Stochastic Differential Equations
HaolyShiit/stablediffusion
High-Resolution Image Synthesis with Latent Diffusion Models
HaolyShiit/stylegan
StyleGAN - Official TensorFlow Implementation
HaolyShiit/stylegan3
Official PyTorch implementation of StyleGAN3
HaolyShiit/the-gan-zoo
A list of all named GANs!
HaolyShiit/VideoRestoration
Video restoration based on deep learning: a comprehensive survey
HaolyShiit/VRT
VRT: A Video Restoration Transformer (official repository)
HaolyShiit/wgan-gp
A pytorch implementation of Paper "Improved Training of Wasserstein GANs"