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

Topic: "dropout"

kamranisg/Deeplearning.ai-Specialization

5 courses of Specialization in Deep Learning taught by Prof.Andrew Ng on Coursera

Language: Jupyter Notebook - Size: 2.5 MB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

WingsBrokenAngel/fractional_max_pooling_and_recurrent_convolutional_neural_network

Implementation of fractional max pooling model and recurrent convolutional neural network

Language: Python - Size: 759 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

najeebkhan/sparseout

Sparseout: Controlling Sparsity in Deep Networks

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

cnavneet/DIGICAM

Digitally recognizing numbers in real life images has been a tough problem in artificial intelligence for many decades. The problem stems from the seemingly endless variations on fonts, colors, spacings, locations etc that these numbers can take within an image.

Language: PureBasic - Size: 315 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

srinadhu/convolutional_nn

Implemented fully-connected DNN of arbitrary depth with Batch Norm and Dropout, three-layer ConvNet with Spatial Batch Norm in NumPy. The update rules used for training are SGD, SGD+Momentum, RMSProp and Adam. Implemented three block ResNet in PyTorch, with 10 epochs of training achieves 73.60% accuracy on test set.

Language: Jupyter Notebook - Size: 713 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

dendisuhubdy/fraternal-dropout Fork of kondiz/fraternal-dropout

Fraternal Dropout (Research)

Language: Python - Size: 6.03 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

sushant1827/LSTM_for_Household_Power_Consumption

This project explores the application of Long Short-Term Memory (LSTM) networks in predicting household power consumption. Using data collected at one-minute intervals, we demonstrate how LSTM can be leveraged for accurate forecasting.

Language: Jupyter Notebook - Size: 5.32 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

Ahmed-hassan-AI/nlp-Sentiment-Analysis

Sentiment Analysis

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

NowyTeam/Tempo

Language: TypeScript - Size: 9.26 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

RimTouny/Weed-Species-Classification-and-Bounding-Box-Regression

Leveraging advanced image processing and deep learning, this project classifies plant images using a subset of the Plant Seedlings dataset. The dataset includes diverse plant species captured under varying conditions. This project holds significance within my Master's in Computer Vision at uOttawa (2023).

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

iAmKankan/Regularization

Tutorial to handle Overfitting-Underfitting

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

arjunsingh88/image_classification_cats_dogs

Image Classification problem, Cats v/s Dogs Model. Browse to https://imgclassification.herokuapp.com/ for the deployment via Heroku

Language: Jupyter Notebook - Size: 76.3 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 2

nadernamini/cs182-assignment1

CS 182 Spring 2019 - Assignment 1

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

EPSOFT/Keras-Convolutianl-Networks

Keras Convolutianl Networks

Language: Jupyter Notebook - Size: 35.2 KB - Last synced at: 3 months 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: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

samyak24jain/fifa-player-position-prediction

Predicting a FIFA player's playing position based on their skills using artificial neural networks.

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

agiopouloskaptsikas/Dogs-vs.-Cats-An-Image-Classification-Task-using-TensorFlow

In this repository, I put into test my newly acquired Deep Learning skills in order to solve the Kaggle's famous Image Classification Problem, called "Dogs vs. Cats".

Language: Python - Size: 354 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

ZJW-92/Fashion-Class-Classification

In this project, we will create a classifier to classify fashion clothing into 10 categories learned from Fashion MNIST dataset.

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

bmarroc/deep-learning

Jupyter notebooks implementing Deep Learning algorithms in Keras and Tensorflow

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

ywkim92/Student-Dropout-Prediction2 Fork of iampratheesh/Student-Dropout-Prediction

Student dropout prediction: data originated from https://github.com/iampratheesh/Student-Dropout-Prediction

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

tasptz/pytorch-stochastic-depth

Deep Networks with Stochastic Depth for PyTorch

Language: Python - Size: 22.5 KB - Last synced at: 9 days ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

bhattbhavesh91/dropout-walkthrough

A repository to show how Dropout in Keras can Prevent Overfitting

Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 3

Manaliagarwal/Human-Activity-Recognition

Activity recognition aims to recognize the actions and goals of one or more agents from a series of observations on the agents' actions and the environmental conditions.

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

thomastrg/DeepLearningPracticalWorks

Neural networks and deep learning practical works

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

federicoarenasl/Regularization-techniques-on-NNs

During this study we will explore the different regularisation methods that can be used to address the problem of overfitting in a given Neural Network architecture, using the balanced EMNIST dataset.

Language: Jupyter Notebook - Size: 5.1 MB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

timolex/Radiodawg

Radiodawg Volumio webradio watchdog

Language: Python - Size: 5.86 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

crosstherubicon/Backprop_Hyper-parameters

Understanding hyperparameters of neural network architectures using 3 cost functions, 3 activation functions, 2 regularizations and dropout.

Language: Jupyter Notebook - Size: 1.63 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

MathieuRita/MVA_BML_DropoutUncertainty

Project for the course Bayesian Machine Learning (MVA)

Language: Jupyter Notebook - Size: 31.9 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

chekoduadarsh/Random-Pixel-Drop

Language: Python - Size: 11.7 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

shouryasimha/Ships-In-Satellite-images

Satellite imagery provides unique insights into various markets, including agriculture, defense and intelligence, energy, and finance. New commercial imagery providers, such as Planet, are using constellations of small satellites to capture images of the entire Earth every day. This flood of new imagery is outgrowing the ability for organizations to manually look at each image that gets captured, and there is a need for machine learning and computer vision algorithms to help automate the analysis process. The aim is to help address the difficult task of detecting the location of large ships in satellite images. Automating this process can be applied to many issues including monitoring port activity levels and supply chain analysis.

Language: Jupyter Notebook - Size: 3.75 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 1 - 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 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

sahildigikar15/MLP-Architetures-on-MNIST-dataset

Experimented with different architectures on MNIST dataset using MLPs with different dropouts.

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

sahildigikar15/Different-CNN-Architectures-on-MNIST-dataset-

Experimented with different architectures and kernels on MNIST dataset using Convolutional Neural Networks.

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

sanjeevai/PyTorchImageClassifier

First implemented the code in Jupyter Notebook and then converted it to a Python application that can be run from the command line

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

sivaramakrishnan-rajaraman/Effect-of-Dropout-on-Model-Performance-toward-Skin-Cancer-Classification

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

jeongwhanchoi/MLND-Capstone-Project

Capstone Project for Udacity Machine Learning Nanodegree

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

somefunAgba/deeplearningWithMatlabinPy

Investigating the Behaviour of Deep Neural Networks for Classification

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

cnavneet/notMNIST

Identifying text in images in different fonts using deep neural network techniques.

Language: Jupyter Notebook - Size: 307 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

jinglebot/Classifying_Traffic_Signs

Identify traffic sign images through Supervised Classification via Deep Learning and Computer Vision using Python, Tensorflow, Jupyter and Anaconda in AWS Cloud.

Language: HTML - Size: 2.5 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

bryant1410/dl-assignment2-cs231n

My solution to the 2nd assignment of UdelaR's Deep Learning course, based on Stanford CS231n.

Language: Jupyter Notebook - Size: 1.45 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

JaanuNan/DropGNN

🔬 DropGNN Implementation | Official PyTorch implementation of "DropGNN: Random Dropouts Increase the Expressiveness of GNNs". Enhances Graph Neural Networks with node dropout for improved drug discovery tasks.

Language: Jupyter Notebook - Size: 2.8 MB - Last synced at: about 15 hours ago - Pushed at: about 23 hours ago - Stars: 0 - Forks: 0

elaheghiyabi96/fashion_mnist_nn_torch

"Simple neural network model using Torch for classifying the Fashion MNIST dataset, implemented with Torch."

Language: Jupyter Notebook - Size: 44.9 KB - Last synced at: 26 days ago - Pushed at: 28 days ago - Stars: 0 - Forks: 0

mimihime0/CNN-Fashion-MNIST-Classifier

A convolutional neural network (CNN) for classifying the Fashion-MNIST dataset. Includes experiments with regularization techniques, data augmentation, and hyperparameter tuning to optimize model performance, achieving 89.76% test accuracy.

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

vickshan001/CIFAR-10-CNN-Enhancer-Neural-Networks

CNN classifier for CIFAR-10 with enhanced architecture, dropout, and data augmentation.

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

SedCore/FTDropBlock

Features-Time DropBlock (FT-DropBlock) regularization strategy for EEG-based CNNs.

Size: 19.5 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

pngo1997/Fashion-MNIST-Classification-with-TensorFlow-Keras

Explores image classification using a Multi-layer Feed-Forward Neural Network on the Fashion MNIST dataset.

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

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

harmanveer-2546/Retinal-Disease-Classification

The number of visually impaired people worldwide is estimated to be 2.2 billion, of whom at least 1 billion have a vision impairment that could have been prevented or is yet to be addressed. Early detection and diagnosis of ocular pathologies would enable forestall of visual impairment.

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

VikentiosVitalis/image_and_video_analysis_and_technology

Laboratories - for 'Image and Video Analysis and Technology' M.Sc. Course ECE @ntua

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

ishreya09/Skin-Cancer-Detection

Developed a CNN model to classify skin moles as benign or malignant using a balanced dataset from Kaggle, achieving a test accuracy of 81.82% and an AUC of 89.06%. Implemented data preprocessing by resizing images to 224x224 pixels and normalizing pixel values, enhancing model performance and stability.

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

beenish-Ishtiaq/DEP-Task-4-Image-Classification-Cifar10

Developed a Convolutional Neural Network (CNN) model to classify images into 10 categories. The project includes data augmentation, model building, training, and evaluation.

Language: Jupyter Notebook - Size: 169 KB - Last synced at: 3 months 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: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

harmanveer-2546/Diagnosis-Of-Pneumonia-By-CNN-Classifier

The primary objective s to develop an accurate and efficient classification model capable of identifying pneumonia cases in patients based on chest X-ray images. Pneumonia is a prevalent and potentially life-threatening respiratory infection. Early detection plays a critical role in timely intervention and effective treatment.

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

abeed04/Sentiment-Analysis-using-Recurrent-Neural-Networks

Bidirectional RNNs are used to analyze the sentiment (positive, negative, neutral) of movie reviews. .

Language: Jupyter Notebook - Size: 24.8 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

chinmoyt03/Deep-Learning-Based-Diabetes-Risk-Analysis

Data Science Project: Comparing 3 Deep Learning Methods (CNN, LSTM, and Transfer Learning).

Language: Jupyter Notebook - Size: 1.48 MB - Last synced at: 3 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

shree-prada/Traffic-Signs-Recognition

This project is a real-time traffic sign recognition system built using Python, OpenCV, and a pre-trained CNN model, capable of detecting and recognizing traffic signs from images.

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

parkjjoe/snn-aware-dropout

Develop SNN-aware Noise Addition Layers

Language: Python - Size: 71.3 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

hugohiraoka/Bank_Customer_Churn_Prediction

Model to predict bank customer churn

Language: HTML - Size: 16.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

vaibhavdangar09/Stock_Market_Prediction_And_Forecasting_Using_Bidirectional_LSTM_RNN

Utilizing advanced Bidirectional LSTM RNN technology, our project focuses on accurately predicting stock market trends. By analyzing historical data, our system learns intricate patterns to provide insightful forecasts. Investors gain a robust tool for informed decision-making in dynamic market conditions. With a streamlined interface, our solution

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

manashpratim/Deep-Learning-From-Scratch

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

Honolulu69/Successful-Aging

Machine learning Algorithms for the Prediction of Successful Aging in Older Adults

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

shimazadeh/Neural_Networks

the implementation of a multilayer perceptron

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

devanshkhare1705/Personalizing-K12-Education

Using deep learning to predict whether students can correctly answer diagnostic questions

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

rochitasundar/Intro-To-Deep-Learning-With-PyTorch

This repository contains my code solutions to Udacity's coursework 'Intro to Deep Learning with PyTorch'.

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

tanmay154agrawal/Classification-on-CIFAR10-using-Pytorch

This repository contains classification on CIFAR-10 using various activation functions and dropouts

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

riccmon/Deep-Learning

Lab Sessions of the Deep Learning course - Master's degree in Artificial Intelligence at UniBo

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

hwixley/EMNIST-NeuralNet-Regularisation-Experiments

A study of the problem of overfitting in deep neural networks, how it can be detected, and prevented using the EMNIST dataset. This was done by performing experiments with depth and width, dropout, L1 & L2 regularization, and Maxout networks.

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

applesoju/DeepNeuralNetworks-P

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

Grafit24/DL-Framework-Numpy

Фреймворк глубоко обучения на Numpy, написанный с целью изучения того, как все работает под "капотом".

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

beandkay/CheckerboardDropout

Code for Checkerboard Dropout paper

Language: Python - Size: 3.18 MB - 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

Iamsdt/DeployBNDegit

A web app where user can draw Bengali digit and the AI model can detect handwritten digit and predict the digit.

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

AminKhavari78/Text-Generation-With-LSTM-Recurrent-Neural-Networks-in-Python-with-Keras

use LSTM model for text generation

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

gugarosa/dropout_rbm

📄 Official implementation regarding the paper "Fine-Tuning Dropout Regularization in Energy-Based Deep Learning".

Language: Python - Size: 16.6 KB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

fraunhofer-iais/wasserstein-dropout

Wasserstein dropout (W-dropout) is a novel technique to quantify uncertainty in regression networks. It is fully non-parametric and yields accurate uncertainty estimates - even under data shifts.

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

Arshpreet-Singh-1/ai-machine-learning-for-coders

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

prakHr/Multiclass-Category-Classification

Contains notebooks that does categorical classification of shop items using embeddings in CNNs and Pyspark(Logistic Regression and MLlib)

Language: Jupyter Notebook - Size: 1.83 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

abhinavthapper31/waste-classification-CNN-Image-Augmentation

A model to classify images of waste products as Organic or Recyclable. Applied Image Augmentation to images and used basic CNN to classify images using Keras. Analysed the performance using Tensorboard. Detected over fitting using metric curves (accuracy) and addressed it using Dropout Regularization.

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

hwixley/MLP-coursework1-report

Machine Learning Practical - Coursework 1 Report: a study of the problem of overfitting in deep neural networks, how it can be detected, and prevented using the EMNIST dataset. This was done by performing experiments with depth and width, dropout, L1 & L2 regularization, and Maxout networks.

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

lovesaroha/Learning-Neural-Networks

Various concepts of neural networks applied in python (numpy) to help people get started with AI.

Language: Python - Size: 17.6 KB - Last synced at: 3 months ago - Pushed at: over 3 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: 3 months ago - Pushed at: over 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: about 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: 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

lauracarpaciu/Bees-vs-Wasps

Distinguish bees from wasps

Language: Jupyter Notebook - Size: 917 KB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

naoki-vn634/MCDropout

Implementation of Monte Carlo Dropout for Bayesian Convolutional Neural Network, Investigating Uncertainty of DeepNeuralNetwork

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

parthatom/DNNs

Robust Neural Network Implementation with Logging models, Ensembles, Early Stopping, and much more.

Language: Python - Size: 69.3 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

vi-hna-ja/kaggle-digit-recognition

MNIST is the de facto “hello world” dataset of computer vision. In this competition, our goal is to correctly identify digits from a dataset of handwritten images.

Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

TrilokiDA/Hand_Sign_Language_Recognition

Language: Jupyter Notebook - Size: 1.76 MB - Last synced at: about 21 hours ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

TrilokiDA/Employee-Retention

Figuring Out Which Employees May Quit

Language: Jupyter Notebook - Size: 1.82 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

Palak-15/Satelite_Image_Processing

It is tensorflow 2.0 implementation on Eurosat Dataset. IT classfies different types of satelite images. Used transfer learning in end to reduce overfitting and increase accuracy.

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

krishcy25/TimeSeriesModeling-Apple-Stock-Prediction

This repository focuses on building Time Series Model (Recurrent Neural Network- LSTM) to predict the stock price of the Apple.Long Short-Term Memory (LSTM) networks are a type of recurrent neural network capable of learning order dependence in sequence prediction problems that involves time series related events

Language: Jupyter Notebook - Size: 200 KB - Last synced at: 9 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

trajkd/Behavioral-Cloning

Behavioral Cloning (project 4 of 9 from Udacity Self-Driving Car Engineer Nanodegree)

Language: Python - Size: 126 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

lumosity4tpj/a-series-of-dropout

Size: 123 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - 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: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

kzhai/Lasagne Fork of Lasagne/Lasagne 📦

Lightweight library to build and train neural networks in Theano

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

dserbano/machine_learning_smartnet_2

2nd Project of Course 'Machine Learning' of the SMARTNET programme. Taken at the National and Kapodistrian University of Athens.

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

absognety/EVA4

Extensive Vision AI Program from The School Of AI

Language: Jupyter Notebook - Size: 574 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

Pirols/weather_images_classifier-mlhw2

This repository contains the second, of 2, homework of the Machine Learning course taught by Prof. Luca Iocchi.

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

kush1912/Facial-Emotion-Recognition

Language: Jupyter Notebook - Size: 207 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

Related Topics
deep-learning 78 machine-learning 50 tensorflow 46 neural-network 45 convolutional-neural-networks 42 regularization 41 batch-normalization 36 python 35 keras 35 cnn 32 pytorch 32 deep-neural-networks 23 adam-optimizer 22 numpy 21 neural-networks 18 classification 15 lstm 14 l2-regularization 14 image-classification 14 transfer-learning 13 pooling 12 keras-tensorflow 12 mnist 12 rnn 12 convolutional-neural-network 11 computer-vision 11 relu 10 backpropagation 10 rmsprop 10 image-processing 9 data-augmentation 9 softmax 8 jupyter-notebook 8 artificial-intelligence 8 deeplearning 8 gradient-descent 8 matplotlib 8 feedforward-neural-network 7 python3 7 cifar10 7 batchnormalization 7 sgd-optimizer 6 opencv 6 stochastic-gradient-descent 6 early-stopping 6 overfitting 6 l1-regularization 5 dense 5 convolutional-layers 5 cnn-classification 5 pandas 5 fully-connected-network 5 gan 5 conv2d 5 machine-learning-algorithms 5 recurrent-neural-networks 5 activation-functions 5 sgd 5 regression 5 keras-neural-networks 5 momentum 5 hyperparameter-tuning 5 vgg16 5 optimization 4 cnn-keras 4 normalization 4 natural-language-processing 4 visualization 4 autoencoder 4 alexnet 4 confusion-matrix 4 mlp 4 maxpooling 4 seaborn 4 dropblock 4 bayesian-neural-networks 4 max-pooling 4 tensorflow2 4 uncertainty-neural-networks 4 cross-entropy-loss 4 sequential-models 4 image-recognition 4 logistic-regression 4 style-transfer 4 batchnorm 3 image-augmentation 3 convolution 3 mini-batch-gradient-descent 3 variational-dropout 3 reinforcement-learning 3 generative-adversarial-network 3 training 3 vgg 3 adam 3 pytorch-implementation 3 bayesian-deep-learning 3 udacity 3 vgg16-model 3 lenet 3 maxpooling2d 3