Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: fully-convolutional-networks

arthurdjn/nets

Recreating PyTorch from scratch, using Numpy. Supports FCN, CNN, RNN layers.

Language: Python - Size: 10.7 MB - Last synced: 2 days ago - Pushed: over 3 years ago - Stars: 28 - Forks: 1

pycroscopy/atomai

Deep and Machine Learning for Microscopy

Language: Python - Size: 194 MB - Last synced: 14 days ago - Pushed: 4 months ago - Stars: 181 - Forks: 37

d-f/basic-semantic-segmentation

A basic example of semantic segmentation with fully convolutional networks on the Oxford IIIT pet dataset.

Language: Python - Size: 83 KB - Last synced: 16 days ago - Pushed: 16 days ago - Stars: 0 - Forks: 0

chakshu-dhannawat/Semantic-Segmentation-CV-Project

This repository contains the code for Comparing Deep Learning and Classical Computer Vision for Semantic Segmentation: A comprehensive analysis of cutting-edge techniques and algorithms for precise object segmentation in computer vision tasks. This work was done under the Computer Vision course at IIT Jodhpur.

Language: Jupyter Notebook - Size: 20.5 MB - Last synced: 17 days ago - Pushed: 17 days ago - Stars: 0 - Forks: 0

perslev/U-Time

U-Time: A Fully Convolutional Network for Time Series Segmentation

Language: Python - Size: 15.4 MB - Last synced: 13 days ago - Pushed: about 1 year ago - Stars: 239 - Forks: 62

meetps/pytorch-semseg

Semantic Segmentation Architectures Implemented in PyTorch

Language: Python - Size: 272 KB - Last synced: 18 days ago - Pushed: 8 months ago - Stars: 3,371 - Forks: 805

nandahkrishna/IDDSegmentation

Semantic Segmentation on the Indian Driving Dataset for the NVCPRIPG 2019 Challenge

Language: Jupyter Notebook - Size: 7.81 KB - Last synced: 29 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

mithi/some-udacity-projects πŸ“¦

Some of my projects as a former mentor, reviewer, and beta-tester of Robotics and Self-Driving Car ND

Language: Jupyter Notebook - Size: 219 MB - Last synced: 18 days ago - Pushed: about 2 months ago - Stars: 15 - Forks: 6

zivzakalik/DeepLearningBasics

This repository contains homework assignments for a deep learning course, featuring projects on Fully Connected Networks (FCN), Natural Language Processing (NLP), and Variational Autoencoders (VAE)

Language: Jupyter Notebook - Size: 3.59 MB - Last synced: 29 days ago - Pushed: 30 days ago - Stars: 0 - Forks: 0

polarbeargo/CarND-Semantic-Segmentation Fork of udacity/CarND-Semantic-Segmentation

Udacity Self-Driving Car Engineer Nanodegree - Semantic Segmentation Project

Language: Python - Size: 29.6 MB - Last synced: about 1 month ago - Pushed: almost 6 years ago - Stars: 2 - Forks: 0

JackWBoynton/mri_segmentation_cnn

FCN model and utils for automating the segmentation of knee structures from MR images

Language: Python - Size: 6.84 KB - Last synced: about 1 month ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

zijundeng/pytorch-semantic-segmentation

PyTorch for Semantic Segmentation

Language: Python - Size: 1.55 MB - Last synced: about 1 month ago - Pushed: over 4 years ago - Stars: 1,706 - Forks: 394

iitzco/faced

πŸš€ 😏 Near Real Time CPU Face detection using deep learning

Language: Python - Size: 85.5 MB - Last synced: 10 days ago - Pushed: over 4 years ago - Stars: 548 - Forks: 153

mattmacy/vnet.pytorch

A PyTorch implementation for V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation

Language: Python - Size: 1.09 MB - Last synced: about 1 month ago - Pushed: almost 6 years ago - Stars: 668 - Forks: 201

Sovik-Ghosh/Protien-Primary-to-Secondary-using-FCNN

The transition from primary to secondary protein structure involves the folding of linear amino acid sequences (primary structure) into regular patterns like alpha-helices and beta-sheets (secondary structure). Deep learning-based prediction algorithms leverage neural network architectures to infer these patterns from primary sequence data.

