SegNet including indices pooling for Semantic Segmentation with tensorflow and keras

Overview

SegNet

SegNet is a model of semantic segmentation based on Fully Comvolutional Network.

This repository contains the implementation of learning and testing in keras and tensorflow. Also included is a custom layer implementation of index pooling, a new property of segnet.

architecture

  • encoder decoder architecture

  • fully convolutional network

  • indices pooling

    indicespooling

description

This repository is SegNet architecture for Semantic Segmentation. The repository of other people's segmentation, pooling with indices not implemented.But In this repository we implemented pooling layer and unpooling layer with indices at MyLayers.py.

Segnet architecture is early Semantic Segmentation model,so acccuracy is low but fast. In the future, we plan to implement models with high accuracy.(UNet,PSPNet,Pix2Pix ect..)

Usage

train

python SegNet.py [--options your dataset]

Comments
  • Stuck in epoch one in training

    Stuck in epoch one in training

    my code is stuck in epoch one when I am train the segnet in google-colab I also decrease the number of training samples but the problem is still not solved. The more time passes, the accuracy get more close to 99 percentage and loss becomes close to zero but I am still stuck in epoch one

    Capture

    opened by ansaricard 0
  • How do I alter layers.py code if input_shape is (channels, height, width)

    How do I alter layers.py code if input_shape is (channels, height, width)

    There's a problem with me.

    For some reason my "image_dim_ordering": is "th" and I don't know how the layers.py code works. Can anybody show the MaxPoolingWithArgmax2D & MaxUnpooling2D code when input shape is ( channels, height, width )?

    Can anyone help? Thanks a lot.

    opened by nehSgnaiL 0
  • train.py

    train.py

    Hi, I have a problem. I don´t know how to run this project.

    When I run train.py , I give: ValueError: Invalid file path or buffer object type: <class 'NoneType'>

    I hope that someone can help me.

    Thanks

    opened by Juanjojr9 0
  • License

    License

    I notice you do not have a license. Am I allowed to adapt your code for my own project and have my own license? The license does not restrict anyone's use, but my institution requires all of our work to have a general license for public use.

    opened by mavaylon1 0
  • The channel dimension of the inputs should be defined. Found None

    The channel dimension of the inputs should be defined. Found None

    Is there anyone who meet this problem"The channel dimension of the inputs should be defined. Found None". I meet this problem in 'unpool_1 = MaxUnpooling2D(pool_size)([pool_5, mask_5])'.Who can help me ?Thinks

    opened by wangtianlei1998 1
  • Extracting index in MaxUnpooling2D

    Extracting index in MaxUnpooling2D

    I don't fully understand the following operations to extract the indexes "y" and "x" form the agmax tensor. Could you elaborate a little on how did you get the following expressions?:

    • y = mask // (output_shape[2] * output_shape[3])

    • x = (mask // output_shape[3]) % output_shape[2]

    Thank you very much Pedro

    opened by pedrogalher 0
  • Input to reshape is a tensor with 100352 values, but the requested shape has 401408

    Input to reshape is a tensor with 100352 values, but the requested shape has 401408

    I'm trying segnet model with input tensor shape 224x224x3, but Im getting the error "Input to reshape is a tensor with 100352 values, but the requested shape has 401408". Can anyone help me, I'm struck with that problem

    opened by Abhishek2028 0
Owner
Yuta Kamikawa
Yuta Kamikawa
Implementation of U-Net and SegNet for building segmentation

Specialized project Created by Katrine Nguyen and Martin Wangen-Eriksen as a part of our specialized project at Norwegian University of Science and Te

Martin.w-e 3 Dec 7, 2022
Code for "Learning the Best Pooling Strategy for Visual Semantic Embedding", CVPR 2021

Learning the Best Pooling Strategy for Visual Semantic Embedding Official PyTorch implementation of the paper Learning the Best Pooling Strategy for V

Jiacheng Chen 106 Jan 6, 2023
A library for building and serving multi-node distributed faiss indices.

About Distributed faiss index service. A lightweight library that lets you work with FAISS indexes which don't fit into a single server memory. It fol

Meta Research 170 Dec 30, 2022
Recall Loss for Semantic Segmentation (This repo implements the paper: Recall Loss for Semantic Segmentation)

Recall Loss for Semantic Segmentation (This repo implements the paper: Recall Loss for Semantic Segmentation) Download Synthia dataset The model uses

null 32 Sep 21, 2022
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow

Mask R-CNN for Object Detection and Segmentation This is an implementation of Mask R-CNN on Python 3, Keras, and TensorFlow. The model generates bound

Matterport, Inc 22.5k Jan 4, 2023
Tensorflow2 Keras-based Semantic Segmentation Models Implementation

Tensorflow2 Keras-based Semantic Segmentation Models Implementation

Hah Min Lew 1 Feb 8, 2022
Keras attention models including botnet,CoaT,CoAtNet,CMT,cotnet,halonet,resnest,resnext,resnetd,volo,mlp-mixer,resmlp,gmlp,levit

Keras_cv_attention_models Keras_cv_attention_models Usage Basic Usage Layers Model surgery AotNet ResNetD ResNeXt ResNetQ BotNet VOLO ResNeSt HaloNet

null 319 Dec 28, 2022
Classification models 1D Zoo - Keras and TF.Keras

Classification models 1D Zoo - Keras and TF.Keras This repository contains 1D variants of popular CNN models for classification like ResNets, DenseNet

Roman Solovyev 12 Jan 6, 2023
This is an implementation of Googles Yogi-Optimizer in Keras (tf.keras)

Yogi-Optimizer_Keras This is an implementation of Googles Yogi-Optimizer in Keras (tf.keras) The NeurIPS-Paper can be found here: http://papers.nips.c

null 14 Sep 13, 2022
Keras udrl - Keras implementation of Upside Down Reinforcement Learning

keras_udrl Keras implementation of Upside Down Reinforcement Learning This is me

Eder Santana 7 Jan 24, 2022
Example-custom-ml-block-keras - Custom Keras ML block example for Edge Impulse

Custom Keras ML block example for Edge Impulse This repository is an example on

Edge Impulse 8 Nov 2, 2022
Source code for paper "Document-Level Relation Extraction with Adaptive Thresholding and Localized Context Pooling", AAAI 2021

ATLOP Code for AAAI 2021 paper Document-Level Relation Extraction with Adaptive Thresholding and Localized Context Pooling. If you make use of this co

Wenxuan Zhou 146 Nov 29, 2022
Learning Pixel-level Semantic Affinity with Image-level Supervision for Weakly Supervised Semantic Segmentation, CVPR 2018

Learning Pixel-level Semantic Affinity with Image-level Supervision This code is deprecated. Please see https://github.com/jiwoon-ahn/irn instead. Int

Jiwoon Ahn 337 Dec 15, 2022
Tensorflow 2.x implementation of Panoramic BlitzNet for object detection and semantic segmentation on indoor panoramic images.

Deep neural network for object detection and semantic segmentation on indoor panoramic images. The implementation is based on the papers:

Alejandro de Nova Guerrero 9 Nov 24, 2022
This repository is an open-source implementation of the ICRA 2021 paper: Locus: LiDAR-based Place Recognition using Spatiotemporal Higher-Order Pooling.

Locus This repository is an open-source implementation of the ICRA 2021 paper: Locus: LiDAR-based Place Recognition using Spatiotemporal Higher-Order

Robotics and Autonomous Systems Group 96 Dec 15, 2022
Compact Bilinear Pooling for PyTorch

Compact Bilinear Pooling for PyTorch. This repository has a pure Python implementation of Compact Bilinear Pooling and Count Sketch for PyTorch. This

Grégoire Payen de La Garanderie 234 Dec 7, 2022
A Pytorch Implementation for Compact Bilinear Pooling.

CompactBilinearPooling-Pytorch A Pytorch Implementation for Compact Bilinear Pooling. Adapted from tensorflow_compact_bilinear_pooling Prerequisites I

null 169 Dec 23, 2022
Code for Understanding Pooling in Graph Neural Networks

Select, Reduce, Connect This repository contains the code used for the experiments of: "Understanding Pooling in Graph Neural Networks" Setup Install

Daniele Grattarola 37 Dec 13, 2022