There are no reviews yet. Be the first to send feedback to the community and the maintainers!
Neural-Style-Transfer
Keras Implementation of Neural Style Transfer from the paper "A Neural Algorithm of Artistic Style" (http://arxiv.org/abs/1508.06576) in Keras 2.0+Image-Super-Resolution
Implementation of Super Resolution CNN in Keras.neural-image-assessment
Implementation of NIMA: Neural Image Assessment in KerasLSTM-FCN
Codebase for the paper LSTM Fully Convolutional Networks for Time Series ClassificationDenseNet
DenseNet implementation in KerasMLSTM-FCN
Multivariate LSTM Fully Convolutional Networks for Time Series Classificationneural-architecture-search
Basic implementation of [Neural Architecture Search with Reinforcement Learning](https://arxiv.org/abs/1611.01578).keras-squeeze-excite-network
Implementation of Squeeze and Excitation Networks in KerasInception-v4
Inception-v4, Inception - Resnet-v1 and v2 Architectures in KerasKeras-Classification-Models
Collection of Keras models used for classificationSnapshot-Ensembles
Snapshot Ensemble in Keraskeras-non-local-nets
Keras implementation of Non-local Neural Networkskeras-one-cycle
Implementation of One-Cycle Learning rate policy (adapted from Fast.ai lib)Super-Resolution-using-Generative-Adversarial-Networks
An implementation of SRGAN model in Kerastf-TabNet
A Tensorflow 2.0 implementation of TabNet.Keras-ResNeXt
Implementation of ResNeXt models from the paper Aggregated Residual Transformations for Deep Neural Networks in Keras 2.0+.tfdiffeq
Tensorflow implementation of Ordinary Differential Equation Solvers with full GPU supportKeras-NASNet
"NASNet" models in Keras 2.0+ with weightskeras-efficientnets
Keras Implementation of EfficientNetstf_SIREN
Tensorflow 2.0 implementation of Sinusodial Representation networks (SIREN)keras-coordconv
Keras implementation of CoordConv for all Convolution layersMobileNetworks
Keras implementation of Mobile Networkskeras-adabound
Keras implementation of AdaBoundprogressive-neural-architecture-search
Implementation of Progressive Neural Architecture Search in Keras and Tensorflowkeras-attention-augmented-convs
Keras implementation of Attention Augmented Convolutional Neural NetworksKeras-DualPathNetworks
Dual Path Networks for Keras 2.0+Wide-Residual-Networks
Wide Residual Networks in KerasFast-Neural-Style
Implementation of "Perceptual Losses for Real-Time Style Transfer and Super-Resolution" in KerasKeras-Group-Normalization
A Keras implementation of https://arxiv.org/abs/1803.08494BatchRenormalization
Batch Renormalization algorithm implementation in KerasNested-LSTM
Keras implementation of Nested LSTMskeras-SRU
Implementation of Simple Recurrent Unit in KerasFully-Connected-DenseNets-Semantic-Segmentation
Fully Connected DenseNet for Image Segmentation (https://arxiv.org/pdf/1611.09326v1.pdf)keras-LAMB-Optimizer
Implementation of the LAMB optimizer for Keras from the paper "Reducing BERT Pre-Training Time from 3 Days to 76 Minutes"tf-eager-examples
A set of simple examples ported from PyTorch for Tensorflow Eager Executionkeras_rectified_adam
Implementation of Rectified Adam in KerasKeras-IndRNN
Implementation of IndRNN in KerasLSTM-FCN-Ablation
Repository for the ablation study of "Long Short-Term Memory Fully Convolutional Networks for Time Series Classification"keras-octconv
Keras implementation of Octave Convolutionskeras-global-context-networks
Keras implementation of Global Context Attention blocksNeural-Style-Transfer-Windows
Windows Form application written in C# to ease usage of neural style transfer scripttf_fourier_features
Tensorflow 2.0 implementation of Fourier Feature Mapping Networks.Keras-Multiplicative-LSTM
Miltiplicative LSTM for Keras 2.0+keras_mixnets
Keras Implementation of MixNets: Mixed Depthwise ConvolutionsKeras-just-another-network-JANET
Keras implementation of [The unreasonable effectiveness of the forget gate](https://arxiv.org/abs/1804.04849)keras-switchnorm
Switch Normalization implementation for Keras 2+keras-neural-alu
A Keras implementation of Neural Arithmatic and Logical Unitkeras-mobile-colorizer
U-Net Model conditioned with MobileNet features for Grayscale -> Color mappingDeep-Columnar-Convolutional-Neural-Network
Deep Columnar Convolutional Neural Network architecture, which is based on Multi Columnar DNN (Ciresan 2012).keras-SparseNet
Keras Implementation of SparseNetsResidual-of-Residual-Networks
Residual Network of Residual Networks in Keraspyshac
A Python library for the Sequential Halving and Classification algorithmkeras_novograd
Keras implementation of NovoGradAdversarial-Attacks-Time-Series
Codebase for the paper "Adversarial Attacks on Time Series"simple_diffusion
Simple notebooks to learn diffusion models on toy datasetskeras-normalized-optimizers
Wrapper for Normalized Gradient Descent in Keraskeras-padam
Keras implementation of Padam from "Closing the Generalization Gap of Adaptive Gradient Methods in Training Deep Neural Networks"pytorch_odegan
Partial implementation of ODE-GAN technique from the paper Training Generative Adversarial Networks by Solving Ordinary Differential Equationstf-sha-rnn
Tensorflow port implementation of Single Headed Attention RNNwarprnnt_numba
WarpRNNT loss ported in Numba CPU/CUDA for PytorchAdvanced_Machine_Learning
dtw-numba
Implementation of Dynamic Time Warping algorithm with speed improvements based on Numba.keras-minimal-rnn
Keras implementation of MinimalRNN: Toward More Interpretable and Trainable Recurrent Neural NetworksTweetSentimentAnalysis
CS583 course projectlambda_networks_pt
Lambda Networks implemented in PyTorchtf_GON
Tensorflow 2.x implementation of Gradient Origin Networkstf_neural_deconvolution
Neural Deconvolutions in TensorflowPython-Work
Python scripts to facilitate easy workingPyCTakesParser
Utilities to parse the output of cTAKEStf_star_rnn
Tensorflow 2.0 implementation of STAR RNNDeep-Dream
Deep Dream implementation in KerasKaggle
Kaggle competition library. Uses Python 3.4.1 with almost all known python libraries for Machine LearningMusic-Recognition
C# project to perform Frequency Analysis of musicRabin-Karp-String-Matching
Data-Science
Library of Data Science classesdiffusion_model_nemo
Ragial-Searcher
The Core Java library used to parse and store Ragial.com dataMSApriori
Multiple support apriori algorithm in JavaIDS-Course-Project
Intro to Data Science ProjectML-Tools
braindrain-uncommonhacks
Tiger-Game
Tiger Game in Python 2.7 / 3.4+8086-Microprocessor
An attempt to emulate an 8086 microprocessor, with its ASM instruction set.titu1994.github.io
Adaptive-Sorting-Algorithm
Analysis and implementation of Machine Learning Decision Tree to classify best algorithm for given data setOptimal-Binary-Search-Tree
Naive-String-Matching
Recurstion-C
Recursion in CJava-Adaptive-Sorting-Algorithm
Adaptive Sorting Algorithm using Decision Trees to decide which algorithm will be optimal to sort a given dataset.Quick-Sort
Quick Sort in JavaRate-Monotonic-Scheduling-Algorithm
WT-Mini-Project
Kruskals-Algorithm
Stack
StackDoublu-Linked-List
Doubly Linked ListCircularLinkedList
Circular Linked List in CKnuth-Morris-Pratt
MyLib
Polynomial-Linked-List
Polynomial Linked ListSOOAD-Mini-Project
Love Open Source and this site? Check out how you can help us