A New Optimization Technique for Deep Neural Networks
Support
Quality
Security
License
Reuse
GPU-accelerated Deep Learning on Windows 10 native
Support
Quality
Security
License
Reuse
Keras implementation of "DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial Networks"
Support
Quality
Security
License
Reuse
Real-time Joint Semantic Reasoning for Autonomous Driving
Support
Quality
Security
License
Reuse
H
Jupyter Notebook 
521
Version:Current
License: No License (No License)
Notes & exercise solutions of Part I from the book: "Hands-On ML with Scikit-Learn, Keras & TensorFlow: Concepts, Tools, and Techniques to Build Intelligent Systems" by Aurelien Geron
Support
Quality
Security
License
Reuse
Practise of DeepID for Face Classification
Support
Quality
Security
License
Reuse
Automatically generate headlines to short articles
Support
Quality
Security
License
Reuse
TensorFlow implementation of Independently Recurrent Neural Networks
Support
Quality
Security
License
Reuse
Support
Quality
Security
License
Reuse
My Keras implementation of the Deep Semantic Similarity Model (DSSM)/Convolutional Latent Semantic Model (CLSM) described here: http://research.microsoft.com/pubs/226585/cikm2014_cdssm_final.pdf.
Support
Quality
Security
License
Reuse
Keras Implementation of faster-rcnn
Support
Quality
Security
License
Reuse
这是一个yolo3-keras的源码,可以用于训练自己的模型。
Support
Quality
Security
License
Reuse
Keras implementation of 'LipNet: End-to-End Sentence-level Lipreading'
Support
Quality
Security
License
Reuse
An Application Built With Late Night Developers In Mind
Support
Quality
Security
License
Reuse
T2F: text to face generation using Deep Learning
Support
Quality
Security
License
Reuse
A couple of simple GANs in Keras
Support
Quality
Security
License
Reuse
P
Predictive-Maintenance-using-LSTMby umbertogriffo
Python 
493
Version:Current
License: Permissive (MIT)
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Support
Quality
Security
License
Reuse
f
flask-keras-cnn-image-retrievalby willard-yuan
Python 
491
Version:Current
License: No License (No License)
🚀CNN-based image retrieval built on Keras
Support
Quality
Security
License
Reuse
Modular Natural Language Processing workflows with Keras
Support
Quality
Security
License
Reuse
The Tensorflow, Keras implementation of U-net, V-net, U-net++, UNET 3+, Attention U-net, R2U-net, ResUnet-a, U^2-Net, TransUNET, and Swin-UNET with optional ImageNet-trained backbones.
Support
Quality
Security
License
Reuse
Clean Code in Python, published by Packt
Support
Quality
Security
License
Reuse
唐诗、宋词生成器,有详细说明
Support
Quality
Security
License
Reuse
DanceNet -💃💃Dance generator using Autoencoder, LSTM and Mixture Density Network. (Keras)
Support
Quality
Security
License
Reuse
[Reimplementation Antol et al 2015] Keras-based LSTM/CNN models for Visual Question Answering
Support
Quality
Security
License
Reuse
A TensorBoard plugin for visualizing arbitrary tensors in a video as your network trains.
Support
Quality
Security
License
Reuse
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Support
Quality
Security
License
Reuse
code accompanying "DeepBach: a Steerable Model for Bach Chorales Generation" paper
Support
Quality
Security
License
Reuse
QKeras: a quantization deep learning library for Tensorflow Keras
Support
Quality
Security
License
Reuse
The NEST simulator
Support
Quality
Security
License
Reuse
A tool to discover hidden variation in video.
Support
Quality
Security
License
Reuse
sliced-rnn
Support
Quality
Security
License
Reuse
Keras Implementation of Google's Inception-V4 Architecture (includes Keras compatible pre-trained weights)
Support
Quality
Security
License
Reuse
U
Urban-Sound-Classificationby aqibsaeed
Jupyter Notebook 
461
Version:Current
License: Permissive (Apache-2.0)
Urban sound classification using Deep Learning
Support
Quality
Security
License
Reuse
Code and models for "Learning to Compare Image Patches via Convolutional Neural Networks"
Support
Quality
Security
License
Reuse
Keras implementation for Deep Embedding Clustering (DEC)
Support
Quality
Security
License
Reuse
yolov4 42.0% mAP.ppyolo 45.1% mAP.
Support
Quality
Security
License
Reuse
T
Tensorflow-for-stock-predictionby kimber-chen
Jupyter Notebook 
446
Version:Current
License: No License (No License)
Use Tensorflow to run CNN for predict stock movement. Hope to find out which pattern will follow the price rising.
Support
Quality
Security
License
Reuse
Keras implementation of the graph attention networks (GAT) by Veličković et al. (2017; https://arxiv.org/abs/1710.10903)
Support
Quality
Security
License
Reuse
d
deep-learning-HARby healthDataScience
Jupyter Notebook 
443
Version:Current
License: No License (No License)
Convolutional and LSTM networks to classify human activity
Support
Quality
Security
License
Reuse
libfaceid is a research framework for prototyping of face recognition solutions. It seamlessly integrates multiple detection, recognition and liveness models w/ speech synthesis and speech recognition.
Support
Quality
Security
License
Reuse
Deep Learning with TensorFlow, Keras, and PyTorch
Support
Quality
Security
License
Reuse
Official Code for Invertible Residual Networks
Support
Quality
Security
License
Reuse
Tensorflow 2.x implementation of the DTLN real time speech denoising model. With TF-lite, ONNX and real-time audio processing support.
Support
Quality
Security
License
Reuse
Một cuốn sách tương tác về học sâu có mã nguồn, toán và thảo luận. Đề cập đến nhiều framework phổ biến (TensorFlow, Pytorch & MXNet) và được sử dụng tại 175 trường Đại học.
Support
Quality
Security
License
Reuse
Voice Activity Detector in Python
Support
Quality
Security
License
Reuse
A
Amazing-Semantic-Segmentationby luyanger1799
Python 
432
Version:Current
License: Permissive (Apache-2.0)
Amazing Semantic Segmentation on Tensorflow && Keras (include FCN, UNet, SegNet, PSPNet, PAN, RefineNet, DeepLabV3, DeepLabV3+, DenseASPP, BiSegNet)
Support
Quality
Security
License
Reuse
Convert scikit-learn models and pipelines to ONNX
Support
Quality
Security
License
Reuse
Code for YouTube series: Deep Learning for Audio Classification
Support
Quality
Security
License
Reuse
E
End-to-end-for-chinese-plate-recognitionby duanshengliu
Python 
426
Version:Current
License: No License (No License)
基于u-net,cv2以及cnn的中文车牌定位,矫正和端到端识别软件,其中unet和cv2用于车牌定位和矫正,cnn进行车牌识别,unet和cnn都是基于tensorflow的keras实现
Support
Quality
Security
License
Reuse
Keras Layer implementation of Attention for Sequential models
Support
Quality
Security
License
Reuse
G
Gradient-Centralizationby Yonghongwei
A New Optimization Technique for Deep Neural Networks
Python
524
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
d
dlwinby philferriere
GPU-accelerated Deep Learning on Windows 10 native
Python
522
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
d
deblur-ganby RaphaelMeudec
Keras implementation of "DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial Networks"
Python
521
Updated: 3 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
M
MultiNetby MarvinTeichmann
Real-time Joint Semantic Reasoning for Autonomous Driving
Python
521
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
H
Hands-on-Machine-Learning-with-Scikit-Learn-Keras-and-TensorFlowby Akramz
Notes & exercise solutions of Part I from the book: "Hands-On ML with Scikit-Learn, Keras & TensorFlow: Concepts, Tools, and Techniques to Build Intelligent Systems" by Aurelien Geron
Jupyter Notebook
521
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
D
DeepID_FaceClassifyby stdcoutzyx
Practise of DeepID for Face Classification
Python
520
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
h
headlinesby udibr
Automatically generate headlines to short articles
Jupyter Notebook
520
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
i
indrnnby batzner
TensorFlow implementation of Independently Recurrent Neural Networks
Python
515
Updated: 4 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
S
Satellite-Segmentationby AstarLight
Python
513
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
D
Deep-Semantic-Similarity-Modelby airalcorn2
My Keras implementation of the Deep Semantic Similarity Model (DSSM)/Convolutional Latent Semantic Model (CLSM) described here: http://research.microsoft.com/pubs/226585/cikm2014_cdssm_final.pdf.
Python
512
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
k
keras_frcnnby jinfagang
Keras Implementation of faster-rcnn
Python
510
Updated: 3 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
y
yolo3-kerasby bubbliiiing
这是一个yolo3-keras的源码,可以用于训练自己的模型。
Python
507
Updated: 3 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
L
LipNetby rizkiarm
Keras implementation of 'LipNet: End-to-End Sentence-level Lipreading'
Python
505
Updated: 3 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
S
Sandmanby alexanderepstein
An Application Built With Late Night Developers In Mind
JavaScript
505
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
T
T2Fby akanimax
T2F: text to face generation using Deep Learning
Python
502
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
K
KerasGANby osh
A couple of simple GANs in Keras
Jupyter Notebook
501
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
P
Predictive-Maintenance-using-LSTMby umbertogriffo
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Python
493
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
f
flask-keras-cnn-image-retrievalby willard-yuan
🚀CNN-based image retrieval built on Keras
Python
491
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
k
keras-nlpby keras-team
Modular Natural Language Processing workflows with Keras
Python
488
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
k
keras-unet-collectionby yingkaisha
The Tensorflow, Keras implementation of U-net, V-net, U-net++, UNET 3+, Attention U-net, R2U-net, ResUnet-a, U^2-Net, TransUNET, and Swin-UNET with optional ImageNet-trained backbones.
Python
484
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
C
Clean-Code-in-Pythonby PacktPublishing
Clean Code in Python, published by Packt
Python
482
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
C
Chinese_poem_generatorby hjptriplebee
唐诗、宋词生成器,有详细说明
Python
481
Updated: 2 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
d
dancenetby jsn5
DanceNet -💃💃Dance generator using Autoencoder, LSTM and Mixture Density Network. (Keras)
Python
478
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
v
visual-qaby avisingh599
[Reimplementation Antol et al 2015] Keras-based LSTM/CNN models for Visual Question Answering
Python
475
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
b
beholderby chrisranderson
A TensorBoard plugin for visualizing arbitrary tensors in a video as your network trains.
Python
474
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
D
Deep-RL-Kerasby germain-hug
Keras Implementation of popular Deep RL Algorithms (A3C, DDQN, DDPG, Dueling DDQN)
Python
474
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
D
DeepBachby Ghadjeres
code accompanying "DeepBach: a Steerable Model for Bach Chorales Generation" paper
Python
472
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
q
qkerasby google
QKeras: a quantization deep learning library for Tensorflow Keras
Python
472
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
n
Support
Quality
Security
License
Reuse
e
eulerian-magnificationby brycedrennan
A tool to discover hidden variation in video.
Python
468
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
s
Support
Quality
Security
License
Reuse
k
keras-inceptionV4by kentsommer
Keras Implementation of Google's Inception-V4 Architecture (includes Keras compatible pre-trained weights)
Python
461
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
U
Urban-Sound-Classificationby aqibsaeed
Urban sound classification using Deep Learning
Jupyter Notebook
461
Updated: 4 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
c
cvpr15deepcompareby szagoruyko
Code and models for "Learning to Compare Image Patches via Convolutional Neural Networks"
C++
460
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
D
DEC-kerasby XifengGuo
Keras implementation for Deep Embedding Clustering (DEC)
Python
451
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
K
Keras-YOLOv4by miemie2013
yolov4 42.0% mAP.ppyolo 45.1% mAP.
Python
449
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
T
Tensorflow-for-stock-predictionby kimber-chen
Use Tensorflow to run CNN for predict stock movement. Hope to find out which pattern will follow the price rising.
Jupyter Notebook
446
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
k
keras-gatby danielegrattarola
Keras implementation of the graph attention networks (GAT) by Veličković et al. (2017; https://arxiv.org/abs/1710.10903)
Python
445
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
d
deep-learning-HARby healthDataScience
Convolutional and LSTM networks to classify human activity
Jupyter Notebook
443
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
l
libfaceidby richmondu
libfaceid is a research framework for prototyping of face recognition solutions. It seamlessly integrates multiple detection, recognition and liveness models w/ speech synthesis and speech recognition.
Python
441
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
D
DLTFpTby jonkrohn
Deep Learning with TensorFlow, Keras, and PyTorch
Jupyter Notebook
439
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
i
invertible-resnetby jhjacobsen
Official Code for Invertible Residual Networks
Python
437
Updated: 3 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
D
DTLNby breizhn
Tensorflow 2.x implementation of the DTLN real time speech denoising model. With TF-lite, ONNX and real-time audio processing support.
Python
437
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
d
d2l-vnby mlbvn
Một cuốn sách tương tác về học sâu có mã nguồn, toán và thảo luận. Đề cập đến nhiều framework phổ biến (TensorFlow, Pytorch & MXNet) và được sử dụng tại 175 trường Đại học.
Python
437
Updated: 4 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
V
VAD-pythonby marsbroshok
Voice Activity Detector in Python
Python
434
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
A
Amazing-Semantic-Segmentationby luyanger1799
Amazing Semantic Segmentation on Tensorflow && Keras (include FCN, UNet, SegNet, PSPNet, PAN, RefineNet, DeepLabV3, DeepLabV3+, DenseASPP, BiSegNet)
Python
432
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
s
sklearn-onnxby onnx
Convert scikit-learn models and pipelines to ONNX
Python
430
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
A
Audio-Classificationby seth814
Code for YouTube series: Deep Learning for Audio Classification
Jupyter Notebook
430
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
E
End-to-end-for-chinese-plate-recognitionby duanshengliu
基于u-net,cv2以及cnn的中文车牌定位,矫正和端到端识别软件,其中unet和cv2用于车牌定位和矫正,cnn进行车牌识别,unet和cnn都是基于tensorflow的keras实现
Python
426
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
a
attention_kerasby thushv89
Keras Layer implementation of Attention for Sequential models
Python
424
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse