pkuyilong's Stars
QwenLM/Qwen
The official repo of Qwen (通义千问) chat & pretrained large language model proposed by Alibaba Cloud.
datawhalechina/fun-rec
推荐系统入门教程,在线阅读地址:https://datawhalechina.github.io/fun-rec/
bayesian-optimization/BayesianOptimization
A Python implementation of global optimization with gaussian processes.
iperov/DeepFaceLive
Real-time face swap for PC streaming or video calls
labmlai/annotated_deep_learning_paper_implementations
🧑🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
BobLiu20/YOLOv3_PyTorch
Full implementation of YOLOv3 in PyTorch
xuebinqin/U-2-Net
The code for our newly accepted paper in Pattern Recognition 2020: "U^2-Net: Going Deeper with Nested U-Structure for Salient Object Detection."
tianzhi0549/FCOS
FCOS: Fully Convolutional One-Stage Object Detection (ICCV'19)
HuiZeng/Grid-Anchor-based-Image-Cropping-Pytorch
PyTorch implementation of "Grid anchor based image cropping"
bcmi/Awesome-Aesthetic-Evaluation-and-Cropping
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
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
yiranran/APDrawingGAN
Code for APDrawingGAN: Generating Artistic Portrait Drawings from Face Photos with Hierarchical GANs (CVPR 2019 Oral)
biubug6/Pytorch_Retinaface
Retinaface get 80.99% in widerface hard val using mobilenet0.25.
sdmg15/Best-websites-a-programmer-should-visit
:link: Some useful websites for programmers.
Python3WebSpider/Python3WebSpider
Source File of My Book related to WebSpider
Megvii-BaseDetection/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
ultralytics/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
CVUsers/Smoke-Detect-by-YoloV5
Yolov5 real time smoke detection system
WZMIAOMIAO/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
hoya012/deep_learning_object_detection
A paper list of object detection using deep learning.
ChaofWang/Awesome-Super-Resolution
Collect super-resolution related papers, data, repositories
DeNA/PyTorch_YOLOv3
Implementation of YOLOv3 in PyTorch
AMAI-GmbH/AI-Expert-Roadmap
Roadmap to becoming an Artificial Intelligence Expert in 2022
developer0hye/Yolo_Label
GUI for marking bounded boxes of objects in images for training neural network YOLO
dog-qiuqiu/Yolo-Fastest
:zap: Based on yolo's ultra-lightweight universal target detection algorithm, the calculation amount is only 250mflops, the ncnn model size is only 666kb, the Raspberry Pi 3b can run up to 15fps+, and the mobile terminal can run up to 178fps+
abeardear/pytorch-YOLO-v1
an experiment for yolo-v1, including training and testing.
bubbliiiing/yolo3-pytorch
这是一个yolo3-pytorch的源码,可以用于训练自己的模型。
jwyang/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
Andy-zhujunwen/danet-pytorch
[pytorch] DANet: Dual Attention Network for Scene Segmentation