Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Keras

Keras is an open source, cross platform, and user friendly neural network library written in Python. It is capable of running on top of TensorFlow, Microsoft Cognitive Toolkit, R, Theano, and PlaidML.

https://github.com/kuixu/keras_multi_gpu

Multi-GPU training for Keras

data-parallelism keras multi-gpu

Last synced: 30 Oct 2024

https://github.com/ekzhang/char-rnn-keras

TensorFlow implementation of multi-layer recurrent neural networks for training and sampling from texts

char-rnn keras lstm recurrent-neural-networks tensorflow

Last synced: 28 Oct 2024

https://github.com/msiemens/hyphenn-de

A neural network hyphenator for the German language

german-language hyphenation keras machine-learning neural-network rust tensorflow

Last synced: 28 Oct 2024

https://github.com/tatevkaren/recurrent-neural-network-pricing-model

Price Prediction Case Study predicting the Bitcoin price and the Google stock price using Deep Learning, RNN with LSTM layers with TensorFlow and Keras in Python. (Includes: Data, Case Study Paper, Code)

bitcoin bitcoin-price case-study-paper deep-learning google google-stock-prices keras lstm machine-learning pandas price-prediction recurrent-neural-networks rnn-model scikit-learn stock-price-prediction stock-prices tensorflow

Last synced: 07 Dec 2024

https://github.com/yashk2810/mnist-keras

Using various CNN techniques on the MNIST dataset

convolutional-neural-networks keras keras-visualization mnist

Last synced: 09 Nov 2024

https://github.com/popcornell/keras-triplet-center-loss

Simple Keras implementation of Triplet-Center Loss on the MNIST dataset

center-loss keras machine-learning mnist tensorflow triplet-loss

Last synced: 07 Nov 2024

https://github.com/rajathkmp/facerecog

Face Recognition using Neural Networks implemented using Keras

face-recognition keras machine-learning neural-network opencv

Last synced: 11 Nov 2024

https://github.com/rishit-dagli/conformer

An implementation of Conformer: Convolution-augmented Transformer for Speech Recognition, a Transformer Variant in TensorFlow/Keras

artificial-intelligence attention-mechanism conformer convolutional-neural-networks deep-learning keras machine-learning speech-recognition tensorflow transformers

Last synced: 22 Oct 2024

https://github.com/guibrandt/osulearn

An attempt at using machine learning to create a neural network that learns how to play osu! like a human from replay data

jupyter-notebook keras machine-learning neural-network osugame

Last synced: 12 Nov 2024

https://github.com/sshane/Konverter

Convert simple Keras models to pure Python ๐Ÿ+ NumPy

keras keras-tensorflow model-converter neural-networks python tensorflow

Last synced: 23 Nov 2024

https://github.com/whyboris/ml-with-python-and-keras

Based off Deep Learning with Python by Franรงois Chollet

deep-learning keras machine-learning neural-networks python python3

Last synced: 22 Oct 2024

https://github.com/sshane/konverter

Convert simple Keras models to pure Python ๐Ÿ+ NumPy

keras keras-tensorflow model-converter neural-networks python tensorflow

Last synced: 30 Nov 2024

https://github.com/gaussic/keras-examples

Kerasๆ ทไพ‹่งฃๆž

examples keras

Last synced: 13 Nov 2024

https://github.com/sayakpaul/deit-tf

Includes PyTorch -> Keras model porting code for DeiT models with fine-tuning and inference notebooks.

computer-vision distillation image-recognition imagenet-1k inductive-biases keras tensorflow vision-transformers

Last synced: 28 Dec 2024

https://github.com/dedinc/vk_captchasolver

VKontakte captcha solver with pseudoCRNN model running as a python module

captcha captcha-recognition captcha-solving crnn keras onnx python vkontakte

Last synced: 27 Sep 2024

https://github.com/kokensha/book-ml

