GitHub topics: keras-layer
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: 22 days ago - Pushed at: 10 months ago - Stars: 136 - Forks: 104

sanu0711/Forgery-Detection-Signature-Verification
This project aims to develop a signature verification system using transfer learning techniques in deep learning. The system utilizes a pre-trained convolutional neural network (CNN) model, ResNet50, and fine-tunes it on a dataset of signatures to achieve user-independent verification.
Language: Jupyter Notebook - Size: 4.26 MB - Last synced at: 22 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 1

RubensZimbres/Repo-2017
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
Language: Python - Size: 40.4 MB - Last synced at: 17 days ago - Pushed at: over 3 years ago - Stars: 1,191 - Forks: 677

fferroni/PhasedLSTM-Keras
Keras implementation of Phased LSTM [https://arxiv.org/abs/1610.09513]
Language: Python - Size: 355 KB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 144 - Forks: 51

pdasigi/onto-lstm
Keras implementation of ontology aware token embeddings
Language: Python - Size: 159 KB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 48 - Forks: 15

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 1 month ago - Pushed at: almost 6 years ago - Stars: 11 - Forks: 12

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
Language: Jupyter Notebook - Size: 65.4 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 103 - Forks: 91

howl-anderson/tf_crf_layer
CRF(Conditional Random Field) Layer for TensorFlow 1.X with many powerful functions
Language: Python - Size: 498 KB - Last synced at: 14 days ago - Pushed at: over 5 years ago - Stars: 14 - Forks: 3

titu1994/BatchRenormalization
Batch Renormalization algorithm implementation in Keras
Language: Python - Size: 38.5 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 98 - Forks: 27

yhenon/keras-spp
Spatial pyramid pooling layers for keras
Language: Python - Size: 28.3 KB - Last synced at: 7 months ago - Pushed at: over 7 years ago - Stars: 394 - Forks: 143

dynastes-team/dynastes
A collection of layers, ops, utilities and more for TensorFlow 2.0 high-level API Keras
Language: Python - Size: 658 KB - Last synced at: 17 days ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 1

lywood/extra_keras_layers
Custom keras layers for hyperspectral data and RNNs
Language: Python - Size: 9.77 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Karan-Malik/WordEmbeddings
Creating Word Embeddings using Keras
Language: Jupyter Notebook - Size: 24.5 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

ensan-hcl/BezierToImageLayer
transform sets of bezier curves into a raster image
Language: Python - Size: 6.84 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

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: almost 3 years ago - Stars: 5 - Forks: 5

imtej/Stock-Trend-and-Price-Prediction-using-DL
Stock Trend and Price Prediction using Deep Learning Model (Using a sequence Model "LSTM: Long Short Term Memory Network")
Language: Jupyter Notebook - Size: 5.63 MB - Last synced at: about 1 year ago - Pushed at: about 1 year 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

sharathsrini/Behavioral-Clonning
This repository contains starting files for the Behavioral Cloning Project. In this project, you will use what you've learned about deep neural networks and convolutional neural networks to clone driving behavior. You will train, validate and test a model using Keras. The model will output a steering angle to an autonomous vehicle. We have provided a simulator where you can steer a car around a track for data collection. You'll use image data and steering angles to train a neural network and then use this model to drive the car autonomously around the track. We also want you to create a detailed writeup of the project. Check out the writeup template for this project and use it as a starting point for creating your own writeup. The writeup can be either a markdown file or a pdf document. To meet specifications, the project will require submitting five files: model.py (script used to create and train the model) drive.py (script to drive the car - feel free to modify this file) model.h5 (a trained Keras model) a report writeup file (either markdown or pdf) video.mp4 (a video recording of your vehicle driving autonomously around the track for at least one full lap) This README file describes how to output the video in the "Details About Files In This Directory" section.
Language: HTML - Size: 39.6 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

cbaziotis/keras-utilities
Utilities for Keras - Deep Learning library
Language: Python - Size: 27.3 KB - Last synced at: 23 days ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 9

uzaymacar/attention-mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
Language: Python - Size: 525 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 326 - Forks: 83

terminalai/kca
Keras Core Addons: Useful extra functionality for Keras Core.
Language: Python - Size: 51.8 KB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

HarishValliappan/Gun-classification-using-gunshot
Multiclass Gun classification using gunshot audio data using YAMNet Transfer learning approach with help of keras layers
Language: Jupyter Notebook - Size: 77.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

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

KaiWen1997/WS-with-BN-GN-in-P2P
用tensorflow2實現weight standardization,為了訓練方便將其建立成keras layer。
Language: Python - Size: 42 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

b-tao/X-Ray_Bone_Classifier
Convolutional Neural Network Architecture to classify Bone Fractures from X-Ray Images
Language: Jupyter Notebook - Size: 78.8 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

gaborvecsei/Ridurre-Network-Filter-Pruning-Keras
Keras model convolutional filter pruning package
Language: Python - Size: 190 KB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 44 - Forks: 13

mrpep/SpecAugment
A minimalistic Tensorflow 2.x Keras layer which applies SpecAugment to its input
Language: Jupyter Notebook - Size: 793 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 2

sethhardik/language-model-machine-learning
language model for basic jack and jill poem using RNN
Language: Python - Size: 1.95 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 0

Billie-LS/DeepL_Adventure_Angels
Deep Learning model for predicting success of venture capital recipients
Language: Jupyter Notebook - Size: 44.1 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

dapurv5/keras-neural-tensor-layer
Neural Tensor Network Implementation as a keras layer
Language: Python - Size: 46.9 KB - Last synced at: about 1 month ago - Pushed at: about 8 years ago - Stars: 59 - Forks: 17

manasik29/Assignment_Prediction_Turbine_Energy_Yield
Predicting turbine energy yield (TEY) using ambient variables as features.
Language: Jupyter Notebook - Size: 3.32 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

HismaelOliveira/RBM
Restricted Boltzmann Machines as Keras Layer
Language: Python - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 6

danielegrattarola/keras-multiplexer
A Keras layer that acts as multiplexer for Dense layers (Tensorflow backend only)
Language: Python - Size: 12.7 KB - Last synced at: 27 days ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

kristpapadopoulos/keras-exponential-smoothing
Keras, Tensorflow eager execution layers for exponential smoothing
Language: Python - Size: 162 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

M-68/ActivationFunctions
Implementing activation functions from scratch in Tensorflow.
Language: Jupyter Notebook - Size: 202 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 36 - Forks: 4

Dwijraj/Natural-Language-Processing
Beginning with NLP
Language: Jupyter Notebook - Size: 3.17 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

mpbasto/TL-predicts-doggos
Using Transfer Learning and TensorFlow to Classify Different Dog Breeds (Machine Learning and Data Science course)
Language: Jupyter Notebook - Size: 6.57 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

pedro-r-marques/keras-list-mapper
A Keras layer that performs a map operation over a ragged tensor
Language: Python - Size: 43.9 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

UPEIChemistry/atomic-images
Language: Python - Size: 67.4 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 2

sharatsawhney/character_segmentation
A detailed Research project on Character-Segmentation using Neural Networks!
Language: Python - Size: 127 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 6

Kautenja/robust-graph-convolutional-networks-against-adversarial-attacks-implementation
A Keras implementation of the paper "Robust Graph Convolutional Networks Against Adversarial Attacks"
Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

ramarav/Introduction-to-TensorFlow-for-Artificial-Intelligence-Machine-Learning-and-Deep-Learning
Introduction to TensorFlow for Artificial Intelligence, Machine Learning, and Deep Learning - Coursera course practice files.
Language: Jupyter Notebook - Size: 3.13 MB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

atifkarim/Traffic-Signal-Classification-using-Keras-and-CPP
Image classification using Keras and implement forward pass using Python(only numpy) and C++ for FPGA
Language: Jupyter Notebook - Size: 688 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

nhatthaiquang-agilityio/sentiment-with-deep-learning
Predict Sentiment From Movie Review Using Deep Learning
Language: Python - Size: 4.88 KB - Last synced at: 9 days ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

irfanalidv/Applied_Deep_Neural_Networks_using_Keras
Deep Neural Networks with Keras and Tensorflow.Deep learning is one of the leading tools in data analysis these days and one of the most common frameworks for deep learning is Keras.
Language: Jupyter Notebook - Size: 64.1 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0
