An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: keras-implementations

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.

Language: Python - Size: 15.3 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 136 - Forks: 104

faust-prime/X-ray-images-classification-with-Keras-TensorFlow

ConvNet (CNN) implementation to classify x-ray medical images

Language: Jupyter Notebook - Size: 87.4 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 11 - Forks: 12

kristpapadopoulos/keras-stochastic-weight-averaging

Keras callback function for stochastic weight averaging

Language: Python - Size: 7.81 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 56 - Forks: 22

NikhilCodes/VirtualBLU

A Virtual Assistant for Windows PC with wicked Qt Graphics.

Language: Python - Size: 181 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 58 - Forks: 6

karolzak/conv3d-video-action-recognition

My experimentation around action recognition in videos. Contains Keras implementation for C3D network based on original paper "Learning Spatiotemporal Features with 3D Convolutional Networks", Tran et al. and it includes video processing pipelines coded using mPyPl package. Model is being benchmarked on popular UCF101 dataset and achieves results similar to those reported by authors

Language: Python - Size: 1.8 MB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 54 - Forks: 10

GKalliatakis/DisplaceNet

Recognising Displaced People from Images by Exploiting Dominance Level - CVPR '19 Workshop on Computer Vision for Global Challenges (CV4GC)

Language: Python - Size: 6.81 MB - Last synced at: 8 days ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 3

ningshixian/Keras-Tutorial

Keras深度学习框架配置+Keras教程+Keras Trick

Language: Roff - Size: 91.4 MB - Last synced at: 7 months ago - Pushed at: almost 6 years ago - Stars: 33 - Forks: 11

cedrickchee/models Fork of tensorflow/models

Models and examples built with TensorFlow

Language: Python - Size: 498 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1

kristpapadopoulos/keras-extract-weights

Utility for extracting layer weights and biases from Keras models

Language: Python - Size: 66.4 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 5

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

Language: Python - Size: 9.77 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 35 - Forks: 5

v-code-895/DLSS

Deep Learning Super Sampling with Deep Convolutional Generative Adversarial Networks.

Language: Jupyter Notebook - Size: 67.1 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

EhsanR47/Model

Language: Python - Size: 1000 Bytes - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Tenoke/tensorflowjs-rps

A tensorflow.js Rock-Paper-Scissors Model running on a Flask server

Language: Jupyter Notebook - Size: 240 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Golbstein/EDVR_Keras

Keras implementation of EDVR: Video Restoration with Enhanced Deformable Convolutional Networks

Language: Python - Size: 16.4 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 40 - Forks: 8

Golbstein/Keras-segmentation-deeplab-v3.1

An awesome semantic segmentation model that runs in real time

Language: Jupyter Notebook - Size: 20.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 174 - Forks: 74

Hourout/GAN-keras

tensorflow2.x implementations of Generative Adversarial Networks.

Language: Python - Size: 104 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 32 - Forks: 11

catptype/Deep-Learning-for-Computer-Vision

Self learning of deep learning in several topics, also implementing them from scratch using Keras.

Language: Jupyter Notebook - Size: 79.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sspathak/eye-mouse

Control your PC's mouse by just looking at the screen!

Language: Jupyter Notebook - Size: 515 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

bertpt/u-net

Segmentation of Biomedical Images is based on U-Net. This U-Net implementation using Keras and TensorFlow has varying depth that can be specified by model input.

Language: Python - Size: 453 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 2

MaadSaifuddin53/DeepLearningwithKeras

Language: Jupyter Notebook - Size: 1.89 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

TheLastFrame/Capsule-Network-Keras Fork of bojone/Capsule

A Capsule Network implementation in pure Keras running on Tensorflow 2.0

Language: Python - Size: 65.4 KB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 2

dhanushkamath/VariationalAutoencoder

An IPython notebook explaining the concepts of Variational Autoencoders and building one using Keras to generate new faces.

Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 17 - Forks: 12

vijay033/DeepLearningPractice

Modeling deep learning methodologies

Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Merterm/Etymon

Find the origin of words in every language using a Deep Neural Network trained to create an etymological map.

Language: JavaScript - Size: 426 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 20 - Forks: 1

alexeyev/CNN-for-Sentence-Classification-in-Keras Fork of alexander-rakhlin/CNN-for-Sentence-Classification-in-Keras

based on paper "Convolutional Neural Networks for Sentence Classification" by Yoon Kim

