All Projects → openvinotoolkit → Training_toolbox_caffe

openvinotoolkit / Training_toolbox_caffe

Licence: apache-2.0
Training Toolbox for Caffe

Projects that are alternatives of or similar to Training toolbox caffe

Deep Learning Traffic Lights
Code and files of the deep learning model used to win the Nexar Traffic Light Recognition challenge
Stars: ✭ 457 (+796.08%)
Mutual labels:  jupyter-notebook, caffe
Keras realtime multi Person pose estimation
Keras version of Realtime Multi-Person Pose Estimation project
Stars: ✭ 728 (+1327.45%)
Mutual labels:  jupyter-notebook, caffe
Realtime multi Person pose estimation
Code repo for realtime multi-person pose estimation in CVPR'17 (Oral)
Stars: ✭ 4,760 (+9233.33%)
Mutual labels:  jupyter-notebook, caffe
Deepnetsforeo
Deep networks for Earth Observation
Stars: ✭ 393 (+670.59%)
Mutual labels:  jupyter-notebook, caffe
Teacher Student Training
This repository stores the files used for my summer internship's work on "teacher-student learning", an experimental method for training deep neural networks using a trained teacher model.
Stars: ✭ 34 (-33.33%)
Mutual labels:  jupyter-notebook, caffe
Ssd Tensorflow
Single Shot MultiBox Detector in TensorFlow
Stars: ✭ 4,066 (+7872.55%)
Mutual labels:  jupyter-notebook, ssd
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+1272.55%)
Mutual labels:  jupyter-notebook, caffe
Learning
The data is the future of oil, digging the potential value of the data is very meaningful. This library records my road of machine learning study.
Stars: ✭ 330 (+547.06%)
Mutual labels:  jupyter-notebook, caffe
All Classifiers 2019
A collection of computer vision projects for Acute Lymphoblastic Leukemia classification/early detection.
Stars: ✭ 22 (-56.86%)
Mutual labels:  jupyter-notebook, caffe
Fundamentals Of Deep Learning For Computer Vision Nvidia
The repository includes Notebook files and documents of the course I completed in NVIDIA Deep Learning Institute. Feel free to acess and work with the Notebooks and other files.
Stars: ✭ 16 (-68.63%)
Mutual labels:  jupyter-notebook, caffe
Vpgnet
VPGNet: Vanishing Point Guided Network for Lane and Road Marking Detection and Recognition (ICCV 2017)
Stars: ✭ 382 (+649.02%)
Mutual labels:  jupyter-notebook, caffe
Bottom Up Attention
Bottom-up attention model for image captioning and VQA, based on Faster R-CNN and Visual Genome
Stars: ✭ 989 (+1839.22%)
Mutual labels:  jupyter-notebook, caffe
Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (+586.27%)
Mutual labels:  jupyter-notebook, action-recognition
Mobilenetv2 Ssdlite
Caffe implementation of SSD and SSDLite detection on MobileNetv2, converted from tensorflow.
Stars: ✭ 435 (+752.94%)
Mutual labels:  ssd, caffe
Pytorchnethub
项目注释+论文复现+算法竞赛
Stars: ✭ 341 (+568.63%)
Mutual labels:  jupyter-notebook, ssd
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+964.71%)
Mutual labels:  jupyter-notebook, action-recognition
Cascaded Fcn
Source code for the MICCAI 2016 Paper "Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional NeuralNetworks and 3D Conditional Random Fields"
Stars: ✭ 296 (+480.39%)
Mutual labels:  jupyter-notebook, caffe
Textspotter
Stars: ✭ 323 (+533.33%)
Mutual labels:  jupyter-notebook, caffe
Face Mask Detection
Face Mask Detection system based on computer vision and deep learning using OpenCV and Tensorflow/Keras
Stars: ✭ 774 (+1417.65%)
Mutual labels:  jupyter-notebook, caffe
Picanet
Stars: ✭ 35 (-31.37%)
Mutual labels:  jupyter-notebook, caffe

TTCF: Training Toolbox for Caffe

This is a BVLC Caffe fork that is intended for deployment multiple SSD-based detection models. It includes

  • action detection and action recognition models for smart classroom use-case, see README_AD.md,
  • person detection for smart classroom use-case, see README_PD.md,
  • face detection model, see README_FD.md,
  • person-vehicle-bike crossroad detection model, see README_CR.md,
  • age & gender recognition model, see README_AG.md.

