keras-tensorflow
There are 4377 repositories under keras-tensorflow topic.
qubvel/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
christianversloot/machine-learning-articles
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
leriomaggio/deep-learning-keras-tensorflow
Introduction to Deep Neural Networks with Keras and Tensorflow
intel-analytics/BigDL-2.x
BigDL: Distributed TensorFlow, Keras and PyTorch on Apache Spark/Flink & Ray
naiveHobo/InvoiceNet
Deep neural network to extract intelligent information from invoice documents.
labmlai/labml
🔎 Monitor deep learning model training and hardware usage from your mobile phone 📱
guanshuicheng/invoice
Collaboration with wangxupeng(https://github.com/wangxupeng)
autonomio/talos
Hyperparameter Experiments with TensorFlow and Keras
ialhashim/DenseDepth
High Quality Monocular Depth Estimation via Transfer Learning
chandrikadeb7/Face-Mask-Detection
Face Mask Detection system based on computer vision and deep learning using OpenCV and Tensorflow/Keras
GoogleCloudPlatform/cloudml-samples
Cloud ML Engine repo. Please visit the new Vertex AI samples repo at https://github.com/GoogleCloudPlatform/vertex-ai-samples
cszn/DnCNN
Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising (TIP, 2017)
KartikChugh/Otto
Otto makes machine learning an intuitive, natural language experience. 🏆 Facebook AI Hackathon winner ⭐️ #1 Trending on MadeWithML.com ⭐️ #4 Trending JavaScript Project on GitHub ⭐️ #15 Trending (All Languages) on GitHub
gmalivenko/pytorch2keras
PyTorch to Keras model convertor
kaiwaehner/kafka-streams-machine-learning-examples
This project contains examples which demonstrate how to deploy analytic models to mission-critical, scalable production environments leveraging Apache Kafka and its Streams API. Models are built with Python, H2O, TensorFlow, Keras, DeepLearning4 and other technologies.
codebasics/deep-learning-keras-tf-tutorial
Learn deep learning with tensorflow2.0, keras and python through this comprehensive deep learning tutorial series. Learn deep learning from scratch. Deep learning series for beginners. Tensorflow tutorials, tensorflow 2.0 tutorial. deep learning tutorial python.
VivekPa/IntroNeuralNetworks
Introducing neural networks to predict stock prices
lsdefine/attention-is-all-you-need-keras
A Keras+TensorFlow Implementation of the Transformer: Attention Is All You Need
umbertogriffo/Predictive-Maintenance-using-LSTM
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
mattmurray/music_recommender
Music recommender using deep learning with Keras and TensorFlow
zepingyu0512/srnn
sliced-rnn
luyanger1799/Amazing-Semantic-Segmentation
Amazing Semantic Segmentation on Tensorflow && Keras (include FCN, UNet, SegNet, PSPNet, PAN, RefineNet, DeepLabV3, DeepLabV3+, DenseASPP, BiSegNet)
rkcosmos/deepcut
A Thai word tokenization library using Deep Neural Network
SSSxCCC/Recommender-System
A developing recommender system in tensorflow2. Algorithm: UserCF, ItemCF, LFM, SLIM, GMF, MLP, NeuMF, FM, DeepFM, MKR, RippleNet, KGCN and so on.
robmarkcole/fire-detection-from-images
Detect fire in images using neural nets
GuitarML/GuitarLSTM
Deep learning models for guitar amp/pedal emulation using LSTM with Keras.
tsuirak/deeplearning.ai
该存储库包含由deeplearning.ai提供的相关课程的个人的笔记和实现代码。
Walleclipse/ChineseAddress_OCR
Photographing Chinese-Address OCR implemented using CTPN+CTC+Address Correction. 拍照文档中文地址文字识别。
karolzak/keras-unet
Helper package with multiple U-Net implementations in Keras as well as useful utility tools helpful when working with image semantic segmentation tasks. This library and underlying tools come from multiple projects I performed working on semantic segmentation tasks
ahmedfgad/Mask-RCNN-TF2
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow 2.0
AngeLouCN/DC-UNet
We proposed a novel U-Net-based model -- DC-UNet to do medical image segmentation.
Paperspace/DinoRunTutorial
Accompanying code for Paperspace tutorial "Build an AI to play Dino Run"
sozykin/dlpython_course
Примеры для курса "Программирование глубоких нейронных сетей на Python"
reachsumit/deep-unet-for-satellite-image-segmentation
Satellite Imagery Feature Detection with SpaceNet dataset using deep UNet
Rajat-dhyani/Stock-Price-Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
alexisbcook/ResNetCAM-keras
Keras implementation of a ResNet-CAM model