An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: batchnorm

zhanghang1989/PyTorch-Encoding

A CV toolkit for my papers.

Language: Python - Size: 20.7 MB - Last synced at: 3 days ago - Pushed at: 4 months ago - Stars: 2,048 - Forks: 450

zmyzheng/Neural-Networks-and-Deep-Learning

Deep learning projects including applications (face recognition, neural style transfer, autonomous driving, sign language reading, music generation, translation, speech recognition and NLP) and theories (CNNs, RNNs, LSTM, Adam, Dropout, BatchNorm, Xavier/He initialization, hyperparameter tuning, regularization, optimization, Residual Networks). Deep Learning Specialization by Andrew Ng, deeplearning.ai

Language: Jupyter Notebook - Size: 662 MB - Last synced at: 2 days ago - Pushed at: over 6 years ago - Stars: 40 - Forks: 13

arkanivasarkar/Deep-Learning-from-Scratch

Implementation of a Fully Connected Neural Network, Convolutional Neural Network (CNN), and Recurrent Neural Network (RNN) from Scratch, using NumPy.

Language: Python - Size: 18.1 MB - Last synced at: 25 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

hongyi-zhang/Fixup

A Re-implementation of Fixed-update Initialization

Language: Python - Size: 47.9 KB - Last synced at: 8 months ago - Pushed at: almost 6 years ago - Stars: 150 - Forks: 27

techpro-studio/NNToolkitCore

Cross-platform mobile Neural network C library for training and inference on the device. CPU only. It fits for time-series data.

Language: C - Size: 212 KB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 1

jack-willturner/batchnorm-pruning

Rethinking the Smaller-Norm-Less-Informative Assumption in Channel Pruning of Convolution Layers https://arxiv.org/abs/1802.00124

Language: Python - Size: 41.6 MB - Last synced at: 18 days ago - Pushed at: over 6 years ago - Stars: 71 - Forks: 16

mindee/Problem-of-BatchNorm

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

Language: Python - Size: 7.81 KB - Last synced at: 14 days ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

code-cse/DL-using-Numpy

This repository contains different implementation of deep learning model using Numpy.

Language: Python - Size: 10.7 KB - Last synced at: 11 months ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

dougsouza/pytorch-sync-batchnorm-example

How to use Cross Replica / Synchronized Batchnorm in Pytorch

Size: 19.5 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 247 - Forks: 24

vsooda/mxnet_merge_bn

remove batchnorm when deploy mxnet model

Language: Python - Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 0

spolivin/nnzerotohero_solutions

Solutions for Andrej Karpathy's "Neural Networks: Zero to Hero" course

Language: Jupyter Notebook - Size: 1.12 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

srinadhu/CS231n

My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition

Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 40 - Forks: 23

dansolombrino/Biscuits

A set of experiments inspired by the paper "Training BatchNorm and Only BatchNorm: On the Expressive Power of Random Features in CNNs" by Jonathan Frankle, David J. Schwab, Ari S. Morcos

Language: Python - Size: 125 KB - Last synced at: 20 days ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

xternalz/SDPoint

Stochastic Downsampling for Cost-Adjustable Inference and Improved Regularization in Convolutional Networks

Language: Python - Size: 10.7 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 4

StacyYang/MXNet-Gluon-SyncBN 📦

MXNet Gluon Synchronized Batch Normalization Preview

Language: Python - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 77 - Forks: 6

AIArabicProjects/DenseNet-Architicture

Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

jcatanza/Fastai-Deep-Learning-From-the-Foundations-TWiML-Study-Group

Review materials for the TWiML Study Group. Contains annotated versions of the original Jupyter noteboooks (look for names like *_jcat.ipynb ), slide decks from weekly Zoom meetups, etc.

Language: Jupyter Notebook - Size: 68.6 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 26 - Forks: 4

fk128/batchnorm-transferlearning

Partial transfusion: on the expressive influence of trainable batch norm parameters for transfer learning. TL;DR: Fine-tuning only the batch norm affine parameters leads to similar performance as to fine-tuning all of the model parameters

Language: Jupyter Notebook - Size: 69.3 KB - Last synced at: 17 days ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

ruqoyyasadiq/deep_learning-MLP-networks

As part of a bigger work, this work focuses on implementing MLPs and Batch Normalization with Numpy and Python only.

Language: Python - Size: 27.9 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

345ishaan/Digit-Classification-using-Numpy

MNIST Classification using Neural Network and Back Propagation. Written in Python and depends only on Numpy

Language: Python - Size: 23.2 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 1

bsridatta/Neural-Networks-from-Scratch

Neural Networks from scratch using NumPy. Multi-layer NN with BatchNorm. Character Level RNN

Language: Jupyter Notebook - Size: 179 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

kobiso/FilterResponseNorm-MXNet

MXNet implementation of Filter Response Normalization Layer (FRN) published in CVPR2020

Language: Python - Size: 108 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

penny4860/CarND-P2-Classifier

I implemented a classifier using batchnorm provided by tensorflow slim and analyzed the results using tensorboard.

Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Related Keywords
batchnorm 23 deep-learning 9 cnn 6 rnn 6 numpy 5 deep-neural-networks 4 resnet 3 neural-network 3 pytorch 3 tensorflow 3 lstm 3 convolutional-neural-networks 3 dropout 3 pooling 2 optimizer 2 normalization 2 neural-networks 2 batchnormalization 2 mxnet 2 batch-normalization 2 resnets 2 regularization 2 imagenet 1 efficient-model 1 efficient-inference 1 imagenet-dataset 1 gan 1 preact-resnet 1 downsampling 1 resnext 1 gluon 1 convolutionneuralnetwork 1 deep-learning-algorithms 1 image-captioning 1 cost-adjustable 1 convolutional-networks 1 knn 1 computer-vision 1 network-visualization 1 saliency-map 1 cnns 1 svm 1 style-transfer 1 softmax-classifier 1 tensorboard 1 tlu 1 groupnorm 1 frn 1 scratch 1 python 1 cifar 1 trained 1 onlynumpy 1 mnist-handwriting-recognition 1 mnist-classification 1 digit-recognition 1 backpropagation-algorithm 1 mlp-networks 1 transfer-learning 1 tensorflow2 1 ulmfit 1 swift 1 nlp 1 mixup 1 fastai-v3 1 cyclegan-pytorch 1 callbacks 1 augmentation 1 audio 1 softmax 1 relu 1 featuremap 1 densenet 1 denseblock 1 fooling-images 1 dense 1 conv1d 1 audio-processing 1 android 1 accelerate 1 fixup 1 university-assignment 1 oops-in-python 1 neural-networks-from-scratch 1 feedforward-neural-network 1 cross-entropy-loss 1 activation-functions 1 yolo 1 xavier-he-initialization 1 translation 1 speech-recognition 1 residual-networks 1 neural-style-transfer 1 natural-language-processing 1 music-generation 1 keras 1 hyperparameter-tuning 1 face-recognition 1 autonomous-driving 1 adam 1