Pinned Repositories
3D-convolutional-speaker-recognition
:speaker: Deep Learning & 3D Convolutional Neural Networks for Speaker Verification
a-PyTorch-Tutorial-to-Image-Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
AdvancedEAST
AdvancedEAST is an algorithm used for Scene image text detect, which is primarily based on EAST, and the significant improvement was also made, which make long text predictions more accurate.
AIC2018_iamai
A multi-camera vehicle detection, tracking and re-identification system
AlphaPose
Real-Time and Accurate Multi-Person Pose Estimation&Tracking System
Amazing-Semantic-Segmentation
Amazing Semantic Segmentation on Tensorflow && Keras (include FCN, UNet, SegNet, PSPNet, PAN, RefineNet, DeepLabV3, DeepLabV3+, DenseASPP, BiSegNet)
aster
Recognizing cropped text in natural images.
awesome-AutoML-and-Lightweight-Models
A list of high-quality (newest) AutoML works and lightweight models including 1.) Neural Architecture Search, 2.) Lightweight Structures, 3.) Model Compression, Quantization and Acceleration, 4.) Hyperparameter Optimization, 5.) Automated Feature Engineering.
awesome-Face_Recognition
papers about Face Detection; Face Alignment; Face Recognition && Face Identification && Face Verification && Face Representation; Face Reconstruction; Face Tracking; Face Super-Resolution && Face Deblurring; Face Generation && Face Synthesis; Face Transfer; Face Anti-Spoofing; Face Retrieval;
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
mafangfang9's Repositories
mafangfang9/caffe-yolov2
mafangfang9/campus
校园管理系统
mafangfang9/deep_ocr
make a better chinese character recognition OCR than tesseract
mafangfang9/deepfakes_faceswap
from deekfakes' faceswap: https://www.reddit.com/user/deepfakes/
mafangfang9/DeepLabV3-Tensorflow
Reimplementation of DeepLabV3
mafangfang9/DL.EyeSight
Mainly use SSD, YOLO and other models to solve the target detection problem in image and video !
mafangfang9/Face-recognition-using-deep-learning
Basic face recognizer which can identify the face of the person(s) showing on a web cam.
mafangfang9/face_detection_in_realtime
This repository is the implementation of face detection in real time using YOLOv3 framework with keras(tensorflow backend). For use in embeded devices, so I choose a computation-efficient CNN architecture named ShuffleNet version 2 and train it from scratch(about 50 epoches) on FDDB.
mafangfang9/facenet_distance
用FaceNet模型计算两个人脸之间的距离
mafangfang9/GANotebooks
wgan, wgan2(improved, gp), infogan, and dcgan implementation in lasagne, keras, pytorch
mafangfang9/gans-with-pytorch
Various implementations of Generative adversarial networks using Pytorch
mafangfang9/IcGAN
Invertible conditional GANs for image editing
mafangfang9/keras-face
face detection, verification and recognition using Keras
mafangfang9/keras-shufflenetV2
Keras implementation of ShuffleNet V2
mafangfang9/maxin
mafangfang9/ML_project_3_Face_Verification
For ZJU Machine learning course group work project 3.
mafangfang9/MNasNet-Keras-Tensorflow
A Tensorflow Keras implementation (Graph and eager execution) of Mnasnet: MnasNet: Platform-Aware Neural Architecture Search for Mobile.
mafangfang9/MobileNet
MobileNet build with Tensorflow
mafangfang9/mobilenet_v2_keras
mafangfang9/MTCNN_face_detection_alignment
Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks
mafangfang9/Pedestrian-Detection
Pedestrian detection using the TensorFlow Object Detection API. Includes multi GPU parallel processing inference.
mafangfang9/pytorch-cifar10
pytorch and cifar10
mafangfang9/RFBNet
Receptive Field Block Net for Accurate and Fast Object Detection, ECCV 2018
mafangfang9/school_management_system
mafangfang9/shufflenet-v2-tensorflow
A lightweight convolutional neural network
mafangfang9/SimpsonRecognition
Detect and recognize The Simpsons characters using Keras and Faster R-CNN
mafangfang9/test01
mafangfang9/tiny-yolo-tensorflow
Tiny yolov3 tensorflow
mafangfang9/YOLO_Object_Detection
This is the code for "YOLO Object Detection" by Siraj Raval on Youtube
mafangfang9/YOLOv3
Keras implementation of yolo v3 object detection.