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

Topic: "batchnormalization"

sharmaroshan/Weed-Detection

This Problem is based on a Image Data set consisting of different types of weeds, to detect them in crops and fields. I have used Deep Learning Model called CNN(Convolutional Neural Networks) with Dropout, Batch Normalization, ReduceLearning rate on plateau, Early stoppig rounds, and Transposd Convolutional Neural Networks.

Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 17 - Forks: 9

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: about 2 months ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

Arijit-datascience/CNN_BatchNormalization_Regularization

MNIST Digit Prediction using Batch Normalization, Group Normalization, Layer Normalization and L1-L2 Regularizations

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

jahongir7174/FLOPS-pt

PyTorch module FLOPS counter

Language: Python - Size: 6.84 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 2 - Forks: 1

Aadi-stack/Image_classificationUsingCNN

Cats vs dogs classification using deep learning. Data augmentation and convolutional neural networks.

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

EPSOFT/Keras-Convolutianl-Networks

Keras Convolutianl Networks

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

Aryan22163/Skin_cancer_detection

Cancer detection using CNN leverages deep learning to automatically identify cancerous patterns in medical images with high accuracy.

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

prathamp25/Regularisation-in-VAE-Model

Applyed regularization techniques to improvise the performance of VAE Model such as L1/L2 Regularization (Weight Decay), Dropout, Batch Normalization, Beta-VAE (Modified KL Divergence Term), Data Augmentation

Language: Jupyter Notebook - Size: 317 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

SunnyBibyan/Image-Classification

This project implements a Convolutional Neural Network (CNN) to classify images from the CIFAR-10 dataset, which consists of 60,000 32x32 color images across 10 classes: airplane, automobile, bird, cat, deer, dog, frog, horse, ship, and truck.

Language: Jupyter Notebook - Size: 113 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

harmanveer-2546/Mystery-Planet

Exoplanet Hunting in Deep Space.

Language: Jupyter Notebook - Size: 203 KB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

HarikrishnanK9/Tomato_Leaf_Disease_Detection

Tomato Leaf Disease Detection:Deep Learning Project

Language: Jupyter Notebook - Size: 5.16 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

slothengineer/DeepLearning-Concepts

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

pyserve/Digit_Recognition_CNN

Model Optimization using Batch Normalization and Dropout Techniques

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

jaunel/Live-detection-of-Sunglasses

Developed CNN model with 93% validation accuracy using techniques like Dropouts & Batch Normalization. Using haar cascade of Computer Vision It is then used to detect sunglasses on real time basis

Language: Jupyter Notebook - Size: 282 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

x1ew/Multi-class-Weather

This repository contains my project for computer vision.

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

x1ew/Students-Academic-Performance

Deep learning Simple models

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

iamjadhav/enpm809k

Fundamentals of Artificial Intelligence and Deep Learning Frameworks

Language: Jupyter Notebook - Size: 5.82 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

engrfaisal90/NTHU-Deep-Learning-Course-2019

Developing deep learning models with only numpy and panda and without using high level libraries such as Tensorflow, Keras and PyTorch

Language: Python - Size: 8.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Bless1004/Deep-Learning

Deep Learning models

Language: Jupyter Notebook - Size: 380 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

UditSharma9999/Batch-Normalization-with-tensorflow

ba

Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

abrbird/NNNumpy

Neural networks

Language: Python - Size: 37.5 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - 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

KwokHing/TF2-Cifar10-CNN-Demo

Demo on performing multiclass image classification using Convolutional Neural Network (CNN) in Tensorflow 2. Techniques such as earlystopping, batchnormalizing and dropout are explored to prevent overfitting

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

ManinderpreetPuri/Lesion-Dataset---Deep-Learning-project

Uses deep learning in Python with Keras, Pandas, Numpy, Tensorflow, ScIkit-Learn libraries.

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