Pinned Repositories
2021-CV-Surveys
2021 年,计算机视觉相关综述。包括目标检测、跟踪........
2D-self-attention_paddle
3D-Gaussian-Splatting-Papers
3D高斯论文列表,每日更新,欢迎大家使用 Discussions 讨论交流
ai_wechat
fastAPI + wechat + llm
annotated_deep_learning_paper_implementations
🧑🏫 50! 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, ... 🧠
caffe
Caffe: a fast open framework for deep learning.
NanoDet-PyTorch
基于NanoDet项目进行小裁剪,专门用来实现PyTorch 版本的代码,下载直接能使用,支持图片、视频文件、摄像头实时目标检测。
paper-reading
深度学习经典、新论文逐段精读
transformers-benchmarks
real Transformer TeraFLOPS on various GPUs
wall-unet
Flyingdog-Huang's Repositories
Flyingdog-Huang/3D-Gaussian-Splatting-Papers
3D高斯论文列表,每日更新,欢迎大家使用 Discussions 讨论交流
Flyingdog-Huang/transformers-benchmarks
real Transformer TeraFLOPS on various GPUs
Flyingdog-Huang/wall-unet
Flyingdog-Huang/2D-self-attention_paddle
Flyingdog-Huang/competition-baseline
数据科学竞赛知识、代码、思路
Flyingdog-Huang/ControlNet-v1-1-nightly
Nightly release of ControlNet 1.1
Flyingdog-Huang/CubiCasa5k
CubiCasa5k floor plan dataset
Flyingdog-Huang/DeepLearning-MuLi-Notes
Notes about courses Dive into Deep Learning by Mu Li
Flyingdog-Huang/doctr
docTR (Document Text Recognition) - a seamless, high-performing & accessible library for OCR-related tasks powered by Deep Learning.
Flyingdog-Huang/dt2
build model by detectron2
Flyingdog-Huang/graph-based-deep-learning-literature
links to conference publications in graph-based deep learning
Flyingdog-Huang/ICCV2023-Papers-with-Code
ICCV 2023 论文和开源项目合集
Flyingdog-Huang/LoFTR
Code for "LoFTR: Detector-Free Local Feature Matching with Transformers", CVPR 2021
Flyingdog-Huang/ML-Papers-of-the-Week
🔥Highlighting the top ML papers every week.
Flyingdog-Huang/nerf
Code release for NeRF (Neural Radiance Fields)
Flyingdog-Huang/nerf-pytorch
A PyTorch implementation of NeRF (Neural Radiance Fields) that reproduces the results.
Flyingdog-Huang/Paddle
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)
Flyingdog-Huang/pytorch-deeplab-xception
DeepLab v3+ model in PyTorch. Support different backbones.
Flyingdog-Huang/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Flyingdog-Huang/RepLKNet-pytorch
Scaling Up Your Kernels to 31x31: Revisiting Large Kernel Design in CNNs (CVPR 2022)
Flyingdog-Huang/RepVGG
RepVGG: Making VGG-style ConvNets Great Again
Flyingdog-Huang/SegNeXt
Official Pytorch implementations for "SegNeXt: Rethinking Convolutional Attention Design for Semantic Segmentation" (NeurIPS 2022)
Flyingdog-Huang/STT-paddle
Flyingdog-Huang/test_pc2hub
Flyingdog-Huang/The-Art-of-Linear-Algebra-zh-CN
Graphic notes on Gilbert Strang's "Linear Algebra for Everyone", 线性代数的艺术中文版, 欢迎PR.
Flyingdog-Huang/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Flyingdog-Huang/vissl
VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.
Flyingdog-Huang/wall-seg-deploy-torchserve
Flyingdog-Huang/Weighted-Boxes-Fusion
Set of methods to ensemble boxes from different object detection models, including implementation of "Weighted boxes fusion (WBF)" method.
Flyingdog-Huang/yolox-pytorch
这是一个yolox-pytorch的源码,可以用于训练自己的模型。