Language: Python - Size: 701 KB - Last synced at: almost 2 years ago - Pushed at: almost 9 years ago - Stars: 4 - Forks: 1

danielwatson6/neural-punctuator

Seq2Seq model that restores punctuation on English input text.

Language: Python - Size: 45.9 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

bahl24/SpatialPyramidPooling_Keras

Implementation of Spatial Pyramid Pooling (SPP-net) in Keras for object classification and detection

Language: Jupyter Notebook - Size: 26.9 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 7

GeraldWambui/SavingandLoadingModels

Saves models in HDF5 FORMAT used in Keras and also TensorflowSavedModels

Language: Python - Size: 23.4 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

teelinsan/KerasDropconnect

An implementation of DropConnect Layer in Keras

Language: Python - Size: 9.77 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 36 - Forks: 12

MrinalJain17/VGG 📦

Keras implementation of VGG from the paper "Very Deep Convolutional Networks for Large-Scale Image Recognition" - https://arxiv.org/abs/1409.1556

Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 4

minerva-ml/open-solution-cdiscount-starter 📦

Open solution to the Cdiscount’s Image Classification Challenge

Language: Python - Size: 33.2 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 19 - Forks: 8

minerva-ml/steppy-examples 📦

Examples and tutorials to the steppy library

Language: Jupyter Notebook - Size: 153 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 11

myunusseker/anime-GAN

Fun project for generating anime pictures using Deep Convolutional Generative Adversarial Networks (DCGAN)

Language: Jupyter Notebook - Size: 88.8 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 3

prakHr/Coursera-Specializations

Contains courses in specializations of coursera on deep learning

Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 3

ilhansevval/Deep_Learning

This repository gives informations how to implement deep learning algorithms with keras and pytorch libraries.

Language: Jupyter Notebook - Size: 141 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0

BKHMSI/LossMNIST

Exploring the discriminating power of different loss functions for classification

Language: Python - Size: 645 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 2

alexeyev/SinkhornLayer-keras

Permutation learning Sinkhorn layer implementation in keras

Language: Python - Size: 11.7 KB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 9 - Forks: 0

saadhaxxan/Street-Signs-and-boards-classification-using-DCNN

Udacity Self-Driving Car Engineer Nanodegree. Project: Build a Traffic Sign Recognition Classifier

Language: Jupyter Notebook - Size: 3 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 1

wyu-du/ARCII-for-Matching-Natural-Language-Sentences

A simple Keras implementation of ARC-II model proposed by paper "Convolutional Neural Network Architectures for Matching Natural Language Sentences"

Language: Python - Size: 24.7 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 26 - Forks: 10

iamgmujtaba/gif-acoustic

Original Keras implementation of the code for the paper "Client-driven animated GIF generation framework using an acoustic feature," at 1171: Real-time 2D/3D Image Processing with Deep Learning (MTAP)

Language: Python - Size: 41.9 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

Meshkat-Shadik/BasicNeuralNetwork

A beginners friendly guide for neural network. Implementing a random disease prediction under some given condition.

Language: Jupyter Notebook - Size: 65.4 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vincent-thompson/eye-condition-detection-deep-learning

Built a convolutional neural network to detect visual symptoms of medical conditions in eye images, along with a Flask application allowing users to upload their own pictures and receive real-time predictions

Language: Jupyter Notebook - Size: 57.9 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

rbsathish/keras-Datapreprocessing-Handling

In this git you can find the dataset preprocessing and handling.

Language: Python - Size: 97.7 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

ucalyptus/LoveForKeras

Deep Learning for Beginners using Keras | DL tutorials using Keras

Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 2

valayDave/fake-news-detection-han

Hierarchical Attention Neural Network For Fake News Detection

Language: Python - Size: 1020 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

abidmuin/TensorFlow-in-Practice-Specialization

TensorFlow in Practice Specialization

Language: Jupyter Notebook - Size: 5 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

ronalddas/Pneumonia-Detection

Language: Python - Size: 115 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

jaydeepthik/DLearn

A human emotion recognition based learning assistant. HACKOH/IO - 2019

Language: Python - Size: 1.61 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 0

immu0001/Udacity-Data-Scientist-Nanodegree-TERM-1

Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

tabshaikh/Deep-Learning-with-tf.keras-with-mnist

A deep neural network with tensorflow and keras using mnist dataset

Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: 7 months ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 2

