dropout
There are 245 repositories under dropout topic.
MorvanZhou/PyTorch-Tutorial
Build your neural network easy and fast, 莫烦Python中文教学
MorvanZhou/Tensorflow-Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
Pizzacus/satania.moe
Satania IS the BEST waifu, no really, she is, if you don't believe me, this website will convince you
miguelvr/dropblock
Implementation of DropBlock: A regularization method for convolutional networks in PyTorch.
parasdahal/deepnet
Deep learning library in plain Numpy.
JonathanRaiman/theano_lstm
:microscope: Nano size Theano LSTM module
Jackpopc/aiLearnNotes
Artificial Intelligence Learning Notes.
for-ai/Targeted-Dropout
Complementary code for the Targeted Dropout paper
hwalsuklee/tensorflow-mnist-cnn
MNIST classification using Convolutional NeuralNetwork. Various techniques such as data augmentation, dropout, batchnormalization, etc are implemented.
noahfl/densenet-sdr
repo that holds code for improving on dropout using Stochastic Delta Rule
ivannz/cplxmodule
Complex-valued neural networks for pytorch and Variational Dropout for real and complex layers.
seba-1511/lstms.pth
PyTorch implementations of LSTM Variants (Dropout + Layer Norm)
lonePatient/daguan_2019_rank9
datagrand 2019 information extraction competition rank9
AnicetNgrt/jiro-nn
A Deep Learning and preprocessing framework in Rust with support for CPU and GPU.
VITA-Group/Deep_GCN_Benchmarking
[TPAMI 2022] "Bag of Tricks for Training Deeper Graph Neural Networks A Comprehensive Benchmark Study" by Tianlong Chen*, Kaixiong Zhou*, Keyu Duan, Wenqing Zheng, Peihao Wang, Xia Hu, Zhangyang Wang
rezakj/iCellR
Single (i) Cell R package (iCellR) is an interactive R package to work with high-throughput single cell sequencing technologies (i.e scRNA-seq, scVDJ-seq, scATAC-seq, CITE-Seq and Spatial Transcriptomics (ST)).
snrazavi/Machine-Learning-in-Python-Workshop
My workshop on machine learning using python language to implement different algorithms
j-min/Dropouts
PyTorch Implementations of Dropout Variants
anassinator/bnn
Bayesian Neural Network in PyTorch
Randl/DropBlock-pytorch
Implementation of DropBlock in Pytorch
thtrieu/essence
AutoDiff DAG constructor, built on numpy and Cython. A Neural Turing Machine and DeepQ agent run on it. Clean code for educational purpose.
KlugerLab/ALRA
Imputation method for scRNA-seq based on low-rank approximation
georgezoto/TensorFlow-in-Practice
TensorFlow in Practice Specialization. Join our Deep Learning Adventures community 🎉 and become an expert in Deep Learning, TensorFlow, Computer Vision, Convolutional Neural Networks, Kaggle Challenges, Data Augmentation and Dropouts Transfer Learning, Multiclass Classifications and Overfitting and Natural Language Processing NLP as well as Time Series Forecasting 😀 All while having fun learning and participating in our Deep Learning Trivia games 🎉 http://bit.ly/deep-learning-tf
aditya9211/SVHN-CNN
Google Street View House Number(SVHN) Dataset, and classifying them through CNN
emilwallner/Deep-Learning-101
The tools and syntax you need to code neural networks from day one.
ahmedfgad/CIFAR10CNNFlask
Building a HTTP-accessed convolutional neural network model using TensorFlow NN (tf.nn), CIFAR10 dataset, Python and Flask.
xuwd11/Dropout_Tutorial_in_PyTorch
Dropout as Regularization and Bayesian Approximation
sungyubkim/MCDO
A pytorch implementation of MCDO(Monte-Carlo Dropout methods)
kefirski/variational_dropout
Implementation of "Variational Dropout and the Local Reparameterization Trick" paper with Pytorch
hwalsuklee/numpy-neuralnet-exercise
Implementation of key concepts of neuralnetwork via numpy
VITA-Group/Random-MoE-as-Dropout
[ICLR 2023] "Sparse MoE as the New Dropout: Scaling Dense and Self-Slimmable Transformers" by Tianlong Chen*, Zhenyu Zhang*, Ajay Jaiswal, Shiwei Liu, Zhangyang Wang
minihat/LoL-Match-Prediction
Win probability predictions for League of Legends matches using neural networks
mosswg/dropout-dl
A tool for downloading dropout.tv episodes
srinadhu/CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
da-molchanov/variance-networks
Variance Networks: When Expectation Does Not Meet Your Expectations, ICLR 2019
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