Language: Jupyter Notebook - Size: 2.76 MB - Last synced: about 1 month ago - Pushed: about 2 months ago - Stars: 2 - Forks: 0

cosmicac/ucsf-mri-seg

CNN for Synovitis Segmentation in MRI

Language: Python - Size: 3.79 MB - Last synced: 2 months ago - Pushed: over 6 years ago - Stars: 3 - Forks: 1

xliu59/Image-Semantic-Segmentation

Computer Vision

Language: Python - Size: 1.39 MB - Last synced: 2 months ago - Pushed: about 6 years ago - Stars: 1 - Forks: 1

ljanyst/image-segmentation-fcn

Semantic Image Segmentation using a Fully Convolutional Neural Network in TensorFlow

Language: Python - Size: 3.14 MB - Last synced: about 1 month ago - Pushed: almost 7 years ago - Stars: 87 - Forks: 33

SuperBruceJia/EEG-DL

A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.

Language: Python - Size: 938 KB - Last synced: 2 months ago - Pushed: over 1 year ago - Stars: 827 - Forks: 212

zenetio/follow-me-deeplearning

Drone using Fully Convolutional Network

Language: Jupyter Notebook - Size: 88.5 MB - Last synced: 2 months ago - Pushed: over 6 years ago - Stars: 5 - Forks: 1

pierluigiferrari/ssd_keras

A Keras port of Single Shot MultiBox Detector

Language: Python - Size: 19.2 MB - Last synced: 2 months ago - Pushed: about 2 years ago - Stars: 1,847 - Forks: 938

holgerroth/3Dunet_abdomen_cascade

Language: Jupyter Notebook - Size: 279 MB - Last synced: about 2 months ago - Pushed: over 5 years ago - Stars: 102 - Forks: 40

fg-research/lstm-fcn-sagemaker

SageMaker implementation of LSTM-FCN model for time series classification.

Language: Jupyter Notebook - Size: 14.7 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

pathak22/ccnn

[ICCV 2015] Framework for optimizing CNNs with linear constraints for Semantic Segmentation

Language: C++ - Size: 282 KB - Last synced: 8 days ago - Pushed: about 8 years ago - Stars: 64 - Forks: 28

ljanyst/ssd-tensorflow

A Single Shot MultiBox Detector in TensorFlow

Language: Python - Size: 256 KB - Last synced: about 1 month ago - Pushed: about 5 years ago - Stars: 170 - Forks: 89

Lee-Wayne/VNet-Pytorch

Pytorch implementation for V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation

Language: Python - Size: 7.81 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

HassanMahmoodKhan/Semantic-Segmentation

Fully Convolutional Neural Network for Semantic Segmentation tasks.

Language: Python - Size: 617 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

mike1simon/Mike-depth-footstep-planner

Custom rebuild of the footstep planner package from https://github.com/ROBOTIS-GIT/humanoid_navigation, used in the Master thesis of Mike Simon in Feb 2022.

Language: C++ - Size: 7.22 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 1

sinAshish/Rough-Sketch-Simplification-Using-FCNN πŸ“¦

This is a PyTorch implementation of the the Paper by Simo-Sera et.al. on Cleaning Rough Sketches using Fully Convolutional Neural Networks.

Language: Jupyter Notebook - Size: 7.81 KB - Last synced: 9 days ago - Pushed: over 4 years ago - Stars: 32 - Forks: 7

pqcfox/PruneSeg

An extension of KittiSeg with network pruning to make things smol and fast

Language: Python - Size: 11.7 MB - Last synced: 4 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

f1recracker/tensorflow-fcn

Road segmentation using FCN

Language: Python - Size: 13.7 KB - Last synced: 4 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

shamim-hussain/4x_superresolution_cnn

Investigation in 4x Super-resolution by Deep Convolutional Neural Networks

Language: Python - Size: 30.7 MB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 2 - Forks: 2

pochih/FCN-pytorch

🚘 Easiest Fully Convolutional Networks

Language: Python - Size: 59.1 MB - Last synced: 4 months ago - Pushed: 11 months ago - Stars: 385 - Forks: 138

chrischoy/open-ucn