ๆ›ธ็ฑใ€ŒไปŠใ™ใ่ฉฆใ—ใŸใ„๏ผๆฉŸๆขฐๅญฆ็ฟ’ใƒปๆทฑๅฑคๅญฆ็ฟ’๏ผˆใƒ‡ใ‚ฃใƒผใƒ—ใƒฉใƒผใƒ‹ใƒณใ‚ฐ๏ผ‰็”ปๅƒ่ช่ญ˜ใƒ—ใƒญใ‚ฐใƒฉใƒŸใƒณใ‚ฐใƒฌใ‚ทใƒ”ใ€ใฎใ‚ฝใƒผใ‚นใ‚ณใƒผใƒ‰ใ‚’้…ๅธƒใ™ใ‚‹ใƒฌใƒใ‚ธใƒˆใƒชใงใ™ใ€‚

ai book chainer deep-learning google-colab google-colaboratory jupyter-notebook keras keras-tensorflow machine-learning movidius opencv opencv-python python python3 pytorch raspberry-pi raspberry-pi-3 raspberry-pi-camera tensorflow

Last synced: 11 Oct 2024

https://github.com/zeppaman/kerasui

UI for Keras to implement image classification written in python and django

django image-classification keras ui

Last synced: 23 Nov 2024

https://github.com/RentadroneCL/Photovoltaic_Fault_Detector

Model Photovoltaic Fault Detector based in model detector YOLOv.3, this repository contains four detector model with their weights and the explanation of how to use these models.

deep-learning detection-boxes detector-model fault-detection keras model-detection object-detection photovoltaic-panels solar-energy tensorflow yolo3

Last synced: 14 Nov 2024

https://github.com/csvance/blur-pool-keras

Keras implementation of BlurPool layers described in "Making Convolutional Networks Shift-Invariant Again" (Zhang)

keras layer pooling tensorflow

Last synced: 05 Nov 2024

https://github.com/tlkh/smartbin

Spring 2018 - 10.009 Digital World 1D Project

keras mobilenet-ssd opencv python raspberry-pi

Last synced: 07 Nov 2024

https://github.com/pbloem/language-models

Keras implementations of three language models: character-level RNN, word-level RNN and Sentence VAE (Bowman, Vilnis et al 2016).

bowman keras language-models rnn-language-model vae

Last synced: 14 Nov 2024

https://github.com/yu-iskw/google-cloud-deep-learning-kit

Create a GPU instance on GCP with Jupyter + Keras(Tensorflow) + Nvidia Docker

deep-learning deep-neural-networks docker google-cloud gpu jupyter keras nvidia-docker tensorflow

Last synced: 05 Nov 2024

https://github.com/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

adam autonomous-driving batchnorm cnn dropout face-recognition hyperparameter-tuning keras lstm music-generation natural-language-processing neural-style-transfer regularization residual-networks rnn speech-recognition tensorflow translation xavier-he-initialization yolo

Last synced: 09 Nov 2024

https://github.com/rajathkmp/dcgan

Implementation of Deep Convolutional Generative Adversarial Networks on MNIST database in Keras

keras machine-learning neural-network

Last synced: 11 Nov 2024

https://github.com/soumyajit4419/face_and_emotion_detection

Performing image classification for detection of various human emotions using CNN Architecture.

emotion-detection facial-recognition keras opencv tensorflow

Last synced: 09 Nov 2024

https://github.com/sarus-tech/tf2-published-models

Sarus implementation of classical ML models. The models are implemented using the Keras API of tensorflow 2. Vizualization are implemented and can be seen in tensorboard.

ai generative-model keras tensorflow tensorflow2

Last synced: 27 Oct 2024

https://github.com/soumik12345/point-cloud-segmentation

TF2 implementation of PointNet for segmenting point clouds

deep-learning keras point-cloud segmentation tensorflow2 tpu

Last synced: 02 Nov 2024

