keras-neural-networks
There are 993 repositories under keras-neural-networks topic.
philipperemy/keras-attention
Keras Attention Layer (Luong and Bahdanau scores).
naiveHobo/InvoiceNet
Deep neural network to extract intelligent information from invoice documents.
philipperemy/keract
Layers Outputs and Gradients in Keras. Made easy.
gmalivenko/pytorch2keras
PyTorch to Keras model convertor
umbertogriffo/Predictive-Maintenance-using-LSTM
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
SciSharp/Keras.NET
Keras.NET is a high-level neural networks API for C# and F#, with Python Binding and capable of running on top of TensorFlow, CNTK, or Theano.
harshbg/Sign-Language-Interpreter-using-Deep-Learning
A sign language interpreter using live video feed from the camera.
marcogdepinto/emotion-classification-from-audio-files
Understanding emotions from audio files using neural networks and multiple datasets.
cog-imperial/OMLT
Represent trained machine learning models as Pyomo optimization formulations
awslabs/keras-apache-mxnet
[DEPRECATED] Amazon Deep Learning's Keras with Apache MXNet support
alexisbcook/ResNetCAM-keras
Keras implementation of a ResNet-CAM model
JihongJu/keras-fcn
A playable implementation of Fully Convolutional Networks with Keras.
akshaysharma096/Siamese-Networks
Few Shot Learning by Siamese Networks, using Keras.
dkeras-project/dkeras
Distributed Keras Engine, Make Keras faster with only one line of code.
rowhitswami/Indian-Paper-Currency-Classification
Source code of Indian Paper Currency Classification :fire:
JihongJu/keras-resnet3d
Implementations of ResNets for volumetric data, including a vanilla resnet in 3D.
fotisk07/Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
joaopauloschuler/k-neural-api
K-CAI NEURAL API - Keras based neural network API that will allow you to create parameter-efficient, memory-efficient, flops-efficient multipath models with new layer types. There are plenty of examples and documentation.
snknitin/DeepfakeCapsuleGAN
Using Capsule Networks in GANS to generate very realistic fake images that could perhaps be used for deepfakes
alexisbcook/keras_transfer_cifar10
Object classification with CIFAR-10 using transfer learning
susantabiswas/realtime-facial-emotion-analyzer
Human Emotion Analysis using facial expressions in real-time from webcam feed. Based on the dataset from Kaggle's Facial Emotion Recognition Challenge.
surya-veer/RealTime-DigitRecognition
RealTime DigitRecognition using Convolutional Neural Network(CNN) with keras.
chaitanya100100/VAE-for-Image-Generation
Implemented Variational Autoencoder generative model in Keras for image generation and its latent space visualization on MNIST and CIFAR10 datasets
chhayac/Machine-Learning-Notebooks
15+ Machine/Deep Learning Projects in Ipython Notebooks
danmorales/CursoDS_ProfDanilo
Códigos Python com diferentes aplicações como técnicas de machine learning e deep learning, fundamentos de estatística, problemas de regressão de classificação. Os vídeos com as explicações teóricas estão disponíveis no meu canal do YouTube
marcogdepinto/Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
ani8897/Human-Activity-Recognition
Classifying the physical activities performed by a user based on accelerometer and gyroscope sensor data collected by a smartphone in the user’s pocket. The activities to be classified are: Standing, Sitting, Stairsup, StairsDown, Walking and Cycling.
philipperemy/stock-volatility-google-trends
Deep Learning Stock Volatility with Google Domestic Trends: https://arxiv.org/pdf/1512.04916.pdf
paulx3/keras_generative_pg
A Deep Generative Framework for Paraphrase Generation Implementaion
kidozh/keras_detect_tool_wear
Tool wear prediction by residual CNN
philipperemy/very-deep-convnets-raw-waveforms
Tensorflow - Very Deep Convolutional Neural Networks For Raw Waveforms - https://arxiv.org/pdf/1610.00087.pdf
UppuluriKalyani/ML-Nexus
ML Nexus is an open-source collection of machine learning projects, covering topics like neural networks, computer vision, and NLP. Whether you're a beginner or expert, contribute, collaborate, and grow together in the world of AI. Join us to shape the future of machine learning!
anujdutt9/AI-Chatbot
AI Chatbot using Dynamic Memory Network in Keras.
Krish-Depani/Virtual-Voice-Assistant
Virtual Voice Assistant is a project that utilizes machine learning and natural language processing to enable users to control their devices using voice commands. Technologies used include TensorFlow, Keras, various Python libraries and RESTful APIs.
ParikhKadam/bidaf-keras
Bidirectional Attention Flow for Machine Comprehension implemented in Keras 2