cnn-architecture
There are 153 repositories under cnn-architecture topic.
xavysp/DexiNed
DexiNed: Dense EXtreme Inception Network for Edge Detection
tobybreckon/fire-detection-cnn
real-time fire detection in video imagery using a convolutional neural network (deep learning) - from our ICIP 2018 paper (Dunnings / Breckon) + ICMLA 2019 paper (Samarth / Bhowmik / Breckon)
JusperLee/Conv-TasNet
Conv-TasNet: Surpassing Ideal Time-Frequency Magnitude Masking for Speech Separation Pytorch's Implement
alexisbcook/keras_transfer_cifar10
Object classification with CIFAR-10 using transfer learning
jhkim89/PyramidNet
Torch implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).
tum-vision/fusenet
This repository is the official release of the code for the following paper "FuseNet: Incorporating Depth into Semantic Segmentation via Fusion-based CNN Architecture" which is published at the 13th Asian Conference on Computer Vision (ACCV 2016).
PacktPublishing/Hands-On-Deep-Learning-Algorithms-with-Python
Hands-On Deep Learning Algorithms with Python, By Packt
zanilzanzan/FuseNet_PyTorch
Joint scene classification and semantic segmentation with FuseNet
shuguang-52/2018-RemoteSens-FDSSC
A Fast Dense Spectral-Spatial Convolution Network Framework for Hyperspectral Images Classification(Remote Sensing 2018)
m-tassano/dvdnet
DVDnet: A Simple and Fast Network for Deep Video Denoising
sailordiary/LipNet-PyTorch
"LipNet: End-to-End Sentence-level Lipreading" in PyTorch
taspinar/sidl
Deep Learning code
perseus784/BvS
An Image classifier to identify whether the given image is Batman or Superman using a CNN with high accuracy. (From getting images from google to saving our trained model for reuse.)
smhassanerfani/atlantis
A Benchmark for Semantic Segmentation of Waterbody Images
ehsanasgharzde/edepth
edepth is an open-source, trainable CNN-based model for depth estimation from single images, videos, and live camera feeds.
fitushar/Brain-Tissue-Segmentation-Using-Deep-Learning-Pipeline-NeuroNet
This Repository is for the MISA Course final project which was Brain tissue segmentation. we adopt NeuroNet which is a comprehensive brain image segmentation tool based on a novel multi-output CNN architecture which has been trained and tuned using IBSR18 dataset
ChrisLisbon/TorchCNNBuilder
Framework for the automatic creation of CNN architectures
jhkim89/PyramidNet-caffe
Caffe implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).
pmorerio/curriculum-dropout
Code for the paper "Curriculum Dropout", ICCV 2017
scheckmedia/cgp-cnn-design
Using Cartesian Genetic Programming to find an efficient Convolutional Neural Network architecture
iamurali/upgrad_ml_ai
UpGrad Course workout for ML & AI
jh-jeong/selective-convolution
Code for the paper "Training CNNs with Selective Allocation of Channels" (ICML 2019)
sichkar-valentyn/Neural_Networks_for_Computer_Vision
Implementing Neural Networks for Computer Vision in autonomous vehicles and robotics for classification, pattern recognition, control. Using Python, numpy, tensorflow. From basics to complex project
migege/tf-CNN-CASIA-HWDB
A tensorflow implementation of recognition of handwritten Chinese characters.
golden-panther/glaucoma-detector
Glaucoma detection automation project. Trained a binary image classifier using CNNs and deployed as a streamlit web app. It takes eye (retinal scan) image as input and outputs whether the person is affected by glaucoma or not.
whoisraibolt/LBCNN
Local Binary Convolutional Neural Network for Facial Expression Recognition of Basic Emotions in Python using the TensorFlow framework
marph91/pocket-cnn
CNN-to-FPGA-framework for small CNN, written in VHDL and Python
Pratik-Chhajer/Predicting-Photography-Aesthetics-with-CNNs
Using Convolutional Neural Networks to predict aesthetics of photographs
lepoeme20/pyTorch-text-classification
pyTorch-text-classification
arunsinghbabal/Traffic-Security
The goal of the project is to classify the vehicles, count their frequency, track them using unique ID and provide safety measures to the users by flagging the suspicious ones.
D0352276/SFPN-Synthetic-FPN-for-Object-Detection
The SFPN is a novel plug-and-play component for the CNN object detector. This project is the official code for the paper "SFPN: Synthetic FPN for Object Detection" in IEEE ICIP 2022.
Qianli-Wu/EEG_classification
The final project for ECE C147/C247, which evaluates the performance of CNN + Transformer and CNN + GRU + SimpleRNN models on an EEG dataset.
manishankarbalu/c-DCGAN
We use Conditional-DCGAN to generate animated faces :couple: and emojis :smiley: using pytorch
marph91/pocket-bnn
BNN-to-FPGA framework, written in VHDL and Python