https://github.com/stevewyl/nlp_toolkit

Basic NLP Toolkits include text classification, sequence labeling etc.

keras nlp sequence-labeling text-classification

Last synced: 25 Dec 2024

https://github.com/shekit/mirror-selfie

Removing the phone from the notorious mirror selfie using deep learning

deep-learning jupyter-notebook keras keras-tensorflow tensorflow

Last synced: 09 Nov 2024

https://github.com/adamspannbauer/ssbm_fox_detector

Keras object detector to detect Fox in Super Smash Bros Melee for the Nintendo Gamecube

cnn cv frcnn keras object-detection python

Last synced: 28 Oct 2024

https://github.com/huji-deep/flowket

A framework based on Tensorflow for running variational Monte-Carlo simulations of quantum many-body systems.

autoregressive keras pixelcnn python3 tensorflow variational-monte-carlo

Last synced: 07 Nov 2024

https://github.com/james77777778/keras-image-models

A library that includes Keras3 layers, blocks and models with pretrained weights, providing support for transfer learning, feature extraction, and more.

deep-learning imagenet jax keras keras3 model-zoo pretrained-models tensorflow timm torch

Last synced: 17 Nov 2024

https://github.com/360er0/combo

COMBO is jointly trained tagger, lemmatizer and dependency parser.

dependency-parser keras lemmatizer tagger universal-dependencies

Last synced: 20 Nov 2024

https://github.com/sayakpaul/keras-xla-benchmarks

Presents comprehensive benchmarks of XLA-compatible pre-trained models in Keras.

benchmarks cnns keras keras-cv tensorflow tensorflow-hub transformers xla

Last synced: 28 Dec 2024

https://github.com/sayakpaul/spatial-transformer-networks-with-keras

This repository provides a Colab Notebook that shows how to use Spatial Transformer Networks inside CNNs in Keras.

affine-transformation cnn keras mnist spatial-transformer-network tensorflow vision

Last synced: 28 Dec 2024

https://github.com/tirthajyoti/tensorflow_basics

Basic TensorFlow mechanics, operations, class definitions, and neural networks building. Examples from deeplearning.ai Tensorflow course using Google Colab platform.

classification colab-notebook colaboratory convolutional-neural-networks deep-learning google-cloud-platform keras keras-tensorflow machine-learning mnist neural-network recurrent-neural-networks regression tensorflow time-series

Last synced: 09 Nov 2024

https://github.com/thisisiron/spectral_normalization-tf2

๐ŸŒˆ Spectral Normalization implemented as Tensorflow 2

gan keras spectral-normalization tensorflow tensorflow2 tf2

Last synced: 08 Nov 2024

https://github.com/sayakpaul/Spatial-Transformer-Networks-with-Keras

This repository provides a Colab Notebook that shows how to use Spatial Transformer Networks inside CNNs in Keras.

affine-transformation cnn keras mnist spatial-transformer-network tensorflow vision

Last synced: 30 Oct 2024

https://github.com/bloodaxe/segmentation-networks-benchmark

Evaluation framework for testing segmentation networks in Keras

benchmark keras segmentation unet

Last synced: 02 Dec 2024

https://github.com/chen0040/keras-recommender

Recommender built using keras

collaborative-filtering keras recommender

Last synced: 16 Dec 2024

https://github.com/djangopeng/start-ai

ไปŽ้›ถๅผ€ๅง‹ๅญฆไน ไบบๅทฅๆ™บ่ƒฝ๏ผˆStart-AI)

ai deep-learning keras machine-learning python tensorflow

Last synced: 14 Oct 2024

https://github.com/ayulockin/dataaugmentationtf

Implementation of modern data augmentation techniques in TensorFlow 2.x to be used in your training pipeline.

augmix computer-vision cutmix cutout data-augmentation deeplearning keras mixup tensorflow2

Last synced: 22 Oct 2024

