cnns

There are 112 repositories under cnns topic.

  • antialiased-cnns

    pip install antialiased-cnns to improve stability and accuracy

    Language:Python1.7k
  • e2cnn

    E(2)-Equivariant CNNs Library for Pytorch

    Language:Python599
  • pytorch-attention

    🦖Pytorch implementation of popular Attention Mechanisms, Vision Transformers, MLP-Like models and CNNs.🔥🔥🔥

    Language:Python369
  • ModernConvNets

    ModernConvNets

    Revisions and implementations of modern Convolutional Neural Networks architectures in TensorFlow and Keras

    Language:Jupyter Notebook340
  • ResNetCAM-keras

    Keras implementation of a ResNet-CAM model

    Language:Python280
  • dilated-cnn-ner

    Dilated CNNs for NER in TensorFlow

    Language:Python243
  • EEG-Motor-Imagery-Classification-CNNs-TensorFlow

    EEG Motor Imagery Tasks Classification (by Channels) via Convolutional Neural Networks (CNNs) based on TensorFlow

    Language:Python198
  • stanford-cs231n-assignments-2020

    This repository contains my solutions to the assignments for Stanford's CS231n "Convolutional Neural Networks for Visual Recognition" (Spring 2020).

    Language:Jupyter Notebook158
  • CNN-Inference-Engine-Quick-View

    A quick view of high-performance convolution neural networks (CNNs) inference engines on mobile devices.

  • Orthogonality-in-CNNs

    [NeurIPS '18] "Can We Gain More from Orthogonality Regularizations in Training Deep CNNs?" Official Implementation.

    Language:Python127
  • crnn-lid

    Code for the paper Language Identification Using Deep Convolutional Recurrent Neural Networks

    Language:Python105
  • wavelet_networks

    Code repository of the paper "Wavelet Networks: Scale-Translation Equivariant Learning From Raw Time-Series, TMLR" https://arxiv.org/abs/2006.05259

    Language:Jupyter Notebook80
  • see-inside-cnn

    Going deeper into Deep CNNs through visualization methods: Saliency maps, optimize a random input image and deep dreaming with Keras

    Language:Jupyter Notebook69
  • basic_NNs_in_frameworks

    several basic neural networks[mlp, autoencoder, CNNs, recurrentNN, recursiveNN] implements under several NN frameworks[ tensorflow, pytorch, theano, keras]

    Language:Python64
  • FRVSR-GAN

    A Novel Approach to Video Super-Resolution using Frame Recurrence and Generative Adversarial Networks | Python3 | PyTorch | OpenCV2 | GANs | CNNs

    Language:Python58
  • att_gconvs

    Code repository for the paper "Attentive Group Equivariant Convolutional Neural Networks" published at ICML 2020. https://arxiv.org/abs/2002.03830

    Language:Python48
  • cnn_txf_bias

    [CogSci'21] Study of human inductive biases in CNNs and Transformers.

    Language:Jupyter Notebook42
  • RAFT-NCUP

    The official PyTorch implementation for "Normalized Convolution Upsampling for Refined Optical Flow Estimation"

    Language:Python41
  • keras-xla-benchmarks

    Presents comprehensive benchmarks of XLA-compatible pre-trained models in Keras.

    Language:Jupyter Notebook36
  • dl4phys

    Deep learning for particle physicists

    Language:Jupyter Notebook25
  • 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.

    Language:Python19
  • regression-in-CNNs-applied-to-plant-leaf-count

    Regression in Convolutional Neural Network applied to Plant Leaf Count

    Language:Jupyter Notebook19
  • bandlimited-cnns

    Band-limited Training and Inference for Convolutional Neural Networks

    Language:Jupyter Notebook19
  • Ensembling-LeNet-with-LSTM-for-Time-Series-Predictions

    LeNet as a Feature Engineer-> LSTM for timeseries predicitions

    Language:Jupyter Notebook17
  • Derain_OUCD_Net

    Official Pytorch Code for "Exploring Overcomplete Representations for Single Image Deraining using CNNs" - IEEE Journal of STSP

    Language:Python14
  • core

    AI@UCF's custom-made course, organized by semesters

    Language:Jupyter Notebook13
  • LeNet-CNN-Accelerator-Hardware-for-FPGA

    An open source Verilog Based LeNet-1 Parallel CNNs Accelerator for FPGAs in Vivado 2017

    Language:Jupyter Notebook12
  • Ner-BiLSTM-CNNs

    Named Entity Recognition with Bidirectional LSTM-CNNs

    Language:Jupyter Notebook12
  • Real_Complex_Classification

    Attention based Dual-Branch Complex Feature Fusion Network for Hyperspectral Image Classification

    Language:Python10
  • keras-convnext-conversion

    ConvNeXt conversion code for PT to TF along with evaluation code on ImageNet-1k val.

    Language:Python10
  • MIBCI-QCNNs

    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.

    Language:Jupyter Notebook9
  • LinearConv

    Code for our WACV 2021 paper "Exploiting the Redundancy in Convolutional Filters for Parameter Reduction"

    Language:Python9
  • 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..

    Language:Jupyter Notebook8
  • Tensorflow-for-Deep-Learning-Udacity

    Introduction to Deep Learning with TensorFlow by Udacity

    Language:Jupyter Notebook8
  • sound_classification_ml_production

    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.

    Language:Jupyter Notebook8
  • CNN-from-Scratch

    Implementation of CNN (Convolutional neural network) from scratch

    Language:Jupyter Notebook6