suvojit-0x55aa/LSUV-Keras

Layer-sequential unit-variance implementation for tf.keras

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

DixitIshan/Deep_Learning_with_Keras

Language: Python - Size: 42 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

AlexBarbera/KerasBatchSizeAnnealing

Keras helper class for adaptative batch size annealing.

Language: Python - Size: 8.79 KB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

amemetov/ssd

Single Shot MultiBox Detector

Language: Jupyter Notebook - Size: 30.9 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

SudharshanShanmugasundaram/Various-Approaches-for-Time-Series-Forecasting-of-Stock-Prices

Sequence Models

Language: Jupyter Notebook - Size: 132 KB - Last synced at: 11 days ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

shishpalvishnoi/keras-attention-mechanism Fork of fran-babylon/keras-attention-mechanism

Attention mechanism Implementation for Keras.

Language: Python - Size: 1.13 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

compmonk/picnic-hackathon-2019

Image classification (https://picnic.devpost.com)

Language: Python - Size: 75.2 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Zeroto521/Keras-FlappyBird Fork of yanpanlau/Keras-FlappyBird

Using Keras and Deep Q-Network to Play FlappyBird

Language: Python - Size: 30.8 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

vernikagupta/Artificial_NN-using-Keras-and-Scikit_Learn

Language: Jupyter Notebook - Size: 531 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

ChihchengHsieh/P700

Analysing graph by Siamese-Network

Language: Jupyter Notebook - Size: 122 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

soumilkanwal80/Neural-Style-Transfer

An implementation of Neural Style Transfer in Keras

Language: Jupyter Notebook - Size: 3.3 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

TheNudibranch/Face-Recognition

This is a repository for the code and various numpy files that going along with the face recognition project.

Language: Mathematica - Size: 1.03 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

jsrpy/NLP_Sentiment_Analysis

Examples of using Keras word embedding to perform sentiment analysis on IMDB and Reuters datasets.

Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

A-yush/keras-Databases

Implemented various deep learning problems of supervised learning using keras with tensorflow as backend .

Language: Python - Size: 3.91 KB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

brilliantFire/deep-learning

various deep learning models in python

Language: Jupyter Notebook - Size: 2.31 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Related Keywords
keras-implementations 65 keras 34 deep-learning 24 keras-tensorflow 20 python 15 tensorflow 15 keras-neural-networks 12 machine-learning 10 keras-models 10 keras-classification-models 10 python3 9 convolutional-neural-networks 7 computer-vision 7 neural-networks 6 keras-tutorials 6 nlp 6 tensorflow-models 5 deep-neural-networks 5 keras-layer 5 natural-language-processing 4 cnn 4 cnn-keras 4 lstm 4 neural-network 4 artificial-neural-networks 4 image-classification 4 tensorflow-examples 4 keras-visualization 3 data-science 3 object-detection 3 tensorflow2 3 deeplearning 3 artificial-intelligence 3 word-embeddings 2 dcgan 2 pytorch 2 pytorch-implmention 2 tensorflow-tutorials 2 gan 2 generative-adversarial-network 2 image-processing 2 flask 2 opencv 2 super-resolution 2 numpy 2 transfer-learning 2 tensorflowjs 2 generative-adversarial-networks 2 rnn-tensorflow 2 attention-mechanism 2 matplotlib 2 mnist-classification 2 pytorch-implementation 2 image-recognition 2 mnist 2 medical-image-processing 2 keras-deep-dream 1 steppy-library 1 steps 1 tutorial 1 cats-vs-dogs 1 face-recognition 1 embedding-layer-keras 1 fashion-mnist-dataset 1 iris-classification 1 face-detection 1 batch-normalization 1 mnist-handwriting-recognition 1 mobilenet 1 rock-paper-scissors 1 neural-style-transfer 1 toxicity 1 wdbc 1 neural-style 1 loss-functions 1 siamese-network 1 theano-backend 1 tableau 1 tsne 1 tsne-plot 1 permutation-algorithms 1 flappybird 1 sorting-network 1 beginner-code 1 paper 1 spp-layer 1 spp-net 1 visual-recognition 1 connect 1 drop 1 dropconnect 1 regularization 1 vgg-model 1 supervised-machine-learning 1 competition 1 sentiment-classification 1 kaggle 1 kaggle-challenge 1 numpy-files 1 neptune 1