Change Detection ReviewA review of change detection methods, including codes and open data sets for deep learning. From paper: change detection based on artificial intelligence: state-of-the-art and challenges.
Cnn face detectionImplementation based on the paper Li et al., “A Convolutional Neural Network Cascade for Face Detection, ” 2015 CVPR
SenetSqueeze-and-Excitation Networks
Mtcnn caffeSimple implementation of kpzhang93's paper from Matlab to c++, and don't change models.
RetinafaceReimplement RetinaFace use C++ and TensorRT
ColorizationAutomatic colorization using deep neural networks. "Colorful Image Colorization." In ECCV, 2016.
SkimcaffeCaffe for Sparse Convolutional Neural Network
Caffe2 IosCaffe2 on iOS Real-time Demo. Test with Your Own Model and Photos.
Dl inference通用深度学习推理服务,可在生产环境中快速上线由TensorFlow、PyTorch、Caffe框架训练出的深度学习模型。
OrnOriented Response Networks, in CVPR 2017
DsrgWeakly-Supervised Semantic Segmentation Network with Deep Seeded Region Growing (CVPR 2018).
NetronVisualizer for neural network, deep learning, and machine learning models
Up Down CaptionerAutomatic image captioning model based on Caffe, using features from bottom-up attention.
Liteflownet2A Lightweight Optical Flow CNN - Revisiting Data Fidelity and Regularization, TPAMI 2020
PixelnetThe repository contains source code and models to use PixelNet architecture used for various pixel-level tasks. More details can be accessed at <http://www.cs.cmu.edu/~aayushb/pixelNet/>.
DeepdetectDeep Learning API and Server in C++14 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
Ck CaffeCollective Knowledge workflow for Caffe to automate installation across diverse platforms and to collaboratively evaluate and optimize Caffe-based workloads across diverse hardware, software and data sets (compilers, libraries, tools, models, inputs):
Light Field Video Light field video applications (e.g. video refocusing, focus tracking, changing aperture and view)
Snn toolboxToolbox for converting analog to spiking neural networks (ANN to SNN), and running them in a spiking neuron simulator.
Hidden Two StreamCaffe implementation for "Hidden Two-Stream Convolutional Networks for Action Recognition"
Video CaffeVideo-friendly caffe -- comes with the most recent version of Caffe (as of Jan 2019), a video reader, 3D(ND) pooling layer, and an example training script for C3D network and UCF-101 data
Caffe Segnet Cudnn5This repository was a fork of BVLC/caffe and includes the upsample, bn, dense_image_data and softmax_with_loss (with class weighting) layers of caffe-segnet (https://github.com/alexgkendall/caffe-segnet) to run SegNet with cuDNN version 5.
Nnef ToolsThe NNEF Tools repository contains tools to generate and consume NNEF documents
Py Rfcn Privcode for py-R-FCN-multiGPU maintained by bupt-priv
Sphereface PlusSphereFace+ Implementation for <Learning towards Minimum Hyperspherical Energy> in NIPS'18.
Turkce Yapay Zeka KaynaklariTürkiye'de yapılan derin öğrenme (deep learning) ve makine öğrenmesi (machine learning) çalışmalarının derlendiği sayfa.
Caffe MobilenetA caffe implementation of mobilenet's depthwise convolution layer.
Ncnnncnn is a high-performance neural network inference framework optimized for the mobile platform
Mobilenet SsdCaffe implementation of Google MobileNet SSD detection network, with pretrained weights on VOC0712 and mAP=0.727.
SplitbrainautoSplit-Brain Autoencoders: Unsupervised Learning by Cross-Channel Prediction. In CVPR, 2017.
Flownet2 DockerDockerfile and runscripts for FlowNet 2.0 (estimation of optical flow)
FacerecognitionThis is an implematation project of face detection and recognition. The face detection using MTCNN algorithm, and recognition using LightenenCNN algorithm.
NoisefaceNoise-Tolerant Paradigm for Training Face Recognition CNNs
SeqfaceSeqFace : Making full use of sequence information for face recognition