cnns
There are 114 repositories under cnns topic.
amanchadha/coursera-deep-learning-specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
adobe/antialiased-cnns
pip install antialiased-cnns to improve stability and accuracy
QUVA-Lab/e2cnn
E(2)-Equivariant CNNs Library for Pytorch
changzy00/pytorch-attention
🦖Pytorch implementation of popular Attention Mechanisms, Vision Transformers, MLP-Like models and CNNs.🔥🔥🔥
Nyandwi/ModernConvNets
Revisions and implementations of modern Convolutional Neural Networks architectures in TensorFlow and Keras
alexisbcook/ResNetCAM-keras
Keras implementation of a ResNet-CAM model
iesl/dilated-cnn-ner
Dilated CNNs for NER in TensorFlow
SuperBruceJia/EEG-Motor-Imagery-Classification-CNNs-TensorFlow
EEG Motor Imagery Tasks Classification (by Channels) via Convolutional Neural Networks (CNNs) based on TensorFlow
amanchadha/stanford-cs231n-assignments-2020
This repository contains my solutions to the assignments for Stanford's CS231n "Convolutional Neural Networks for Visual Recognition" (Spring 2020).
CAS-CLab/CNN-Inference-Engine-Quick-View
A quick view of high-performance convolution neural networks (CNNs) inference engines on mobile devices.
VITA-Group/Orthogonality-in-CNNs
[NeurIPS '18] "Can We Gain More from Orthogonality Regularizations in Training Deep CNNs?" Official Implementation.
HPI-DeepLearning/crnn-lid
Code for the paper Language Identification Using Deep Convolutional Recurrent Neural Networks
dwromero/wavelet_networks
Code repository of the paper "Wavelet Networks: Scale-Translation Equivariant Learning From Raw Time-Series, TMLR" https://arxiv.org/abs/2006.05259
IbrahimSobh/see-inside-cnn
Going deeper into Deep CNNs through visualization methods: Saliency maps, optimize a random input image and deep dreaming with Keras
scofield7419/basic_NNs_in_frameworks
several basic neural networks[mlp, autoencoder, CNNs, recurrentNN, recursiveNN] implements under several NN frameworks[ tensorflow, pytorch, theano, keras]
amanchadha/FRVSR-GAN
A Novel Approach to Video Super-Resolution using Frame Recurrence and Generative Adversarial Networks | Python3 | PyTorch | OpenCV2 | GANs | CNNs
dwromero/att_gconvs
Code repository for the paper "Attentive Group Equivariant Convolutional Neural Networks" published at ICML 2020. https://arxiv.org/abs/2002.03830
shikhartuli/cnn_txf_bias
[CogSci'21] Study of human inductive biases in CNNs and Transformers.
abdo-eldesokey/RAFT-NCUP
The official PyTorch implementation for "Normalized Convolution Upsampling for Refined Optical Flow Estimation"
sayakpaul/keras-xla-benchmarks
Presents comprehensive benchmarks of XLA-compatible pre-trained models in Keras.
lewtun/dl4phys
Deep learning for particle physicists
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.
adam-dziedzic/bandlimited-cnns
Band-limited Training and Inference for Convolutional Neural Networks
neemiasbsilva/regression-in-CNNs-applied-to-plant-leaf-count
Regression in Convolutional Neural Network applied to Plant Leaf Count
Moe-Zbeeb/Ensembling-LeNet-with-LSTM-for-Time-Series-Predictions
LeNet as a Feature Engineer-> LSTM for timeseries predicitions
jeya-maria-jose/Derain_OUCD_Net
Official Pytorch Code for "Exploring Overcomplete Representations for Single Image Deraining using CNNs" - IEEE Journal of STSP
hazooree/LeNet-CNN-Accelerator-Hardware-for-FPGA
An open source Verilog Based LeNet-1 Parallel CNNs Accelerator for FPGAs in Vivado 2017
ucfai/core
AI@UCF's custom-made course, organized by semesters
ThanhChinhBK/Ner-BiLSTM-CNNs
Named Entity Recognition with Bidirectional LSTM-CNNs
eneriz-daniel/MIBCI-QCNNs
This repo contains the source code of the project "FPGA implementation of BCIs using QCNNs" submitted to the Xilinx Open Hardware Design Competition 2021.
kkahatapitiya/LinearConv
Code for our WACV 2021 paper "Exploiting the Redundancy in Convolutional Filters for Parameter Reduction"
mqalkhatib/Real_Complex_Classification
Attention based Dual-Branch Complex Feature Fusion Network for Hyperspectral Image Classification
sayakpaul/keras-convnext-conversion
ConvNeXt conversion code for PT to TF along with evaluation code on ImageNet-1k val.
abbasmzs/Coursera-Deep-Learning-Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks..
FaisalAhmedBijoy/Tensorflow-for-Deep-Learning-Udacity
Introduction to Deep Learning with TensorFlow by Udacity
jsalbert/sound_classification_ml_production
In this repository you will find an end to end hands-on tutorial of an example of machine learning in production. The objective will be to create and deploy in the cloud a machine learning application able to recognize and classify different audio sounds.