Ecosyste.ms: Repos

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

GitHub topics: batch-normalization

santiagoahl/cifar10-classification

Image classification using a CNN architecture.

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

stnamjef/SimpleNN

A simple neural network library in C++

Language: C++ - Size: 16.2 MB - Last synced at: 12 months ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

SSQ/Coursera-Ng-Improving-Deep-Neural-Networks-Hyperparameter-tuning-Regularization-and-Optimization

Short description for quick search

Language: Python - Size: 7.87 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 17 - Forks: 18

tomassykora/bidaf-question-answering

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

Language: Python - Size: 9.97 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

sujatasaini/Kuzushiji-DropBlock

Japanese Handwritten Character Recognition using DropBlock Regulzarization

Language: Python - Size: 334 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 1

ryanquinnnelson/CMU-11685-Frame-Level-Classification-of-Speech-using-Deep-Learning

Fall 2021 Introduction to Deep Learning - Homework 1 Part 2 (Frame Level Classification of Speech)

Language: Python - Size: 185 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

DorisDuan06/Stanford-CS231n-Convolutional-Neural-Networks-for-Visual-Recognition

cs231n assignments.

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

agusgun/UnderstandingGroupNorm

Understanding and Improving Group Normalization

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

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.

Language: Jupyter Notebook - Size: 567 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

tanjeffreyz/batch-normalization

PyTorch implementation of batch normalization from "Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift" by Sergey Ioffe, Christian Szegedy

Language: Python - Size: 106 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

shinsumicco/pytorch-syncbn

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

Language: Python - Size: 27.3 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 11 - Forks: 1

anuvindbhat/batch-norm

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

Language: Python - Size: 137 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 1

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: over 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

kush1912/Facial-Emotion-Recognition

Language: Jupyter Notebook - Size: 207 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

nadernamini/cs182-assignment1

CS 182 Spring 2019 - Assignment 1

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

ChaitanyaC22/Deep_Learning_Hand_Gesture_Recognition_Project

The objective of this project is to recognize hand gestures using state-of-the-art neural networks.

Language: Jupyter Notebook - Size: 17.6 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

jungsoh/gru-trigger-word-detection

Recurrent neural network with GRUs for trigger word detection from an audio clip

Language: Jupyter Notebook - Size: 127 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

busebozkurtt/Object-Detection-Using-CNN

Language: Jupyter Notebook - Size: 316 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 0

skj092/Ann-Experiments

Use ML-FLOW and TensorFlow2.0(Keras) to record all the experiments on the Fashion MNIST dataset.

Language: Jupyter Notebook - Size: 43.5 MB - Last synced at: 11 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

copev313/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 Notebook - Size: 5.91 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 1

cserajdeep/DNN-IRIS-PyTorch

Deep Neural Network with Batch normalization for tabulat datasets.

Language: Jupyter Notebook - Size: 160 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 1

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.

Language: Jupyter Notebook - Size: 181 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MattMoony/convnet_mnist

Simple convolutional neural network (purely numpy) to classify the original MNIST dataset. My first project with a convnet. 🖼

Language: Jupyter Notebook - Size: 905 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

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.

Language: Jupyter Notebook - Size: 390 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

kbmclaren/assn5-CMSC478-ML

The machine learning task in this assignment is image classification using Convolutional Neural Networks in Tensorflow and Keras

Language: Jupyter Notebook - Size: 382 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

NeerajHazarika/kaggle-intro-to-deeplearning

This is a report on what are the things that I have learned from the Kaggle course intro to deep learning.

Size: 2.93 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

BupyeongHealer/2019_cau_oss_hackathon_Custom Fork of %{name} hskimhello/2019_cau_oss_hackathon

Our custom AI Pipeline on image classification for 2019 Chung-ang-University-hackathon.

Language: Jupyter Notebook - Size: 9.28 MB - Last synced at: 12 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

sharnam19/Networks

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

Language: Python - Size: 3.51 MB - Last synced at: 14 days ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1

SwikarGautam/DeepDenseNetwork

Fully connected neural network with Adam optimizer, L2 regularization, Batch normalization, and Dropout using only numpy

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

fatehtariq/MNIST-Classifier

Classic MNIST Dataset Digital Image classifier with the use of DeeperConvolutional Neural Networks.

Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

togheppi/compare_initializers

Comparison of various weight and bias initializers

Language: Python - Size: 810 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

HarmanDotpy/Normalizations-in-Deep-Learning

Analysis of different types of common Normalization schemes in Deep Learning

Language: Python - Size: 2.06 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

AFAgarap/vanishing-gradients

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

Language: Python - Size: 175 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

tugot17/NF-Nets-Presentation

Presentation on Normalizer-Free (Res)Nets conducted at Wrocław University of Science and Technology on 10 March. 2021.

Language: JavaScript - Size: 26.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

fabianschilling/awesome-convnets

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

Size: 7.81 KB - Last synced at: 23 days ago - Pushed at: about 8 years ago - Stars: 5 - Forks: 2

manashpratim/Face-Recognition-

Language: Jupyter Notebook - Size: 190 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

bobye/batchnorm_prune

Tensorflow codes for "Rethinking the Smaller-Norm-Less-Informative Assumption in Channel Pruning of Convolution Layers"

Language: Python - Size: 26.4 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 30 - Forks: 9

AngusG/batch-norm-vulnerability

Master source code repo for "Batch Normalization is a Cause of Adversarial Vulnerability"

Size: 4.88 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

nevoit/Deep-Neural-Network

Deep Neural Network that can classify images from the MNIST database

Language: Python - Size: 295 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

WuZhuoran/deconvolution-tf