The first fully convolutional metric learning for geometric/semantic image correspondences.

Language: Python - Size: 2.23 MB - Last synced: 2 months ago - Pushed: over 2 years ago - Stars: 87 - Forks: 11

udaykumar1997/Real-Time-Precision-Farming-through-Cloud-Computer-Vision-and-Deep-Learning πŸ“¦

Language: Jupyter Notebook - Size: 273 MB - Last synced: 4 months ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

venkanna37/Label-Pixels

Label-Pixels is the tool for semantic segmentation of remote sensing images using Fully Convolutional Networks. Initially, it is designed for extracting the road network from remote sensing imagery and now, it can be used to extract different features from remote sensing imagery.

Language: Python - Size: 230 MB - Last synced: 4 months ago - Pushed: over 1 year ago - Stars: 62 - Forks: 23

shawnyuen/semantic_seg_paper_collection

Size: 604 KB - Last synced: 9 days ago - Pushed: 12 months ago - Stars: 128 - Forks: 23

avilash/pytorch-fcn

Experimental playground repository for training FCNs for Semantic Segmentation

Language: Python - Size: 24.4 KB - Last synced: 6 months ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

dmonn/semantic-segmentation

Semantic Segmentation of open road segments - Part of Udacity SDCND

Language: Python - Size: 480 MB - Last synced: 6 months ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 4

superxuang/caffe_triple-branch_FCN

A C++ (Caffe) implementation of Triple-branch FCN for multi-organ localization in CT images

Language: C++ - Size: 18.6 MB - Last synced: 6 months ago - Pushed: almost 2 years ago - Stars: 5 - Forks: 1

damminhtien/awesome-semantic-segmentation

awesome-semantic-segmentation - list of awesome things around semantic segmentation :tada:

Size: 48.8 KB - Last synced: 10 days ago - Pushed: about 2 years ago - Stars: 21 - Forks: 2

polarbeargo/RoboND-DeepLearning-Project Fork of udacity/RoboND-DeepLearning-Project

RoboND Term 1 Deep Learning Project, Follow-Me

Language: HTML - Size: 99.2 MB - Last synced: about 1 month ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

HasnainRaz/FC-DenseNet-TensorFlow

Fully Convolutional DenseNet (A.K.A 100 layer tiramisu) for semantic segmentation of images implemented in TensorFlow.

Language: Python - Size: 847 KB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 122 - Forks: 41

usuyama/pytorch-unet

Simple PyTorch implementations of U-Net/FullyConvNet (FCN) for image segmentation

Language: Jupyter Notebook - Size: 356 KB - Last synced: 7 months ago - Pushed: almost 4 years ago - Stars: 775 - Forks: 228

assassint2017/MICCAI-LITS2017

liver segmentation using deep learning

Language: Python - Size: 5.82 MB - Last synced: 7 months ago - Pushed: 11 months ago - Stars: 351 - Forks: 87

Sina-Mohammadi/DFNet

Keras implementation of "DFNet: Discriminative feature extraction and integration network for salient object detection"

Language: Python - Size: 9.16 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 22 - Forks: 11

FatemehGholamzadeh/Data-Mining-Course-Assignments

Data Mining Course Assignments - Fall 2019

Language: Jupyter Notebook - Size: 21.1 MB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 4 - Forks: 0

tofis/DeepMoCap

DeepMoCap Github page:

Language: C# - Size: 9.12 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 26 - Forks: 8

mirzaevinom/prostate_segmentation

NCI-ISBI 2013 Challenge - Automated Segmentation of Prostate Structures

Language: Python - Size: 1.04 MB - Last synced: 7 months ago - Pushed: over 6 years ago - Stars: 37 - Forks: 24

preritj/segmentation

Tensorflow implementation : U-net and FCN with global convolution

Language: Python - Size: 646 KB - Last synced: 7 months ago - Pushed: about 5 years ago - Stars: 100 - Forks: 33

barzansaeedpour/image-segmentation-tensorflow

In this repository, we thoroughly examine the concepts of Image Segmentation and provide a comprehensive Python implementation using the Tensorflow framework.

Language: Jupyter Notebook - Size: 8.27 MB - Last synced: 4 months ago - Pushed: 10 months ago - Stars: 2 - Forks: 1

