batch-normalization

There are 187 repositories under batch-normalization topic.

  • Object-Detection-Using-CNN

    Language:Jupyter Notebook4
  • pytorch-syncbn

    Synchronized Multi-GPU Batch Normalization for PyTorch based on https://github.com/tamakoji/pytorch-syncbn

    Language:Python12
  • revisiting-bn-init

    Code for "Revisiting Batch Norm Initialization".

    Language:Python11
  • GAN_image_colorizing

    Image colorization with generative adversarial networks on the CIFAR10 dataset.

    Language:Python11
  • GoogLeNet

    Implementation of GoogLeNet series Algorithm

    Language:Python10
  • Deep-Learning-Specialization

    Coursera - Deep Learning Specialization - deeplearning.ai

    Language:HTML9
  • dropout-vs-batch-normalization

    Dropout vs. batch normalization: effect on accuracy, training and inference times - code for the paper

    Language:TeX8
  • BFMD-SN-U-net

    The open source code for the paper "Block Attention and Switchable Normalization based Deep Learning Framework for Segmentation of Retinal Vessels"

    Language:Python7
  • pytorch_ConvUnitOptimization

    This is the official repository of "Improving generalization of Batch Whitening by Convolutional Unit Optimization", ICCV 2021.

    Language:Python7
  • SimpleNN

    A simple neural network library in C++

    Language:C++7
  • RealisticTTA

    Official repository for AAAI2024 paper <Unraveling Batch Normalization for Realistic Test-Time Adaptation>.

    Language:Python6
  • TheSchoolOfAI

    Projects for The School of AI

    Language:Jupyter Notebook6
  • Problem-of-BatchNorm

    Playground repository to highlight the problem of BatchNorm layers for an blog article

    Language:Python5
  • Keras_IEBN

    Unofficial Keras implementation of the paper Instance Enhancement Batch Normalization.

    Language:Jupyter Notebook5
  • Kuzushiji-DropBlock

    Kuzushiji-DropBlock

    Japanese Handwritten Character Recognition using DropBlock Regulzarization

    Language:Python5
  • vanishing-gradients

    Avoiding the vanishing gradients problem by adding random noise and batch normalization

    Language:Python5
  • keras-mode-normalization

    Keras Implementation of Mode Normalization (Lucas Deecke, Iain Murray, Hakan Bilen, 2018)

    Language:Python5
  • dl_stereo_matching

    A Tensorflow implementation of the models described in the paper "Efficient Deep Learning for Stereo Matching"

    Language:Python5
  • Networks

    Library which can be used to build feed forward NN, Convolutional Nets, Linear Regression, and Logistic Regression Models.

    Language:Python5
  • awesome-convnets

    A list of papers I used for my thesis about convolutional neural networks and batch normalization

  • SVHN-Deep-Neural-Network

    Implementing an Image classification neural network to classify Street House View Numbers

    Language:Jupyter Notebook4
  • Improving-Deep-Neural-Networks-Hyperparameter-tuning-Regularization-and-Optimization

    Curso Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization. Segundo curso del programa especializado Deep Learning. Este repositorio contiene todos los ejercicios resueltos. https://www.coursera.org/learn/neural-networks-deep-learning

    Language:Jupyter Notebook4
  • functional-whitening

    M. Vidal & A. M. Aguilera. Novel whitening approaches in functional settings. Stat, 12(1), e516.

    Language:R3
  • bidaf-question-answering

    Bi-Directional Attention Flow (BiDAF) question answering model enhanced by multi-layer convolutional neural network character embeddings.

    Language:Python3
  • bn-advex-zhang-fixup

    Code for ResNet-Fixup experiments as part of "Batch Norm is a Cause of Adversarial Vulnerability" presented at http://deep-phenomena.org/

    Language:Python3
  • batch-norm

    An implementation of the technique of batch normalization on a feed forward neural network.

    Language:Python3
  • Densenet-Tensorflow

    使用Tensorflow实现DenseNet

    Language:Python3
  • Deeplearning-Models

    Deep learning models in Python

    Language:Python3
  • LeukoDif

    Denoising Diffusion Medical Model (DDMM) on PyTorch for generating datasets of Acute Lymphoblastic Leukemia 🩺💜

    Language:Jupyter Notebook2
  • American-Sign-Language-Detection-CNN

    Unleashing the Power of CNNs for Precise American Sign Language Recognition.

    Language:Jupyter Notebook2
  • BATCH-FILE

    I'm great with batch file!

    Language:Batchfile2
  • Deep-Learning-Introduction

    A collection of deep learning exercises collected while completing an Intro to Deep Learning course. We use TensorFlow and Keras to build and train neural networks for structured data.

    Language:Jupyter Notebook2
  • One-Piece-Image-Classifier

    One-Piece-Image-Classifier

    A quick image classifier trained with manually selected One Piece images.

    Language:Jupyter Notebook2
  • Batch-Normalisation

    This notebook shows you one way to add batch normalization to a neural network built in PyTorch.

    Language:Jupyter Notebook2
  • Coursera-Deep-Learning

    A five-course specialization covering the foundations of Deep Learning, from building CNNs, RNNs & LSTMs to choosing model configurations & paramaters like Adam, Dropout, BatchNorm, Xavier/He initialization, and others.

    Language:Jupyter Notebook2