All Projects → nicolov → Segmentation_keras

nicolov / Segmentation_keras

Licence: mit
DilatedNet in Keras for image segmentation

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Segmentation keras

Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-83.67%)
Mutual labels:  deeplearning, segmentation, caffe
image segmentation dl
🍞 基于深度学习方法的图像分割(含语义分割、实例分割、全景分割)。
Stars: ✭ 76 (-74.67%)
Mutual labels:  segmentation, deeplearning
crowd density segmentation
The code for preparing the training data for crowd counting / segmentation algorithm.
Stars: ✭ 21 (-93%)
Mutual labels:  caffe, segmentation
DLInfBench
CNN model inference benchmarks for some popular deep learning frameworks
Stars: ✭ 51 (-83%)
Mutual labels:  caffe, deeplearning
Holy Edge
Holistically-Nested Edge Detection
Stars: ✭ 277 (-7.67%)
Mutual labels:  deeplearning, segmentation
Trixi
Manage your machine learning experiments with trixi - modular, reproducible, high fashion. An experiment infrastructure optimized for PyTorch, but flexible enough to work for your framework and your tastes.
Stars: ✭ 211 (-29.67%)
Mutual labels:  deeplearning, segmentation
superpixelRefinement
Superpixel-based Refinement for Object Proposal Generation (ICPR 2020)
Stars: ✭ 24 (-92%)
Mutual labels:  caffe, segmentation
Liteflownet2
A Lightweight Optical Flow CNN - Revisiting Data Fidelity and Regularization, TPAMI 2020
Stars: ✭ 195 (-35%)
Mutual labels:  deeplearning, caffe
dd performances
DeepDetect performance sheet
Stars: ✭ 92 (-69.33%)
Mutual labels:  caffe, deeplearning
coursera-ai-for-medicine-specialization
Programming assignments, labs and quizzes from all courses in the Coursera AI for Medicine Specialization offered by deeplearning.ai
Stars: ✭ 80 (-73.33%)
Mutual labels:  segmentation, deeplearning
Similarity-Adaptive-Deep-Hashing
Unsupervised Deep Hashing with Similarity-Adaptive and Discrete Optimization (TPAMI2018)
Stars: ✭ 18 (-94%)
Mutual labels:  caffe, deeplearning
Netron
Visualizer for neural network, deep learning, and machine learning models
Stars: ✭ 17,193 (+5631%)
Mutual labels:  deeplearning, caffe
Sparse Structured Attention
Sparse and structured neural attention mechanisms
Stars: ✭ 198 (-34%)
Mutual labels:  deeplearning, segmentation
Awesome Carla
👉 CARLA resources such as tutorial, blog, code and etc https://github.com/carla-simulator/carla
Stars: ✭ 246 (-18%)
Mutual labels:  deeplearning, segmentation
Keras Unet
Helper package with multiple U-Net implementations in Keras as well as useful utility tools helpful when working with image semantic segmentation tasks. This library and underlying tools come from multiple projects I performed working on semantic segmentation tasks
Stars: ✭ 196 (-34.67%)
Mutual labels:  deeplearning, segmentation
rembg-greenscreen
Rembg Video Virtual Green Screen Edition
Stars: ✭ 210 (-30%)
Mutual labels:  segmentation, deeplearning
Jejunet
Real-Time Video Segmentation on Mobile Devices with DeepLab V3+, MobileNet V2. Worked on the project in 🏝 Jeju island
Stars: ✭ 258 (-14%)
Mutual labels:  deeplearning, segmentation
Xlearning
AI on Hadoop
Stars: ✭ 1,709 (+469.67%)
Mutual labels:  deeplearning, caffe
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+1033%)
Mutual labels:  deeplearning, segmentation
caffe
Caffe: a Fast framework for deep learning. Custom version with built-in sparse inputs, segmentation, object detection, class weights, and custom layers
Stars: ✭ 36 (-88%)
Mutual labels:  caffe, deeplearning

Keras implementation of DilatedNet for semantic segmentation

A native Keras implementation of semantic segmentation according to Multi-Scale Context Aggregation by Dilated Convolutions (2016). Optionally uses the pretrained weights by the authors'.

The code has been tested on Tensorflow 1.3, Keras 1.2, and Python 3.6.

Using the pretrained model

Download and extract the pretrained model:

curl -L https://github.com/nicolov/segmentation_keras/releases/download/model/nicolov_segmentation_model.tar.gz | tar xvf -

Install dependencies and run:

pip install -r requirements.txt
# For GPU support
pip install tensorflow-gpu==1.3.0

python predict.py --weights_path conversion/converted/dilation8_pascal_voc.npy

The output image will be under images/cat_seg.png.

Converting the original Caffe model

Follow the instructions in the conversion folder to convert the weights to the TensorFlow format that can be used by Keras.

Training

Download the Augmented Pascal VOC dataset here:

curl -L http://www.eecs.berkeley.edu/Research/Projects/CS/vision/grouping/semantic_contours/benchmark.tgz | tar -xvf -

This will create a benchmark_RELEASE directory in the root of the repo. Use the convert_masks.py script to convert the provided masks in .mat format to RGB pngs:

python convert_masks.py \
    --in-dir benchmark_RELEASE/dataset/cls \
    --out-dir benchmark_RELEASE/dataset/pngs

Start training:

python train.py --batch-size 2

Model checkpoints are saved under trained/, and can be used with the predict.py script for testing.

The training code is currently limited to the frontend module, and thus only outputs 16x16 segmentation maps. The augmentation pipeline does mirroring but not cropping or rotation.


Fisher Yu and Vladlen Koltun, Multi-Scale Context Aggregation by Dilated Convolutions, 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].