vuptran/cardiac-segmentation

Convolutional Neural Networks for Cardiac Segmentation

Language: Python - Size: 225 MB - Last synced: 7 months ago - Pushed: about 7 years ago - Stars: 106 - Forks: 41

VasiaKoum/Autoencoder-Neural-Network

Training and evaluation of Neural Network autocoding of numerical images. Using the encoder to create a Neural Network image classification.

Language: Python - Size: 76.1 MB - Last synced: 8 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

apgeorg/Semantic-Segmentation

Semantic Segmentation

Language: Python - Size: 41.7 MB - Last synced: 8 months ago - Pushed: over 6 years ago - Stars: 1 - Forks: 0

ai-med/squeeze_and_excitation

PyTorch Implementation of 2D and 3D 'squeeze and excitation' blocks for Fully Convolutional Neural Networks

Language: Python - Size: 318 KB - Last synced: 7 months ago - Pushed: almost 4 years ago - Stars: 292 - Forks: 50

Yuliang-Zou/tf_fcn

A TensorFlow Implementation of Fully Convolutional Networks

Language: Python - Size: 32.2 KB - Last synced: 8 months ago - Pushed: about 7 years ago - Stars: 38 - Forks: 16

IBBM/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"

Language: Jupyter Notebook - Size: 6.06 MB - Last synced: 7 months ago - Pushed: over 6 years ago - Stars: 302 - Forks: 128

wanglimin/Actionness-Estimation

Actionness Estimation Using Hybrid Fully Convolutional Networks

Language: Matlab - Size: 781 KB - Last synced: 6 months ago - Pushed: almost 8 years ago - Stars: 30 - Forks: 11

antevis/CarND_T3_P2_Semantic_Segmentation

Drivable Area Prediction with Semantic Segmentation

Language: Python - Size: 41.3 MB - Last synced: 16 days ago - Pushed: over 6 years ago - Stars: 3 - Forks: 1

jadevaibhav/Brain-Tumor-Segmentation-using-Deep-Neural-networks

Keras implementation of paper by the same name

Language: Jupyter Notebook - Size: 881 KB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 96 - Forks: 61

eren-aydemir/Semantic-Segmantation

Language: Jupyter Notebook - Size: 104 MB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

scale-lab/FCNiris

A Resource-Efficient Embedded Iris Recognition System Using Fully Convolutional Networks

Language: MATLAB - Size: 3.24 MB - Last synced: 10 months ago - Pushed: almost 4 years ago - Stars: 7 - Forks: 7

dubvulture/text_fcn

Language: Python - Size: 141 KB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 5 - Forks: 5

dubvulture/tensor_fcn

Tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation

Language: Python - Size: 24.4 KB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 4 - Forks: 2

vilion/CarND-Semantic-Segmentation

Language: Python - Size: 41.1 MB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

Wickstrom/Thesis

This repository containts all code for my master thesis where the task is to perform semantic segmentation of colorectal polyps using Fully Convolutional Networks.

Language: Python - Size: 146 KB - Last synced: 10 months ago - Pushed: about 5 years ago - Stars: 5 - Forks: 2

rickyota/CSML

Cell Segmenter using Machine Learning

Language: Python - Size: 21.9 MB - Last synced: 7 months ago - Pushed: 10 months ago - Stars: 9 - Forks: 1

farrukh-x2/Deep-Learn-Semantic-Segmentation

Use Fully Convolutional Nets to identify segments of image as drivable road

Language: Python - Size: 50.2 MB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 3 - Forks: 0

Jumpst3r/printed-hw-segmentation

Printed and handwritten text segmentation using fully convolutional networks and CRF post-processing

Language: Python - Size: 181 MB - Last synced: 9 months ago - Pushed: over 3 years ago - Stars: 30 - Forks: 6

amanbasu/3d-prostate-segmentation

Segmentation of prostate from MRI scans

Language: Python - Size: 14.2 MB - Last synced: 7 months ago - Pushed: almost 3 years ago - Stars: 38 - Forks: 13

aiporre/gcn_segmentation

Stroke-GFCN: segmentation of Ischemic brain lesions

Language: Jupyter Notebook - Size: 104 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