https://github.com/alexeyev/keras-generating-sentences-from-a-continuous-space

Text Variational Autoencoder inspired by the paper 'Generating Sentences from a Continuous Space' Bowman et al. https://arxiv.org/abs/1511.06349

deep-learning deeplearning keras keras-implementations nlp text-generation vae variational-autoencoder

Last synced: 11 Nov 2024

https://github.com/dymaxionlabs/ap-latam

Detection of slums and informal settlements from satellite imagery

keras machine-learning remote-sensing tensorflow

Last synced: 15 Nov 2024

https://github.com/aome510/mask-classifier

Detecting/classifying masked faces in real-time

deep-learning keras machine-learing python

Last synced: 08 Nov 2024

https://github.com/sayakpaul/dual-deployments-on-vertex-ai

Project demonstrating dual model deployment scenarios using Vertex AI (GCP).

automl gcp keras kubeflow mlops tensorflow tfx vertex-ai

Last synced: 28 Dec 2024

https://github.com/curiousily/deploy-keras-deep-learning-model-with-flask

Build Deep Neural Network model in Keras and deploy a REST API to production with Flask on Google App Engine

airbnb deep-learning google-appengine jupyter-notebook keras machine-learning neural-network price-prediction python regression rest-api scikit-learn tensorflow

Last synced: 11 Nov 2024

https://github.com/vishal-v/stackgan

TensorFlow implementation of "Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks" by Han Zhang, et al.

conditioning-augmentation cub-200 gans generative-adversarial-network keras stack-gan tensorflow-2

Last synced: 22 Oct 2024

https://github.com/yusugomori/barbar

Progress bar for deep learning training iterations๐Ÿ’ˆ

deep-learning keras pytorch

Last synced: 13 Oct 2024

https://github.com/maechler/nnilm

A reimplementation of Jack Kelly's rectangles neural network architecture based on Keras and the NILMToolkit.

keras neural-network nilm nilm-algorithms nilmtk non-intrusive-load-monitoring

Last synced: 06 Nov 2024

https://github.com/brikerman/classic_chinese_punctuate

classic Chinese punctuate experiment with keras using daizhige(ๆฎ†็Ÿฅ้˜ๅคไปฃๆ–‡็Œฎ่—ไนฆ) dataset

chinese-nlp keras sequence-labeling

Last synced: 06 Nov 2024

https://github.com/cavaunpeu/flight-delays

Transfer learning for flight-delay prediction via variational autoencoders in Keras

keras transfer-learning variational-autoencoders

Last synced: 28 Oct 2024

https://github.com/jsflo/emotionrectraining

Python script using Keras + TensorFlow to train a custom machine learning model to recognize faces using a dataset with human faces and labeled with emotions.

keras tensorflow tensorflow-examples tensorflow-serving

Last synced: 10 Oct 2024

https://github.com/teticio/deej-ai.online-app

ReactJS website to automatically generate playlists based on how the music sounds.

fastapi helm-chart keras kubernetes playlist-generator react react-native spotify

Last synced: 29 Nov 2024

https://github.com/tuvovan/rfdnet-imagesuperresolution

Keras Implementation of the paper Residual Feature Distillation Network for Lightweight Image Super-Resolution

computational-imaging computer-vision convolutional-neural-networks deep-learning image-enhancement image-super-resolution keras tensorflow tensorflow2

Last synced: 19 Nov 2024

https://github.com/DavidLandup0/deepvision

PyTorch and TensorFlow/Keras image models with automatic weight conversions and equal API/implementations - Vision Transformer (ViT), ResNetV2, EfficientNetV2, NeRF, SegFormer, MixTransformer, (planned...) DeepLabV3+, ConvNeXtV2, YOLO, etc.

cnn-classification computer-vision deep-learning efficientnetv2 evaluation image-classification keras nerf neural-radiance-fields pretrained-models pytorch pytorch-lightning resnet segformer semantic-segmentation tensorflow vision-transformer visualization

