Pinned Repositories
3DFuse
Official implementation of "Let 2D Diffusion Model Know 3D-Consistency for Robust Text-to-3D Generation"
A-Light-and-Fast-Face-Detector-for-Edge-Devices
A light and fast one class detection framework for edge devices. We provide face detector, head detector, pedestrian detector, vehicle detector......
acmer-qualification-code
acmer入门级算法模板
ADNet
ADNet: Leveraging Error-Bias Towards Normal Direction in Face Alignment (ICCV 2021)
ASL
Official Pytorch Implementation of: "Asymmetric Loss For Multi-Label Classification"(2020) paper
AWESOME-FER
🔆 Top conferences & Journals focused on Facial expression recognition (FER)/ Facial action unit (FAU) 💫 ✨
Derm-neu
Pytorch Implementation for Skin Disease Classification
face-occlusion-label-tools
人脸遮挡检测,人脸遮挡,tkinter实现简易的人脸五官有无遮挡标注小工具,simple face occlusion label tools
resnet152_visualization
visualize the layers of resnet152
T-sne_mnist
T-sne for mnist
FelixZhang7's Repositories
FelixZhang7/ActionDetection-DBG
FelixZhang7/ASFF
yolov3, ASFF
FelixZhang7/AttentionOCR
Scene text recognition
FelixZhang7/augmix
AugMix: A Simple Data Processing Method to Improve Robustness and Uncertainty
FelixZhang7/autocrop
:id: Automatically detects and crops faces from batches of pictures
FelixZhang7/CenterMulti
基于CenterNet训练的目标检测器和姿态估计模型
FelixZhang7/centerpose
Push the Extreme of the pose estimation
FelixZhang7/ClassyVision
An end-to-end PyTorch framework for image and video classification
FelixZhang7/CS-Xmind-Note
计算机专业课(408)思维导图和笔记:计算机组成原理(第五版 王爱英),数据结构(王道),计算机网络(第七版 谢希仁),操作系统(第四版 汤小丹)
FelixZhang7/DB
A PyToch implementation of "Real-time Scene Text Detection with Differentiable Binarization".
FelixZhang7/dimensionality_reduction_alo_codes
PCA、LDA、MDS、LLE、TSNE等降维算法的python实现
FelixZhang7/Dive-into-DL-TensorFlow2.0
本项目将《动手学深度学习》中的Mxnet代码改为Tensorflow2.0实现,项目已得到李沐老师的同意
FelixZhang7/DLDL-v2-PyTorch
implementation of DLDL-v2
FelixZhang7/Dlib_face_recognition_from_camera
Detect and recognize the faces from camera / 调用摄像头进行人脸识别,支持多张人脸同时识别
FelixZhang7/EfficientDet.Pytorch
Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
FelixZhang7/Face-Attributes-Mobile
Regress Face Attributes with MobileNetV2
FelixZhang7/few-shot-vid2vid
Pytorch implementation for few-shot photorealistic video-to-video translation.
FelixZhang7/generative_inpainting
DeepFill v1/v2 with Contextual Attention and Gated Convolution, CVPR 2018, and ICCV 2019 Oral
FelixZhang7/imbalanced-dataset-sampler
A (PyTorch) imbalanced dataset sampler for oversampling low frequent classes and undersampling high frequent ones.
FelixZhang7/learnopencv
Learn OpenCV : C++ and Python Examples
FelixZhang7/LeetCode
My LeetCode solutions with Chinese explanation.
FelixZhang7/lightweight-human-pose-estimation-3d-demo.pytorch
Real-time 3D multi-person pose estimation demo in PyTorch. OpenVINO backend can be used for fast inference on CPU.
FelixZhang7/model-compression
model compression based on pytorch (1、quantization: 8/4/2bits(dorefa)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional channel pruning;3、 group convolution structure;4、batch-normalization folding for binary value of feature(A))
FelixZhang7/onnx2caffe
pytorch to caffe by onnx
FelixZhang7/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
FelixZhang7/pytorch_tricks
some tircks for PyTorch
FelixZhang7/Ranger-Deep-Learning-Optimizer
Ranger - a synergistic optimizer using RAdam (Rectified Adam) and LookAhead in one codebase
FelixZhang7/retinaface
Reimplement RetinaFace use C++ and TensorRT
FelixZhang7/saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
FelixZhang7/video-to-pose3D
Convert video to 3D pose in one-key.