-
EdgeSAM-MNN Public
Forked from slz929/EdgeSAM-MNNQuickly inference EdgeSAM with MNN
C++ UpdatedDec 19, 2023 -
Awesome-BEV-Perception-Multi-Cameras Public
Forked from chaytonmin/Awesome-BEV-Perception-Multi-CamerasAwesome papers about Multi-Camera 3D Object Detection and Segmentation in Bird's-Eye-View, such as DETR3D, BEVDet, BEVFormer, BEVDepth, UniAD
UpdatedOct 18, 2023 -
-
-
surround-view-system-introduction Public
Forked from neozhaoliang/surround-view-system-introductionA full Python implementation for real car surround view system
Python MIT License UpdatedJun 29, 2023 -
DenoisingDiffusionProbabilityModel-ddpm- Public
Forked from zoubohao/DenoisingDiffusionProbabilityModel-ddpm-This may be the simplest implement of DDPM. You can directly run Main.py to train the UNet on CIFAR-10 dataset and see the amazing process of denoising.
Python MIT License UpdatedApr 24, 2023 -
KD-pytorch Public
Forked from JoonyoungYi/KD-pytorchPyTorch implementation of "Distilling the Knowledge in a Neural Network"
Python MIT License UpdatedDec 18, 2021 -
deep-learning-for-image-processing Public
Forked from WZMIAOMIAO/deep-learning-for-image-processingdeep learning for image processing including classification and object-detection etc.
Python UpdatedDec 13, 2021 -
handpose_x Public
Forked from XIAN-HHappy/handpose_x手部21个关键点检测,二维手势姿态,手势识别,pytorch,handpose
Python MIT License UpdatedOct 15, 2021 -
Multi-Modal-CelebA-HQ-Dataset Public
Forked from IIGROUP/MM-CelebA-HQ-Dataset[CVPR 2021] A large-scale face image dataset that allows text-to-image-generation, text-guided image manipulation, sketch-to-image generation, GANs for face generation and editing, image caption, a…
UpdatedJul 29, 2021 -
-
mega.pytorch Public
Forked from Scalsol/mega.pytorchMemory Enhanced Global-Local Aggregation for Video Object Detection, CVPR2020
Python Other UpdatedMay 13, 2021 -
interview Public
Forked from DWCTOD/interview2021秋招 计算机视觉算法岗面经整理——包含实习和校招等 内推整理
UpdatedMay 11, 2021 -
-
Forward Public
Forked from Tencent/Forwarda library for high performance deep learning inference on NVIDIA GPUs.
C++ Other UpdatedMar 16, 2021 -
FaceX-Zoo Public
Forked from JDAI-CV/FaceX-ZooA PyTorch Toolbox for Face Recognition
Python Apache License 2.0 UpdatedJan 26, 2021 -
3DDFA_V2 Public
Forked from cleardusk/3DDFA_V2The official PyTorch implementation of Towards Fast, Accurate and Stable 3D Dense Face Alignment, ECCV 2020.
Python MIT License UpdatedJan 15, 2021 -
mAP Public
Forked from Cartucho/mAPmean Average Precision - This code evaluates the performance of your neural net for object recognition.
Python Apache License 2.0 UpdatedJan 13, 2021 -
pytorch-cifar100 Public
Forked from weiaicunzai/pytorch-cifar100Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet…
Python UpdatedNov 28, 2020 -
U-2-Net Public
Forked from xuebinqin/U-2-NetThe code for our newly accepted paper in Pattern Recognition 2020: "U^2-Net: Going Deeper with Nested U-Structure for Salient Object Detection."
Python Apache License 2.0 UpdatedNov 23, 2020 -
pytorch-distributed Public
Forked from tczhangzhi/pytorch-distributedA quickstart and benchmark for pytorch distributed training.
Python MIT License UpdatedNov 13, 2020 -
PFLD_UltraLight Public
Forked from AnthonyF333/FaceLandmark_PFLD_UltraLightPython Apache License 2.0 UpdatedNov 4, 2020 -
PlotNeuralNet Public
Forked from HarisIqbal88/PlotNeuralNetLatex code for making neural networks diagrams
TeX MIT License UpdatedSep 21, 2020 -
FacePose_pytorch Public
Forked from WIKI2020/FacePose_pytorchThis is a pure python project predict head pose (yaw,roll,pitch).Easy to deploy, easy to use, and high accuracy
Python MIT License UpdatedSep 14, 2020 -
-
-
-
nniefacelib Public
Forked from hanson-young/nniefacelibnniefacelib是一个在海思35xx系列芯片上运行的人脸算法库
C BSD 2-Clause "Simplified" License UpdatedMay 15, 2020 -
Object-Detection-Metrics Public
Forked from rafaelpadilla/Object-Detection-MetricsMost popular metrics used to evaluate object detection algorithms.
Python MIT License UpdatedApr 9, 2020 -
FaceBoxes Public
A PyTorch implementation of FaceBoxes: A CPU Real-time Face Detector with High Accuracy.