Last synced: 09 Nov 2024

https://github.com/airaria/gan_hanzi

Generating (fake) Chinese characters using GAN

deep-learning gan keras tensorflow

Last synced: 11 Nov 2024

https://github.com/arig23498/tokenlearner

TensorFlow implementation of "TokenLearner: What Can 8 Learned Tokens Do for Images and Videos?"

keras tensorflow2 token-learner vision-transformer

Last synced: 02 Nov 2024

https://github.com/davidlandup0/deepvision

PyTorch and TensorFlow/Keras image models with automatic weight conversions and equal API/implementations - Vision Transformer (ViT), ResNetV2, EfficientNetV2, NeRF, SegFormer, MixTransformer, (planned...) DeepLabV3+, ConvNeXtV2, YOLO, etc.

cnn-classification computer-vision deep-learning efficientnetv2 evaluation image-classification keras nerf neural-radiance-fields pretrained-models pytorch pytorch-lightning resnet segformer semantic-segmentation tensorflow vision-transformer visualization

Last synced: 01 Nov 2024

https://github.com/Hourout/GAN-keras

tensorflow2.x implementations of Generative Adversarial Networks.

deep-learning gan gan-keras generative-adversarial-networks keras keras-implementations neural-networks tensorflow-gan

Last synced: 13 Nov 2024

https://github.com/hourout/gan-keras

tensorflow2.x implementations of Generative Adversarial Networks.

deep-learning gan gan-keras generative-adversarial-networks keras keras-implementations neural-networks tensorflow-gan

Last synced: 05 Nov 2024

https://github.com/yueyericardo/pkbar

Keras style progressbar for Pytorch (PK Bar)

keras progress-bar pytorch

Last synced: 14 Nov 2024

https://github.com/hasibzunair/3d-image-classification-tutorial

Tutorial to train a 3D CNN to predict presence of pneumonia from CT scans.

convolutional-neural-networks deep-learning image-classification keras

Last synced: 10 Nov 2024

https://github.com/ariefrahmansyah/face-mask-detection

Real-time Face Mask Detection using TensorFlow and Keras.

deep-learning face-mask-detection keras opencv tensorflow tensorflowjs

Last synced: 15 Oct 2024

https://github.com/xnought/vae-explainer

Interactive Variational Autoencoder (VAE)

keras ml tfjs

Last synced: 13 Oct 2024

https://github.com/ksachdeva/dlib-to-tf-keras-converter

A set of scripts to convert dlib's face recognition network to tensorflow, keras, onnx etc

converter dlib dlib-face-recognition keras model onnx tensorflow

Last synced: 09 Nov 2024

https://github.com/omaraflak/keras-android-xor

How to run a Keras model on Android using Tensorflow API.

android keras tensorflow tensorflow-inference-interface tensorflow-lite xor

Last synced: 31 Oct 2024

https://github.com/neka-nat/image_completion_tf2

"Globally and Locally Consistent Image Completion" with Tensorflow2 Keras

deep-learning gan image-completion keras tensorflow tensorflow2

Last synced: 28 Oct 2024

https://github.com/moment-of-peace/EventForecast

Time series prediction and text analysis using Keras LSTM, plus clustering, association rules mining

association-rules clustering keras lstm text-analysis time-series

Last synced: 17 Nov 2024

https://github.com/nengo/keras-spiking

Spiking neuron integration for Keras

deep-learning keras python spiking-neural-networks tensorflow

Last synced: 25 Nov 2024

https://github.com/soumik12345/nearest-celebrity-face

Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.

deep-learning deep-neural-networks deeplearning face face-recognition facenet facenet-model inception inception-resnet-v2 inceptionv2 keras keras-neural-networks keras-tensorflow machine-learning machinelearning meta-learning one-shot-learning python python3 tensorflow

Last synced: 02 Nov 2024