Pinned Repositories
CodeFun
DataStructure(SwordOffer、LeetCode)、Deep Learning(Tensorflow、Keras、Pytorch)、Machine Learning(sklearn、spark)、AutoML、AutoDL、ModelDeploying、SQL
models
Models and examples built with TensorFlow
OCR_Keras
OCR;文本检测、文本识别(cnn+ctc、crnn+ctc)。
OpenCV-
OpenCV学习笔记
PyTorch_image_classifier
Image classification: efficientnet/resnest/seresnext/.....
QDServing
ml模型分布式服务部署:grpc,flask;docker
Tensorflow-
Tensorflow实战学习笔记、代码、机器学习进阶系列
TensorFlowTTS_chinese
chinese tts
TextMatch
QAmatch(qa_match)/文本匹配/文本分类/文本embedding/文本聚类/文本检索(bow/ifidf/ngramtf-df/bert/albert/bm25/…/nn/gbdt/xgb/kmeans/dscan/faiss/….)
train_arch
cnn+rnn+attention: vgg(vgg16,vgg19)+rnn(LSTM, GRU)+attention, resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152)+rnnrnn(LSTM, GRU)+attention, inception_v4+rnn(LSTM, GRU)+attention, inception_resnet_v2+rnn(LSTM, GRU)+attention,..... vgg(vgg16,vgg19), resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152), inception_v4, inception_resnet_v2,.....
MachineLP's Repositories
MachineLP/train_cnn-rnn
cnn+rnn: vgg(vgg16,vgg19)+rnn(LSTM, GRU), resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152)+rnnrnn(LSTM, GRU), inception_v4+rnn(LSTM, GRU), inception_resnet_v2+rnn(LSTM, GRU),.....
MachineLP/train_cnn_GANs
GANs:DCGAN
MachineLP/FashionAI_KeyPoints_Detection
This my project of Fashion AI Key points detection contest.
MachineLP/chinese_ocr
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
MachineLP/awesome-ocr
A curated list of promising OCR resources
MachineLP/CRNN_Tensorflow
Convolutional Recurrent Neural Networks(CRNN) for Scene Text Recognition
MachineLP/faceboxes
使用pytorch实现了FaceBoxes: A CPU Real-time Face Detector with High Accuracy
MachineLP/generative_inpainting
Generative Image Inpainting with Contextual Attention https://arxiv.org/abs/1801.07892, demo http://jiahuiyu.com/deepfill
MachineLP/imgaug
Image augmentation for machine learning experiments.
MachineLP/ML-From-Scratch
Machine Learning From Scratch. Bare bones Python implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from data mining to deep learning.
MachineLP/serving
A flexible, high-performance serving system for machine learning models
MachineLP/tensorflow-deeplab-v3-plus
DeepLabv3+ built in TensorFlow
MachineLP/The-Flask-Mega-Tutorial-zh
翻译自Miguel Grinberg的blog https://blog.miguelgrinberg.com 的2017年新版The Flask Mega-Tutorial教程
MachineLP/Zeusee-Face-Anti-spoofing
开源人脸活体检测 Open Source Face Anti-spoofing
MachineLP/deep-fashion-retrieval
Simple image retrival on deep-fashion dataset with pytorch - A course project
MachineLP/deep-learning-models
Keras code and weights files for popular deep learning models.
MachineLP/fashion-challenge.github.io
MachineLP/GAN_stability
Code for paper "Which Training Methods for GANs do actually Converge? (ICML 2018)"
MachineLP/gimp
GNU Image Manipulation Program
MachineLP/KerasToTensorRT
This is a simple demonstration for running Keras model model on Tensorflow with TensorRT integration(TFTRT) or on TensorRT directly without invoking "freeze_graph.py".
MachineLP/Mask-RCNN
A PyTorch implementation of the architecture of Mask RCNN, serves as an introduction to working with PyTorch
MachineLP/mtcnn_ncnn
基于ncnn框架搭建win及android端的MTCNN人脸检测工程
MachineLP/Multi-Human-Parsing_MHP
🔥🔥Official Repository for Multi-Human-Parsing (MHP)🔥🔥
MachineLP/qrcode
artistic QR Code in Python (Animated GIF qr code)- Python 艺术二维码生成器 (GIF动态二维码、图片二维码)
MachineLP/SFC_models
Stock-Flow Consistent (SFC) models in Python
MachineLP/srgan
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
MachineLP/SynthText
Code for generating synthetic text images as described in "Synthetic Data for Text Localisation in Natural Images", Ankush Gupta, Andrea Vedaldi, Andrew Zisserman, CVPR 2016.
MachineLP/tensorflow_multigpu_imagenet
Tensorflow code for training different architectures(DenseNet, ResNet, AlexNet, GoogLeNet, VGG, NiN) on ImageNet dataset + Multi-GPU support + Transfer Learning support
MachineLP/tf_crnn
MachineLP/tripletloss-keras
An example implementation of triplet-loss in tensorflow using keras