Please find original readme file here.

Models

Install requirements

  1. Install Docker

WARNING Always examine scripts downloaded from the internet before running them locally.

curl -fsSL https://get.docker.com -o get-docker.sh
sudo sh get-docker.sh
  1. (optional) Install nvidia-docker plugin
curl -s -L https://nvidia.github.io/nvidia-docker/gpgkey | \
  sudo apt-key add -
distribution=$(. /etc/os-release;echo $ID$VERSION_ID)
curl -s -L https://nvidia.github.io/nvidia-docker/$distribution/nvidia-docker.list | \
  sudo tee /etc/apt/sources.list.d/nvidia-docker.list
sudo apt-get update
sudo apt-get install -y nvidia-docker2
sudo pkill -SIGHUP dockerd
  1. (optional) Configure proxy settings Create a file /etc/systemd/system/docker.service.d/proxy.conf that adds the proxy environment variables:
[Service]
Environment="HTTP_PROXY=http://proxy.example.com:80/"
Environment="HTTPS_PROXY=https://proxy.example.com:443/"

Flush changes and restart Docker daemon

sudo systemctl daemon-reload
sudo systemctl restart docker
  1. Manage Docker as a non-root user
sudo groupadd docker
sudo usermod -aG docker $USER
# Log out and log back in so that your group membership is re-evaluated.
  1. (optional) Verify that nvidia-docker is installed correctly
CUDA_VERSION=$(grep -oP '(?<=CUDA Version )(\d+)' /usr/local/cuda/version.txt)
nvidia-docker run --rm nvidia/cuda:${CUDA_VERSION}.0-cudnn7-devel-ubuntu16.04 nvidia-smi

Build instructions

  1. Get the code. We will call the directory that you cloned Caffe into $CAFFE_ROOT
git clone https://github.com/opencv/training_toolbox_caffe.git caffe
  1. Download openvino package to root directory of the repository

  2. Build docker image

./build_docker_image.sh gpu

Run Docker interactive session

NV_GPU=0 nvidia-docker run --rm --name ttcf -it --user=$(id -u):$(id -g) -v <host_path>:<container_path> ttcf:gpu bash

NOTE To run in CPU mode

./build_docker_image.sh cpu
docker run --rm --name ttcf -it --user=$(id -u):$(id -g) -v <host_path>:<container_path> ttcf:cpu bash

And add to all scripts --gpu -1 --image tccf:cpu arguments.

License and Citation

Original Caffe

Caffe is released under the BSD 2-Clause license. The BAIR/BVLC reference models are released for unrestricted use.

Please cite Caffe in your publications if it helps your research:

@article{jia2014caffe,
  Author = {Jia, Yangqing and Shelhamer, Evan and Donahue, Jeff and Karayev, Sergey and Long, Jonathan and Girshick, Ross and Guadarrama, Sergio and Darrell, Trevor},
  Journal = {arXiv preprint arXiv:1408.5093},
  Title = {Caffe: Convolutional Architecture for Fast Feature Embedding},
  Year = {2014}
}

SSD: Single Shot MultiBox Detector

Please cite SSD in your publications if it helps your research:

@inproceedings{liu2016ssd,
  title = {{SSD}: Single Shot MultiBox Detector},
  author = {Liu, Wei and Anguelov, Dragomir and Erhan, Dumitru and Szegedy, Christian and Reed, Scott and Fu, Cheng-Yang and Berg, Alexander C.},
  booktitle = {ECCV},
  year = {2016}
}

AM-Softmax

If you find AM-Softmax useful in your research, please consider to cite:

@article{Wang_2018_amsoftmax,
  title = {Additive Margin Softmax for Face Verification},
  author = {Wang, Feng and Liu, Weiyang and Liu, Haijun and Cheng, Jian},
  journal = {arXiv preprint arXiv:1801.05599},
  year = {2018}
}

WIDERFace dataset

@inproceedings{yang2016wider,
  Author = {Yang, Shuo and Luo, Ping and Loy, Chen Change and Tang, Xiaoou},
  Booktitle = {IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
  Title = {WIDER FACE: A Face Detection Benchmark},
  Year = {2016}
}
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].