All Projects → imistyrain → MatConvNet-oneclick

imistyrain / MatConvNet-oneclick

Licence: other
Train your own data with MatConvNet

Programming Languages

matlab
3953 projects

Projects that are alternatives of or similar to MatConvNet-oneclick

WSCNNTDSaliency
[BMVC17] Weakly Supervised Saliency Detection with A Category-Driven Map Generator
Stars: ✭ 19 (-77.38%)
Mutual labels:  deeplearning, matconvnet
knime-tensorflow
KNIME Deep Learning - Tensorflow Integration
Stars: ✭ 18 (-78.57%)
Mutual labels:  deeplearning
ICIP2018CDM
The ICIP2018 paper "Color Image Demosaicking using a 3-stage Convolutional Neural Network Structure"
Stars: ✭ 15 (-82.14%)
Mutual labels:  matconvnet
Malware-Detection
Deep Learning Based Android Malware Detection Framework
Stars: ✭ 29 (-65.48%)
Mutual labels:  deeplearning
cnn-for-image-retrieval
🌅The code of post "Image retrieval using MatconvNet and pre-trained imageNet"
Stars: ✭ 623 (+641.67%)
Mutual labels:  matconvnet
FastAP-metric-learning
Code for CVPR 2019 paper "Deep Metric Learning to Rank"
Stars: ✭ 93 (+10.71%)
Mutual labels:  matconvnet
Ai papers
AI Papers
Stars: ✭ 253 (+201.19%)
Mutual labels:  deeplearning
IMTA
No description or website provided.
Stars: ✭ 38 (-54.76%)
Mutual labels:  deeplearning
smd
Simple mmdetection CPU inference
Stars: ✭ 27 (-67.86%)
Mutual labels:  deeplearning
Baidu-Dog2017
http://js.baidu.com/
Stars: ✭ 37 (-55.95%)
Mutual labels:  deeplearning
genetic deep learning
No description or website provided.
Stars: ✭ 13 (-84.52%)
Mutual labels:  deeplearning
Savior
(WIP)The deployment framework aims to provide a simple, lightweight, fast integrated, pipelined deployment framework for algorithm service that ensures reliability, high concurrency and scalability of services.
Stars: ✭ 124 (+47.62%)
Mutual labels:  deeplearning
Simplified SqueezeNet
An improved version of SqueezeNet networks https://github.com/DeepScale/SqueezeNet
Stars: ✭ 38 (-54.76%)
Mutual labels:  deeplearning
Machine-Learning-in-Medical-Imaging--U-Net
TUM_MLMI_SS16: Convolutional Neural Network using U-Net architecture to predict one modality of a brain MRI scan from another modality.
Stars: ✭ 22 (-73.81%)
Mutual labels:  matconvnet
googlecodelabs
TPU ile Yapay Sinir Ağlarınızı Çok Daha Hızlı Eğitin
Stars: ✭ 116 (+38.1%)
Mutual labels:  deeplearning
Dawn Bench Entries
DAWNBench: An End-to-End Deep Learning Benchmark and Competition
Stars: ✭ 254 (+202.38%)
Mutual labels:  deeplearning
gan deeplearning4j
Automatic feature engineering using Generative Adversarial Networks using Deeplearning4j and Apache Spark.
Stars: ✭ 19 (-77.38%)
Mutual labels:  deeplearning
66Days NaturalLanguageProcessing
I am sharing my Journey of 66DaysofData in Natural Language Processing.
Stars: ✭ 127 (+51.19%)
Mutual labels:  deeplearning
Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
Stars: ✭ 30 (-64.29%)
Mutual labels:  deeplearning
buildTensorflow
A lightweight deep learning framework made with ❤️
Stars: ✭ 28 (-66.67%)
Mutual labels:  deeplearning

MatConvNet tutorial:Train your own data

MatConvNet训练自己的数据

安装和编译MatConvNet(Build the library with CUDA)

git clone https://github.com/vlfeat/matconvnet
cd matconvnet
%create a new file called compileGPU.m and save its contents as:
addpath matlab
vl_compilenn('enableGpu', true, ...
           'cudaRoot', 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v8.0', ...
           'cudaMethod', 'nvcc');%,...
%                'enableCudnn', 'true',...
%                'cudnnRoot','E:\MachineLearning\DeepLearning\CuDNN\CUDNNv4') ;
%

%then setup the mex environment
%please select VS2015 or greater
mex -setup c
mex -setup cpp
%finally compile it
compileGPU

准备数据Prepare data

在这里从EasyPR获取了车牌数据(解压data.zip即可),0-9共10类字符,每类字符存放在一个子文件夹下,如下图所示:

代码加载数据的部分位于cnn_plate_setup_data.m,请自行调节输入图像大小

inputSize =[20,20,1];

数据存放的路径在startup.m

datadir='data';

编写网络结构Setup the net structure

参考cnn_plate_init.m编写网络结构,构建了3层卷积和池化的网络,激活函数为ReLU.

f=1/100 ;
net.layers = {};
net.layers{end+1} = struct('type', 'conv', ...
                           'weights', {{f*randn(3,3,1,20, 'single'), zeros(1, 20, 'single')}}, ...
                           'stride', 1, ...
                           'pad', 0) ;
net.layers{end+1} = struct('type', 'pool', ...
                           'method', 'max', ...
                           'pool', [2 2], ...
                           'stride', 2, ...
                           'pad', 0) ;
net.layers{end+1} = struct('type', 'relu') ;
net.layers{end+1} = struct('type', 'conv', ...
                           'weights', {{f*randn(3,3,20,100, 'single'),zeros(1,100,'single')}}, ...
                           'stride', 1, ...
                           'pad', 0) ;
net.layers{end+1} = struct('type', 'pool', ...
                           'method', 'max', ...
                           'pool', [2 2], ...
                           'stride', 2, ...
                           'pad', 0) ;
net.layers{end+1} = struct('type', 'relu') ;
net.layers{end+1} = struct('type', 'conv', ...
   'weights', {{f*randn(3,3,100,65, 'single'),zeros(1,65,'single')}}, ...
   'stride', 1, ...
   'pad', 0) ;
net.layers{end+1} = struct('type', 'softmaxloss') ;

% Meta parameters
net.meta.inputSize = [20 20 1] ;
net.meta.trainOpts.learningRate = logspace(-3, -5, 100);
net.meta.trainOpts.numEpochs = 50 ;
net.meta.trainOpts.batchSize = 1000 ;

% Fill in defaul values
net = vl_simplenn_tidy(net) ;

训练Train

运行cnn_plate.m训练网络,训练过程中的曲线如下图所示,可以看出很快就到达99%的准确率.

测试Demo

demo.m展示了如何使用训练好的模型

Note:记得修改netpath为自己训练的模型哟.

参考Reference

caffe一键式集成开发环境

mxnet训练自己的数据

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].