Pinned Repositories
DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为15个章节,近20万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
Face-extractor-based-on-mtcnn
A simple face extractor based on mtcnn
FASNet
CNN archictecture for face anti-spoofing
kdgan
mobilefacenet_ncnn
A simple example implementing mobilefacenet for face recognition on ncnn
mobilenetv3.pytorch
PyTorch implementation of MobileNetV3 architecture (ImageNet training in progress)
mtcnn_android_native
ncnn and cblas version of mtcnn face detect&&alignment implement(cross platform code but only android included within this repo)
seesawfacenet_pytorch
offical seesawfacenet pytorch implement, https://arxiv.org/abs/1908.09124
SeesawNet_pytorch
Pytorch(0.4.1/1.0 verified) codes and pre-trained models for the paper: Seesaw-Net: Convolution Neural Network With Uneven Group Convolution.
synthetic-image-generator
synthetic image generator for detection/segmentation network training
cvtower's Repositories
cvtower/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
cvtower/transformer-tensorflow
TensorFlow implementation of 'Attention Is All You Need (2017. 6)'
cvtower/Augmentor
Image augmentation library in Python for machine learning.
cvtower/awesome-architecture-search
A curated list of awesome architecture search resources
cvtower/basedMl
cvtower/bayesgan
Tensorflow code for the Bayesian GAN (https://arxiv.org/abs/1705.09558) (NIPS 2017)
cvtower/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
cvtower/CapsNet-Tensorflow
A Tensorflow implementation of CapsNet(Capsules Net) in Hinton's paper Dynamic Routing Between Capsules
cvtower/chinese-poetry
最全中华古诗词数据库, 唐宋两朝近一万四千古诗人, 接近5.5万首唐诗加26万宋诗. 两宋时期1564位词人,21050首词。
cvtower/clDNN
Compute Library for Deep Neural Networks (clDNN)
cvtower/CRNN_Attention_OCR_Chinese
CRNN with attention to do OCR,add Chinese recognition
cvtower/CS231n
斯坦福李飞飞深度学习课程的课后作业,有3个部分Assignment #1: Image Classification, kNN, SVM, Softmax, Neural NetworkAssignment #2: Fully-Connected Nets, Batch Normalization, Dropout, Convolutional NetsAssignment #3: Image Captioning with Vanilla RNNs, Image Captioning with LSTMs, Network Visualization, Style Transfer, Generative Adversarial Networks官方资源(讲义、作业等)地址:http://cs231n.github.io/网易课程地址:http://study.163.com/course/courseMain.htm?courseId=1003223001
cvtower/Curve-Text-Detector
cvtower/darknet
darknet深度学习框架源码分析:详细中文注释,涵盖框架原理与实现语法分析
cvtower/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
cvtower/keras-retinanet
Keras implementation of RetinaNet object detection.
cvtower/lars
Layer-wise Adaptive Rate Scaling (LARS)
cvtower/LearningToCompare-Pytorch
Pytorch Implementation for CVPR2018 Paper: Learning to Compare: Relation Network for Few-Shot Learning
cvtower/MTCNN-Tensorflow
Reproduce MTCNN using Tensorflow
cvtower/nips2017
A list of resources for all invited talks, tutorials, workshops and presentations at NIPS 2017
cvtower/police_car_opengl
this is an openGL application to load a 3d Model of Police car using GLUT library
cvtower/RefineDet
Single-Shot Refinement Neural Network for Object Detection
cvtower/revnet-public
Code for "The Reversible Residual Network: Backpropagation Without Storing Activations"
cvtower/RFBNet
cvtower/Satellite-Segmentation
cvtower/Stanford-CS-229-CN
A Chinese Translation of Stanford CS229 notes 斯坦福机器学习CS229课程讲义的中文翻译
cvtower/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.
cvtower/TextBoxes_plusplus
TextBoxes++: A Single-Shot Oriented Scene Text Detector
cvtower/Transformation-Reverser
Neural networks learning to reverse 2D space transformations (translation, rotations, scaling).
cvtower/Weakly-Supervised-Text-Detection
I implemented a detection algorithm with a classification data set that does not have annotation information for the bounding box. Based on resnet50 network, I implemented text detector using class activation mapping method.