keras-models
There are 323 repositories under keras-models topic.
google/magika
Detect file content types with deep learning
qubvel/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
pierluigiferrari/ssd_keras
A Keras port of Single Shot MultiBox Detector
RubensZimbres/Repo-2017
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
rykov8/ssd_keras
Port of Single Shot MultiBox Detector to Keras
Dobiasd/frugally-deep
A lightweight header-only library for using Keras (TensorFlow) models in C++.
gmalivenko/pytorch2keras
PyTorch to Keras model convertor
AntonMu/TrainYourOwnYOLO
Train a state-of-the-art yolov3 object detector from scratch!
umbertogriffo/Predictive-Maintenance-using-LSTM
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
titu1994/Keras-Classification-Models
Collection of Keras models used for classification
alexisbcook/ResNetCAM-keras
Keras implementation of a ResNet-CAM model
sagarvegad/Video-Classification-CNN-and-LSTM-
To classify video into various classes using keras library with tensorflow as back-end.
cbaziotis/datastories-semeval2017-task4
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
dkeras-project/dkeras
Distributed Keras Engine, Make Keras faster with only one line of code.
balavenkatesh3322/audio-pretrained-model
A collection of Audio and Speech pre-trained models.
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.
alexisbcook/keras_transfer_cifar10
Object classification with CIFAR-10 using transfer learning
mwdhont/SimCLRv1-keras-tensorflow
Tensorflow-Keras implementation of SimCLR: Simple Framework for Contrastive Learning of Visual Representations by Chen et al. (2020)
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.
nnormandin/Conditional_VAE
conditional variational autoencoder written in Keras [not actively maintained]
produvia/ai-platform
An open-source platform for automating tasks using machine learning models
0dust/ResumeFilter
Extracting relevant information from resume using deep learning.
philipperemy/very-deep-convnets-raw-waveforms
Tensorflow - Very Deep Convolutional Neural Networks For Raw Waveforms - https://arxiv.org/pdf/1610.00087.pdf
ansrivas/keras-rest-server
A very simple project to create a rest backend for serving a neural network model based on keras
dezmoanded/vrn-torch-to-keras
Transfer pre-trained VRN model from torch to Keras/Tensorflow
ParikhKadam/bidaf-keras
Bidirectional Attention Flow for Machine Comprehension implemented in Keras 2
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.
indraforyou/keras_tfrecord
Extending Keras to support tfrecord dataset
amirzenoozi/nsfw-classification
A Simple NSFW Classifier Based on Keras and Tensorflow
BKHMSI/Sketchback
Keras implementation of sketch inversion using deep convolution neural networks (synthesising photo-realistic images from pencil sketches)
chen0040/keras-chatbot-web-api
Simple keras chat bot using seq2seq model with Flask serving web
bshao001/TF-Model-Deploy-Tutorial
A tutorial exploring multiple approaches to deploy a trained TensorFlow (or Keras) model or multiple models for prediction.
guybedo/minos
Deep learning, architecture and hyper parameters search with genetic algorithms
deepsense-ai/Keras-PyTorch-AvP-transfer-learning
We pit Keras and PyTorch against each other, showing their strengths and weaknesses in action. We present a real problem, a matter of life-and-death: distinguishing Aliens from Predators!
prakritidev/DeepLearning
This repository will contain the example detailed codes of Tensorflow and Keras, This repository will be useful for Deep Learning staters who find difficult to understand the example codes