keras-models
There are 338 repositories under keras-models topic.
google/magika
Fast and accurate AI powered file content types detection
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
Dobiasd/frugally-deep
A lightweight header-only library for using Keras (TensorFlow) models in C++.
rykov8/ssd_keras
Port of Single Shot MultiBox Detector to Keras
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.
AntonMu/TrainYourOwnYOLO
Train a state-of-the-art yolov3 object detector from scratch!
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".
balavenkatesh3322/audio-pretrained-model
A collection of Audio and Speech pre-trained models.
dkeras-project/dkeras
Distributed Keras Engine, Make Keras faster with only one line of code.
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
nnormandin/Conditional_VAE
conditional variational autoencoder written in Keras [not actively maintained]
marcogdepinto/Deep-learning-model-deploy-with-django
Serving a keras model (neural networks) in a website with the python Django-REST framework.
produvia/ai-platform
An open-source platform for automating tasks using machine learning models
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.
philipperemy/very-deep-convnets-raw-waveforms
Tensorflow - Very Deep Convolutional Neural Networks For Raw Waveforms - https://arxiv.org/pdf/1610.00087.pdf
0dust/ResumeFilter
Extracting relevant information from resume using deep learning.
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
indraforyou/keras_tfrecord
Extending Keras to support tfrecord dataset
DevilStudio27/Plant-Disease-Detection-and-Solution
Plant disease detection and Solution using Image Classification
BKHMSI/Sketchback
Keras implementation of sketch inversion using deep convolution neural networks (synthesising photo-realistic images from pencil sketches)
amirzenoozi/nsfw-classification
A Simple NSFW Classifier Based on Keras and Tensorflow
chen0040/keras-chatbot-web-api
Simple keras chat bot using seq2seq model with Flask serving web
lakshaychhabra/NSFW-Detection-DL
This repo contains Deep learning Implementation for identifying NSFW images.
guybedo/minos
Deep learning, architecture and hyper parameters search with genetic algorithms
bshao001/TF-Model-Deploy-Tutorial
A tutorial exploring multiple approaches to deploy a trained TensorFlow (or Keras) model or multiple models for prediction.