convolutional-layers
There are 126 repositories under convolutional-layers topic.
Maratyszcza/NNPACK
Acceleration package for neural networks on multi-core CPUs
benedekrozemberczki/MixHop-and-N-GCN
An implementation of "MixHop: Higher-Order Graph Convolutional Architectures via Sparsified Neighborhood Mixing" (ICML 2019).
grishasergii/conviz
An example of visualization of weights and output of convolutional layers
lucaaslb/cnn-libras
Rede Neural Convolucional para reconhecimento de gestos em LIBRAS (Alfabeto) Projeto 01/2019 - Ciência da Computação (Universidade Anhembi Morumbi)
vishalshar/Audio-Classification-using-CNN-MLP
Multi class audio classification using Deep Learning (MLP, CNN): The objective of this project is to build a multi class classifier to identify sound of a bee, cricket or noise.
rtflynn/Cifar-Autoencoder
A look at some simple autoencoders for the Cifar10 dataset, including a denoising autoencoder. Python code included.
detkov/Convolution-From-Scratch
Implementation of the generalized 2D convolution with dilation from scratch in Python and NumPy
jwr1995/dc1d
A 1D implementation of a deformable convolutional layer in PyTorch with a few tricks.
aarcosg/tsr-torch
Code for the paper entitled "Deep neural network for traffic sign recognition systems: An analysis of spatial transformers and stochastic optimisation methods".
frereit/TensorflowHandwritingRecognition
Using Tensorflow to classify the NIST Dataset 19 (Handwriting)
ildoonet/tf-lcnn
Tensorflow implementation for 'LCNN: Lookup-based Convolutional Neural Network'. Predict Faster using Models Trained Fast with Multi-GPUs
navjindervirdee/neural-networks
Implemented Convolutional Neural Network, LSTM Neural Network, and Neural Network From Scratch in Python Language.
CyberZHG/keras-octave-conv
Octave convolution
ai-med/nn-common-modules
Pytorch Implementations of Common modules, blocks and losses for CNNs specifically for segmentation models
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
VivianoRiccardo/Learning-Lab-C-Library
This library provides a set of basic functions for different type of deep learning (and other) algorithms in C.This deep learning library will be constantly updated
jyh2986/Active-Shift
Caffe implementation for Active Shift Layer(ASL)
crodriguez1a/inver-synth
A Python implementation of the InverSynth method (Barkan, Tsiris, Koenigstein, Katz)
evarae/CNN_Tutorial
Hi! Thanks for checking out my tutorial where I walk you through the process of coding a convolutional neural network in java from scratch. After building a network for a university assignment, I decided to create a tutorial to (hopefully) help others do the same and improve my own understanding of neural networks.
brunoeducsantos/follow-me
Deep learning architecture to help a drone target and follow people
fengwang/subpixel_conv2d
Sub-Pixel Convolutional Layer with Tensorflow/Keras
jyh2986/Active-Shift-TF
Tensorflow implementation for Active Shift Layer(ASL)
saaltone/SANNet
SANNet Neural Network Framework
Simeonedef/Time-Series_Imaging_Forecasting
In this project we have explored the use of imaging time series to enhance forecasting results with Neural Networks. The approach has revealed itself to be extremely promising as, both in combination with an LSTM architecture and without, it has out-performed the pure LSTM architecture by a solid margin within our test datasets.
hiroyuki-kasai/SimpleDeepNetToolbox
Simple MATLAB toolbox for deep learning network: Version 1.0.3
blaisedelattre/lip4conv
Code for Spectral Norm of Convolutional Layers with Circular and Zero Paddings and Efficient Bound of Lipschitz Constant for Convolutional Layers by Gram Iteration
Xujan24/Object-Detection-using-CNN
A simple single object detection using Convolutional Neural Network, (CNN).
kyegomez/SoundStream
Implementation of SoundtStream from the paper: "SoundStream: An End-to-End Neural Audio Codec"
thegarrickchu/Springboard-Dog_Breed_Classifier
Capstone Project 2 for Data Science Career Track: Image Classification of Dog Breeds
gabrieldim/Calculation-Cholesterol-Data-Science
Cholesterol is calculated from the given set of data.
ethanhe42/ResNet-tensorflow
ResNet in tensorflow for CIFAR-100, CIFAR-10
etrommer/torch-approx
GPU-accelerated Neural Network layers using Approximate Multiplications for PyTorch
otoolej/ms_rocket
Multi-scale version of ROCKET: a random convolutional kernel machine learning method
penny4860/cnn-visualizer
Visualization of the filters of VGG16, via gradient ascent in input space.
khanmhmdi/Cifar-Image-Reconstruction-using-Autoencoder-Models
Cifar-10 Image Reconstruction using Auto-encoder Models
whitelok/cuDNN-convolution3D-invoke-demo
Convolution 3D cuDNN C++ implement demo 三维卷积的cuDNN实现样例 3次元畳み込みのcuDNN実装例