rogertrullo/tensorflow_medical_images_segmentation

Here I post a code for doing segmentation in medical images using tensorflow

Language: Python - Size: 32.2 KB - Last synced: 2 months ago - Pushed: about 7 years ago - Stars: 20 - Forks: 10

gabrieldemarmiesse/heatmaps πŸ“¦

Language: Python - Size: 1.12 MB - Last synced: 29 days ago - Pushed: about 4 years ago - Stars: 59 - Forks: 17

aaronphilip/Image-Segmentation-On-Faces

A Keras-Tensorflow Fully Convolutional Network that performs image segmentation on faces

Language: Jupyter Notebook - Size: 1.96 MB - Last synced: 12 months ago - Pushed: over 5 years ago - Stars: 35 - Forks: 10

minar09/Fashion-Clothing-Parsing

FCN, U-Net models implementation in TensorFlow for fashion clothing parsing

Language: Python - Size: 1.23 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 32 - Forks: 14

xevolesi/pytorch-fcn

Implementation of `Fully Convolutional Networks for Semantic Segmentation` by Jonathan Long, Evan Shelhamer, Trevor Darrell, UC Berkeley

Language: Python - Size: 109 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

emredog/FCNN-example

This is a fully convolutional neural net exercise to detect houses from aerial images.

Language: Python - Size: 10 MB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 31 - Forks: 11

SharifAmit/DilatedFCNSegmentation

