Projects in Awesome Lists tagged with batch-normalization
A curated list of projects in awesome lists tagged with batch-normalization .
https://github.com/morvanzhou/pytorch-tutorial
Build your neural network easy and fast, 莫烦Python中文教学
autoencoder batch batch-normalization classification cnn dqn dropout gan generative-adversarial-network machine-learning neural-network python pytorch pytorch-tutorial pytorch-tutorials regression reinforcement-learning rnn tutorial
Last synced: 14 May 2025
https://github.com/MorvanZhou/PyTorch-Tutorial
Build your neural network easy and fast, 莫烦Python中文教学
autoencoder batch batch-normalization classification cnn dqn dropout gan generative-adversarial-network machine-learning neural-network python pytorch pytorch-tutorial pytorch-tutorials regression reinforcement-learning rnn tutorial
Last synced: 15 Mar 2025
https://github.com/parasdahal/deepnet
Educational deep learning library in plain Numpy.
adagrad adam-optimizer batch-normalization cnn dropout nesterov-accelerated-sgd
Last synced: 19 Jul 2025
https://github.com/hwalsuklee/tensorflow-mnist-cnn
MNIST classification using Convolutional NeuralNetwork. Various techniques such as data augmentation, dropout, batchnormalization, etc are implemented.
batch-normalization cnn data-augmentation dropout ensemble-prediction mnist mnist-classification tensorflow
Last synced: 12 May 2025
https://github.com/MIPT-Oulu/pytorch_bn_fusion
Batch normalization fusion for PyTorch. This is an archived repository, which is not maintained.
batch-normalization deep-learning deep-neural-networks inference-optimization pytorch
Last synced: 17 Aug 2025
https://github.com/lyttonhao/Neural-Style-MMD
MXNet Code For Demystifying Neural Style Transfer (IJCAI 2017)
batch-normalization maximum-mean-discrepancy neural-style
Last synced: 17 Apr 2025
https://github.com/stevenobadja/math_object_detection
An image recognition/object detection model that detects handwritten digits and simple math operators. The output of the predicted objects (numbers & math operators) is then evaluated and solved.
batch-normalization coco detection detection-model linear-algebra math-operation object-detection python python3 relu ssd-mobilenet tensorflow tensorflow-examples tensorflow-experiments tensorflow-models tensorflow-tutorials
Last synced: 23 Oct 2025
https://github.com/hwalsuklee/tensorflow-mnist-mlp-batch_normalization-weight_initializers
MNIST classification using Multi-Layer Perceptron (MLP) with 2 hidden layers. Some weight-initializers and batch-normalization are implemented.
batch-normalization he he-initializer mnist mnist-classification tensorflow weight-initializers xavier xavier-initializer
Last synced: 13 Apr 2025
https://github.com/vita-group/bnn_nobn
[CVPRW 21] "BNN - BN = ? Training Binary Neural Networks without Batch Normalization", Tianlong Chen, Zhenyu Zhang, Xu Ouyang, Zechun Liu, Zhiqiang Shen, Zhangyang Wang
adaptive-gradient-clipping batch-normalization binary-neural-networks normalization-free-training normalizer-free weight-standardization
Last synced: 19 Apr 2025
https://github.com/vita-group/sandwich-batch-normalization
[WACV 2022] "Sandwich Batch Normalization: A Drop-In Replacement for Feature Distribution Heterogeneity" by Xinyu Gong, Wuyang Chen, Tianlong Chen and Zhangyang Wang
adversarial-training batch-normalization gan nas neural-architecture-search normalization pytorch sabn sandwich-batch-normalization style-transfer
Last synced: 31 Jul 2025
https://github.com/26hzhang/amusingpythoncodes
Interesting python codes to tackle simple machine/deep learning tasks
batch-normalization cnn data-analysis dynamic-memory-network highway-network knowledge-representation lstm maxout python r-net selu seq2seq
Last synced: 19 Apr 2025
https://github.com/26hzhang/AmusingPythonCodes
Interesting python codes to tackle simple machine/deep learning tasks
batch-normalization cnn data-analysis dynamic-memory-network highway-network knowledge-representation lstm maxout python r-net selu seq2seq
Last synced: 22 Jul 2025
https://github.com/sayakpaul/training-batchnorm-and-only-batchnorm
Experiments with the ideas presented in https://arxiv.org/abs/2003.00152 by Frankle et al.
batch-normalization deep-learning keras tensorflow2
Last synced: 05 May 2025
https://github.com/Cyril9227/Keras_AttentiveNormalization
Unofficial Keras implementation of the paper Attentive Normalization.
attention-mechanism batch-normalization deep-learning keras keras-tensorflow
Last synced: 11 May 2025
https://github.com/apple/ml-tune-mode-convbn
Tune-Mode ConvBN Blocks For Efficient Transfer Learning
batch-normalization convolutional-neural-networks efficiency pytorch-fx transfer-learning
Last synced: 19 Oct 2025
https://github.com/eigenfoo/batch-renorm
A Tensorflow re-implementation of batch renormalization, first introduced by Sergey Ioffe.
batch-norm batch-normalization batch-renorm batch-renormalization deep-learning sergey-ioffe tensorflow
Last synced: 12 Apr 2025
https://github.com/karoly-hars/GAN_image_colorizing
Image colorization with generative adversarial networks on the CIFAR10 dataset.
artificial-intelligence batch-normalization cifar10 computer-vision deep-learning gan generative-adversarial-network image-colorization neural-networks pytorch spectral-normalization unet
Last synced: 07 May 2025
https://github.com/arjuntheprogrammer/theschoolofai
Projects for The School of AI
alphazero autoencoders batch-normalization data-augmentation densenet enas face-recognition gan inception-network lstm-and-gru neural-architecture policy-gradients regularization rnn siamese-network superconvergence transfer-learning yolo
Last synced: 09 Oct 2025
https://github.com/philipperemy/keras-mode-normalization
Keras Implementation of Mode Normalization (Lucas Deecke, Iain Murray, Hakan Bilen, 2018)
batch-normalization keras tensorflow
Last synced: 13 Oct 2025
https://github.com/mindee/problem-of-batchnorm
Playground repository to highlight the problem of BatchNorm layers for an blog article
batch-normalization batchnorm deep learning model normalization tricks
Last synced: 15 Oct 2025
https://github.com/angusg/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/
Last synced: 30 Oct 2025
https://github.com/shervinnd/cifar-10-image-classification-with-cnn
Description: Dive into this exciting project that builds a CNN with TensorFlow/Keras to classify CIFAR-10 images into 10 vibrant classes! 📸 It features data preprocessing, model training, stunning ROC curve visualizations 📊, sample predictions, and custom image classification
auc-analysis batch-normalization cifar-10 cnn-model computer-vision convolutional-neural-networks custom-image-prediction deep-learning image-classification image-preprocessing keras machine-learning matplotlib-visualization numpy opencv python roc-curve scikit-learn softmax-classifier tensorflow
Last synced: 03 Sep 2025
https://github.com/govinddixit/batch-normalisation
This notebook shows you one way to add batch normalization to a neural network built in PyTorch.
batch-normalization mlp pytorch pytorch-implementation
Last synced: 24 Jul 2025
https://github.com/justsecret123/one-piece-image-classifier
A quick image classifier trained with manually selected One Piece images.
batch-normalization classification classification-model computer-vision convolutional-neural-networks data-augmentation deep-learning deep-neural-networks docker early-stopping image-classification image-classifier jupyterlab keras machine-learning notebook python tensorflow tensorflow-serving transfer-learning
Last synced: 30 Dec 2025
https://github.com/mbeps/machine-learning-pacman-classifier-coursework
The project implements a neural network classifier with advanced techniques like batch normalisation, dropout, and gradient clipping to control Pacman's movements based on the game state.
artificial-intelligence backpropagation batch-normalization deep-learning gradient-descent machine-learning neural-networks
Last synced: 21 Mar 2025
https://github.com/angusg/batch-norm-vulnerability
Master source code repo for "Batch Normalization is a Cause of Adversarial Vulnerability"
adversarial-attacks adversarial-examples batch-normalization deep-learning machine-learning pytorch
Last synced: 04 Apr 2025
https://github.com/chaitanyac22/deep_learning_hand_gesture_recognition_project
The objective of this project is to recognize hand gestures using state-of-the-art neural networks.
batch-normalization cnn cnn-rnn-stack conv3d convolutional-neural-networks data-generators deep-learning dropouts gru keras lstm model-building model-evaluation neural-networks prediction recurrent-neural-networks rnn tensorflow transfer-learning
Last synced: 27 Mar 2025
https://github.com/bhattbhavesh91/batch-normalization-demo
In this tutorial, I'll show how Batch normalization can be used for improving the speed, performance, and stability for Neural Networks.
advantages batch-normalization keras keras-tensorflow neural-networks
Last synced: 17 Apr 2025
https://github.com/zfturbo/pretrained-vgg-neural-nets-in-tensorflow
Set of VGG neural net models for TensorFlow. Weights converted from Pytorch.
batch-normalization pretrained-models tensorflow vgg16 vgg19
Last synced: 16 Mar 2025
https://github.com/somjit101/mnist-classification-keras
A simple study on the use of Keras framework (with Tensorflow background) for a simple handwritten number image classification task with Deep Neural Networks.
adam-optimizer batch-normalization deep-learning dropout-keras grid-search hyperparameter-tuning image-classification keras mnist mnist-classification neural-network sgd-optimizer tensorflow
Last synced: 14 Jun 2025
https://github.com/mbeps/custom-neural-network-classifier
The project implements a neural network classifier with advanced techniques like batch normalisation, dropout, and gradient clipping to control Pacman's movements based on the game state. This is a coursework for the Machine Learning (6CCS3ML1) module for King's College London.
artificial-intelligence backpropagation batch-normalization deep-learning gradient-descent machine-learning neural-networks
Last synced: 09 Oct 2025
https://github.com/somjit101/mnist-classification-tensorflow
A simple study on how to use Tensorflow platform (without Keras) for a simple number classification task using a Neural Network.
batch-normalization deep-learning dropout-layers mnist-classification mnist-dataset neural-network tensorflow
Last synced: 07 Dec 2025
https://github.com/lovesaroha/learning-neural-networks
Various concepts of neural networks applied in python (numpy) to help people get started with AI.
batch-normalization dropout gradient-descent logistic-regression neural-network numpy python regularization
Last synced: 02 Mar 2025
https://github.com/chefo93/numpy-library
Discover NumPy, the essential library for scientific computing in Python. It offers powerful array operations and seamless integration with C/C++ and Fortran. 🐙✨
adagrad adam-optimizer batch-normalization cpp dataclasses deep-learning deep-neural-networks dropout financial fundamental-analysis momentum netcdf netcdf4 pytorch serialization series-datasets technical-analysis trend-analysis
Last synced: 28 Jun 2025
https://github.com/assem-elqersh/alexnet-vgg-cifar10-comparison
Comparative analysis of AlexNet and VGG architectures trained on the CIFAR-10 dataset. The project explores differences in model design, feature extraction capabilities, and performance metrics across different neural network architectures.
alexnet batch-normalization cifar-10 cifar10 pytorch vgg16 vgg8
Last synced: 12 May 2025
https://github.com/sabin74/image_classification_cifar10
This project demonstrates how to build a deep learning image classifier using the CIFAR-10 dataset. Two approaches are implemented: A custom Convolutional Neural Network (CNN) & A transfer learning model using VGG16
batch-normalization cifar-10-dataset cnn-a data-augmentation evaluation image-classification tensorflow transfer-learning vgg16-tensorflow
Last synced: 23 Aug 2025
https://github.com/si-ddhartha/batchnorm_before_vs_after
batch-normalization tensorflow2
Last synced: 14 Oct 2025
https://github.com/himanshumahajan138/transfervision
Transfer learning for image classification using pre-trained models like ResNet50, ResNet100, EfficientNetB0, and VGG16 in Keras. Fine-tunes the last layers, applies image augmentation, and evaluates with Precision, Recall, AUC, F1 score, and early stopping for improved performance.
adam-optimizer batch-normalization data-pre-processing deep-learning early-stopping efficientnetb0 image-augmentation image-classification keras multiclass-classification precision-recall-auc-f1-score regularization relu-activation resnet100 resnet50 transfer-learning vgg16
Last synced: 06 Mar 2025
https://github.com/cserajdeep/dnn-iris-pytorch
Deep Neural Network with Batch normalization for tabulat datasets.
batch batch-normalization classification cuda deep-learning dnn iris-dataset
Last synced: 18 Jun 2025
https://github.com/ashithapallath/facemaskdetection-using-cnn
This project implements a CNN-based Face Mask Detection Model to classify images as with mask or without mask. Trained on a labeled dataset, the model achieves 90% accuracy, making it suitable for real-world applications like public safety monitoring.
adam-optimizer batch-normalization detection dropout-layers machine-learning python
Last synced: 29 Mar 2025
https://github.com/stevenrice99/wall-following-robot-navigation
Wall-Following Robot Navigation
ai artificial-intelligence batch-normalization classification deep-learning deep-neural-networks dropout dropout-layers machine-learning ml neural-network neural-networks pandas python python3 pytorch sklearn torch uc-irvine uc-irvine-dataset
Last synced: 06 Mar 2025
https://github.com/somjit101/dcgan-gradient-tape
A study of the use of the Tensorflow GradientTape class for differentiation and custom gradient generation along with its use to implement a Deep-Convolutional Generative Adversarial Network (GAN) to generate images of hand-written digits.
batch-normalization convolutional-layers dcgan-tensorflow deconvolution dropout-layers gan generative-adversarial-network gradient-tape keras-tensorflow mnist-dataset neural-network tensorflow transpose-convolution
Last synced: 06 Mar 2025
https://github.com/mattmoony/convnet_mnist
Simple convolutional neural network (purely numpy) to classify the original MNIST dataset. My first project with a convnet. 🖼
ann artificial-neural-network batch-normalization convnet convolutional-neural-network datascience dropout machine-learning mnist neural-network pooling stochastic-gradient-descent
Last synced: 27 Dec 2025
https://github.com/absognety/eva4
Extensive Vision AI Program from The School Of AI
batch-normalization cnns computer-vision deep-neural-networks dropout kernels maxpooling pytorch softmax
Last synced: 10 Jun 2025
https://github.com/pngo1997/convolutional-neural-network-intel-image-classification
Experiments with Convolutional Neural Networks (CNNs) to classify images from the Intel Image Classification dataset.
batch-normalization convolutional-neural-networks dropout-regularization image-classification keras python regularization
Last synced: 28 Feb 2025
https://github.com/tugot17/nf-nets-presentation
Presentation on Normalizer-Free (Res)Nets conducted at Wrocław University of Science and Technology on 10 March. 2021.
agc batch-normalization nf-net nfnets resnet
Last synced: 13 Oct 2025