Tensorflow Version of [Network Deconvolution](https://github.com/yechengxi/deconvolution)

Language: Python - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

mmarouen/Deep-Neural-Net

Flexible deep learning neural network. Implements a multi layer perceptron and autoencoders.

Language: R - Size: 65.4 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Batserine/CNN_Fashion-MNIST-Classification

Initial understanding with PyTorch framework

Language: Jupyter Notebook - Size: 83 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

summmeer/miniProj

cifar10 classification based on alexnet and vgg16 using TensorFlow

Language: Python - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

Develop-Packt/Performing-Style-Transfer-with-PyTorch

Perform style transfer using pretrained models. Create well-performing algorithms without having to gather large quantities of data.

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

Develop-Packt/Introduction-to-Convolutional-Neural-Networks-with-PyTorch

Use CNNs to solve image classification problems using PyTorch. Improve your model's performance by applying data augmentation and batch normalization.

Language: Jupyter Notebook - Size: 83 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

absognety/EVA4

Extensive Vision AI Program from The School Of AI

Language: Jupyter Notebook - Size: 574 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

samridhishree/Deeplearning-Models

Deep learning models in Python

Language: Python - Size: 266 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

symoon94/CNN-pytorch

CNN (pytorch ver.) (In progress)

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

Phani2019/Music-generation-using-recurrent-neural-networks

Generation of music from a abc-notation inputs

Language: Jupyter Notebook - Size: 248 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

GOVINDDIXIT/Batch-Normalisation

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

Language: Jupyter Notebook - Size: 98.6 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

SwikarGautam/ConvoNet

A framework for implementing convolutional neural networks and fully connected neural network.

Language: Python - Size: 25.4 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

being-aerys/Deep_Learning_CS535_Winter-2019

Language: Python - Size: 20.4 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

matthiasludwig/deep-learning-udacity-material

Material from Udacity for the Deep Learning ND

Language: Jupyter Notebook - Size: 85.2 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

badbubble/Densenet-Tensorflow

使用Tensorflow实现DenseNet

Language: Python - Size: 8.79 KB - Last synced at: 7 months ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 1

mohit1997/DeepLearnLib

Deep Learning Library

Language: Python - Size: 10.8 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

shksa/Multi-Digit-number-recognition-in-natural-images

Using the SVHN datset, a deep cnn model is trained in pytorch with a slightly different training routine and another straight forward cnn model in keras

Language: Jupyter Notebook - Size: 8.26 MB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 1

MokoSan/BatchNormalizationExperiments

Batch Normalization is technique to improve training a Neural Network by reducing Covariant Shift and this repository contains experiments pertinent to the White Paper.

Language: Python - Size: 34.2 KB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

satyaSK/Modulated-ConvNet-CIFAR10

ConvNet in Tensorflow to study the effect of Batch Normalization on the CIFAR-10 dataset

Language: Python - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

TheNudibranch/Face-Recognition

This is a repository for the code and various numpy files that going along with the face recognition project.

Language: Mathematica - Size: 1.03 MB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

arturops/deep-learning Fork of %{name} udacity/deep-learning

Deep Learning practice projects and tutorials. Forked from the Deep Learning Nanodegree Foundations program at Udacity.

Language: Jupyter Notebook - Size: 54 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

ksharsha/MNIST

Implementation of different networks for MNIST

Language: Python - Size: 4.88 KB - Last synced at: almost 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

fabianschilling/thesis-code

Code for my master thesis about convolutional neural networks and batch normalization

Language: Lua - Size: 1.63 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Related Keywords
batch-normalization 162 deep-learning 64 dropout 35 convolutional-neural-networks 33 tensorflow 31 pytorch 26 adam-optimizer 24 neural-network 23 keras 21 cnn 20 deep-neural-networks 19 python 18 machine-learning 16 regularization 15 image-classification 13 neural-networks 13 mnist 13 numpy 13 rmsprop 12 data-augmentation 11 gradient-descent 11 dropout-layers 10 computer-vision 10 transfer-learning 9 gan 9 optimization 8 lstm 8 rnn 8 convolutional-layers 8 cnn-keras 7 classification 7 mnist-classification 7 mlp 7 pooling 6 generative-adversarial-network 6 keras-tensorflow 6 l2-regularization 6 cifar10 6 jupyter-notebook 5 face-recognition 5 cifar-10 5 object-detection 5 mnist-dataset 5 vgg16 5 tensorflow2 5 discriminator 4 style-transfer 4 relu 4 stochastic-gradient-descent 4 softmax 4 normalization 4 opencv 4 matplotlib 4 yolo 4 hyperparameter-tuning 4 dcgan 4 python3 4 recurrent-neural-networks 4 vgg 4 resnet 4 autoencoder 4 group-normalization 4 imagenet 3 cnn-classification 3 generator 3 reinforcement-learning 3 torch 3 artificial-intelligence 3 dcgan-tensorflow 3 kaggle-competition 3 mini-batch-gradient-descent 3 multi-layer-perceptron 3 backpropagation 3 weight-initialization 3 gru 3 neural-style-transfer 3 adagrad 3 layer-normalization 3 deeplearning 3 early-stopping 3 convolutional-networks 3 convolutional-neural-network 3 unet 3 maxpooling 3 he-initializer 3 conv2d 3 logistic-regression 2 neural-architecture-search 2 keras-classification-models 2 bidirectional-rnn 2 dcgan-pytorch 2 fully-connected-deep-neural-network 2 u-net 2 neural-style 2 attention-mechanism 2 triplet-loss 2 sgd-optimizer 2 deep 2 maxpool2d 2 glorot-initialization 2