[SAIN'18] [Caffe] A dilated version of FCN with Stride 2 for Efficient Semantic Segmentation

Language: Python - Size: 315 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 33 - Forks: 20

sandyz1000/face-landmark-detector

Facial keypoints detector and 2d alignment

Language: Python - Size: 91.8 KB - Last synced: 10 months ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

eqbal/CarND_Semantic_Segmentation

Fully Connected Convolutional Neural Net FCN to identify the road in a collection of pictures. The encoding of the FCN will be provided by a pre-trained VGG16 model and the decoder will be built using 1x1 convolutions, upscaling and layer skipping.

Language: Jupyter Notebook - Size: 42.2 MB - Last synced: 9 months ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 0

AryaAftab/LIGHT-SERNET

Light-SERNet: A lightweight fully convolutional neural network for speech emotion recognition

Language: Python - Size: 320 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 38 - Forks: 19

aitorzip/Keras-ICNet

Keras implementation of Real-Time Semantic Segmentation on High-Resolution Images

Language: Python - Size: 25.2 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 87 - Forks: 33

JunshengFu/semantic_segmentation

Semantically segment the road in the given image.

Language: Python - Size: 64.9 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 98 - Forks: 38

sjain-stanford/deep-route

Training a deep FCN network in PyTorch to route circuit layouts

Language: Python - Size: 424 KB - Last synced: over 1 year ago - Pushed: over 1 year ago - Stars: 57 - Forks: 14

mithi/semantic-segmentation πŸ“¦

A Fully Convolutional Network (FCN) script to label the pixels of a road in images

Language: Jupyter Notebook - Size: 44.4 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 26 - Forks: 23

affromero/FCN

PyTorch Implementation of Fully Convolutional Networks, for VGG and ResNet backbones.

Language: Jupyter Notebook - Size: 891 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 16 - Forks: 14

himanshurawlani/fully_convolutional_network

Building, training and deploying a fully convolutional neural network in TensorFlow

Language: Jupyter Notebook - Size: 49.8 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 37 - Forks: 23

nsaftarli/perceptual-photomosaic

Code for "Convolutional Photomosaic Generation via MultiΒ­Scale Perceptual Losses" presented at the Workshop on Computer Vision for Fashion, Art and Design at ECCV2018. Accepted paper here: https://drive.google.com/file/d/1yPn-pY7kJGEWdQvt3AsFPPnQ-Bk1Dk4x/view

Language: Python - Size: 7.09 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 7 - Forks: 1

mosama1994/YOLO-v3-Object-Detection-CNN-

Implementation of Yolo v3 object detection fully convolutional neural network model in Tensorflow & Keras

Language: Jupyter Notebook - Size: 9.82 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

marph91/pocket-cnn

CNN-to-FPGA-framework for small CNN, written in VHDL and Python

Language: VHDL - Size: 7.29 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 15 - Forks: 5

AbhishekRS4/fcn_road_seg

FCN implementation for road segmentation

Language: Python - Size: 26.4 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 2 - Forks: 0

gaurav104/LungSegmentation

This was my research project at IIT Bombay on Lung Segmentation from Chest X-Rays Images

Language: Python - Size: 41 KB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 29 - Forks: 5

adityashrm21/image-segmentation-pytorch

Image Segmentation using Fully Convolutional Networks in PyTorch

Language: Python - Size: 5.77 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 11 - Forks: 0

AyusheGangal/Patch-your-Trash

A patch-based implementation of Fully Convoluted Neural Network (FCN) for detection of soft drink bottles in the trash for easy recycling

Language: Jupyter Notebook - Size: 4.01 MB - Last synced: 4 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

yya007-zz/BodySegmentation

This project is to use fully convolutional networks to do organ/tissue segmentation from medical images.

Language: Python - Size: 5.96 MB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 9 - Forks: 3

attilalr/fully-conv-network-1d-coal

Code from a study to perform segmentation semantic using well log data from a coal deposit.

Language: Python - Size: 1.89 MB - Last synced: over 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Bennyhwanggggg/FCN-Image-Segmentation

Image segmentation to remove objects from images

Language: Python - Size: 1.67 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 1

mcd8604/rvsc

Language: Python - Size: 87.7 MB - Last synced: about 1 year ago - Pushed: about 7 years ago - Stars: 5 - Forks: 1

Niloy-Chakraborty/Fully-Convolutional-Network-for-Image_Segmentation

A Fully Convolutional Neural Network based model

Language: Jupyter Notebook - Size: 2.15 MB - Last synced: over 1 year ago - Pushed: about 4 years ago - Stars: 2 - Forks: 0

manankshastri/Semantic-Segmentation

Semantic Segmentation using Fully Convolutional Network (FCN)

Language: Python - Size: 1.6 MB - Last synced: 12 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

Related Keywords
fully-convolutional-networks 135 deep-learning 62 semantic-segmentation 51 tensorflow 42 convolutional-neural-networks 27 computer-vision 25 python 23 fcn 22 pytorch 20 machine-learning 20 segmentation 19 image-segmentation 14 keras 14 cnn 12 deep-neural-networks 11 self-driving-car 9 unet 7 object-detection 7 udacity 7 neural-network 7 autonomous-vehicles 6 u-net 6 artificial-intelligence 6 vgg16 5 image-processing 5 convolutional-networks 4 kitti-dataset 4 pascal-voc 4 classification 4 caffe 3 unet-image-segmentation 3 image-classification 3 udacity-self-driving-car 3 loss-functions 3 deeplearning 3 python3 3 pytorch-tutorial 3 transfer-learning 3 liver-segmentation 3 medical-image-processing 3 medical-imaging 3 keras-tensorflow 3 fcn-8s 3 jupyter-notebook 3 neural-networks 3 face-detection 2 instance-segmentation 2 segnet 2 object-segmentation 2 mri-images 2 dice-coefficient 2 autoencoder 2 densenet 2 tensorflow2 2 recurrent-neural-networks 2 aerial-imagery 2 attention-mechanism 2 autonomous-driving 2 computed-tomography 2 self-driving-cars 2 keras-models 2 skip-connections 2 upsampling 2 gpu 2 cityscapes 2 ros 2 vessel-segmentation 2 drone 2 classifier 1 heatmap 1 facial-recognition 1 clothing 1 clothing-parsing 1 fashion 1 fashion-parsing 1 parsing 1 fcn16s 1 fcn32s 1 fcn8s 1 pytorch-fcn 1 segmentation-pytorch 1 dilated-convolution 1 dilation-convolution 1 nyu-depth 1 nyu-depth-dataset 1 tensorflow-models 1 action-detection 1 3d-crf 1 squeeze-and-excitation 1 scene-understanding 1 road 1 cardiac-segmentation 1 transpose-convolution 1 masking 1 large-kernels 1 kaggle-competition 1 kaggle 1 image-mask 1 global-convolution-network 1 deconvolution 1