Projects in Awesome Lists tagged with keras-tutorials
A curated list of projects in awesome lists tagged with keras-tutorials .
https://github.com/leriomaggio/deep-learning-keras-tensorflow
Introduction to Deep Neural Networks with Keras and Tensorflow
anaconda cudnn deep-learning keras keras-tensorflow keras-tutorials python tensorflow theano tutorial
Last synced: 14 May 2025
https://github.com/ypwhs/captcha_break
验证码识别
captcha captcha-breaking crnn ctc-loss deep-learning jupyter-notebook keras keras-tutorials ocr pytorch-tutorial
Last synced: 15 May 2025
https://github.com/philipperemy/keract
Layers Outputs and Gradients in Keras. Made easy.
deep-learning keras keras-neural-networks keras-tutorials keras-visualization machine-learning mnist multi-inputs visualize-activations
Last synced: 14 May 2025
https://github.com/GoogleCloudPlatform/keras-idiomatic-programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
autoencoder automl dcgan deep-learning densenet inception keras keras-tutorials machine-learning mobilenet resnet resnext senet shufflenet siamese-network squeezenet tensorflow-keras vgg xception
Last synced: 03 Apr 2025
https://github.com/googlecloudplatform/keras-idiomatic-programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
autoencoder automl dcgan deep-learning densenet inception keras keras-tutorials machine-learning mobilenet resnet resnext senet shufflenet siamese-network squeezenet tensorflow-keras vgg xception
Last synced: 22 Jan 2025
https://github.com/ypwhs/dogs_vs_cats
猫狗大战
image-classification inception jupyter-notebook kaggle keras keras-tutorials resnet xception
Last synced: 04 Apr 2025
https://github.com/cgnorthcutt/benchmarking-keras-pytorch
🔥 Reproducibly benchmarking Keras and PyTorch models
benchmarking cnn cnn-classification cnn-keras deep-learning imagenet keras keras-tutorials pytorch pytorch-tutorial
Last synced: 07 Apr 2025
https://github.com/sozykin/dlpython_course
Примеры для курса "Программирование глубоких нейронных сетей на Python"
deep-learning deep-learning-tutorial deep-neural-networks keras keras-tensorflow keras-tutorials python tensorflow tensorflow-tutorials
Last synced: 06 Apr 2025
https://github.com/awslabs/keras-apache-mxnet
[DEPRECATED] Amazon Deep Learning's Keras with Apache MXNet support
apache-mxnet deep-learning keras keras-mxnet keras-neural-networks keras-tutorials mxnet python
Last synced: 27 Nov 2024
https://github.com/tgjeon/Keras-Tutorials
Simple tutorials using Keras Framework
deep-learning feedforward-neural-network keras keras-tutorials tensorflow
Last synced: 27 Nov 2024
https://github.com/tgjeon/keras-tutorials
Simple tutorials using Keras Framework
deep-learning feedforward-neural-network keras keras-tutorials tensorflow
Last synced: 09 Apr 2025
https://github.com/xei/recommender-system-tutorial
A step-by-step tutorial on developing a practical recommendation system (retrieval and ranking) using TensorFlow Recommenders and Keras.
information-retrieval keras keras-tutorials movielens movielens-movie-recommendation ranking ranking-system recommendation-engine recommendation-system recommender-system tensorflow tensorflow-datasets tensorflow-examples tensorflow-recommenders tensorflow-serving tensorflow-tutorials
Last synced: 31 Mar 2025
https://github.com/rajshah4/image_keras
Building an image classifier using keras
deep-learning image-classifier keras keras-tutorials notebook rstats tensorflow transfer-learning
Last synced: 13 Apr 2025
https://github.com/niekverw/Deep-Learning-Based-ECG-Annotator
Annotation of ECG signals using deep learning, tensorflow’ Keras
annotations deep-learning ecg ecg-data electrocardiogram example keras-tutorials lstm peak peaks qrs-detection segmentation tensorflow time-series tutorial wfdb
Last synced: 27 Nov 2024
https://github.com/hamelsmu/seq2seq_tutorial
Code For Medium Article "How To Create Data Products That Are Magical Using Sequence-to-Sequence Models"
data-science deep-learning deeplearning keras keras-tutorials machine-learning medium-article nlp-machine-learning rnn-encoder-decoder seq2seq-tutorial sequence-to-sequence
Last synced: 16 Mar 2025
https://github.com/hamelsmu/Seq2Seq_Tutorial
Code For Medium Article "How To Create Data Products That Are Magical Using Sequence-to-Sequence Models"
data-science deep-learning deeplearning keras keras-tutorials machine-learning medium-article nlp-machine-learning rnn-encoder-decoder seq2seq-tutorial sequence-to-sequence
Last synced: 26 Mar 2025
https://github.com/dudeperf3ct/dl_notebooks
This repo contains all the notebooks mentioned in blog.
allennlp bert char-rnn cnn cnn-visualization deep-learning elmo fastai-tutorials federated-learning gpt-2 gru keras-tutorials lstm mlp object-detection pytorch-tutorials style-transfer tensorflow-tutorials transfer-learning transfer-learning-nlp
Last synced: 14 Jun 2025
https://github.com/dudeperf3ct/DL_Notebooks
This repo contains all the notebooks mentioned in blog.
allennlp bert char-rnn cnn cnn-visualization deep-learning elmo fastai-tutorials federated-learning gpt-2 gru keras-tutorials lstm mlp object-detection pytorch-tutorials style-transfer tensorflow-tutorials transfer-learning transfer-learning-nlp
Last synced: 26 Nov 2024
https://github.com/benckx/dnn-movie-posters
Classify movie posters by genre
ai cnn cnn-classification keras keras-classification-models keras-tutorials machine-learning machine-learning-tutorial movies tensorflow tensorflow-examples tutorial
Last synced: 02 May 2025
https://github.com/bshao001/TF-Model-Deploy-Tutorial
A tutorial exploring multiple approaches to deploy a trained TensorFlow (or Keras) model or multiple models for prediction.
freeze-model keras keras-models keras-tensorflow keras-tutorials tensorflow tensorflow-models tensorflow-tutorials
Last synced: 27 Nov 2024
https://github.com/bshao001/tf-model-deploy-tutorial
A tutorial exploring multiple approaches to deploy a trained TensorFlow (or Keras) model or multiple models for prediction.
freeze-model keras keras-models keras-tensorflow keras-tutorials tensorflow tensorflow-models tensorflow-tutorials
Last synced: 09 Feb 2025
https://github.com/prakritidev/DeepLearning
This repository will contain the example detailed codes of Tensorflow and Keras, This repository will be useful for Deep Learning staters who find difficult to understand the example codes
deep-learning deep-learning-algorithms deep-learning-staters deep-learning-tutorial keras keras-models keras-tutorials
Last synced: 27 Nov 2024
https://github.com/deepsense-ai/Keras-PyTorch-AvP-transfer-learning
We pit Keras and PyTorch against each other, showing their strengths and weaknesses in action. We present a real problem, a matter of life-and-death: distinguishing Aliens from Predators!
alien keras keras-classification-models keras-models keras-neural-networks keras-tutorials predator pytorch pytorch-cnn pytorch-implementation pytorch-tutorial pytorch-tutorials
Last synced: 27 Nov 2024
https://github.com/philipperemy/keras-seq2seq-example
Toy Keras implementation of a seq2seq model with examples.
keras keras-neural-networks keras-tutorials seq2seq tensorflow
Last synced: 30 Apr 2025
https://github.com/ahmedbesbes/Understanding-deep-Convolutional-Neural-Networks-with-a-practical-use-case-in-Tensorflow-and-Keras
What makes convnets so powerful at image classification?
article blog computer-vision convnet convolution-filter convolutional-neural-networks data-science dataset deep-learning deep-learning-tutorial image-classification kaggle kaggle-cats kdd keras keras-tutorials python tensorflow
Last synced: 27 Nov 2024
https://github.com/ahmedbesbes/understanding-deep-convolutional-neural-networks-with-a-practical-use-case-in-tensorflow-and-keras
What makes convnets so powerful at image classification?
article blog computer-vision convnet convolution-filter convolutional-neural-networks data-science dataset deep-learning deep-learning-tutorial image-classification kaggle kaggle-cats kdd keras keras-tutorials python tensorflow
Last synced: 23 Nov 2024
https://github.com/ningshixian/Keras-Tutorial
Keras深度学习框架配置+Keras教程+Keras Trick
attention-model keras-implementations keras-tutorials
Last synced: 27 Nov 2024
https://github.com/tirendazacademy/deep-learning-with-tensorflow
Deep Learning with TensorFlow
deep-learning deep-learning-algorithms deep-learning-tutorial deep-neural-networks keras keras-tensorflow keras-tutorials machine-learning machinelearning-python tensorflow-examples tensorflow-models tensorflow-tutorials
Last synced: 09 Feb 2025
https://github.com/vi3k6i5/learning_ml
I am teaching a Learning ML workshop for some folks @ Belong.co. Creating this repo to organise the course material.
keras keras-tutorials machine-learning machine-learning-tutorials tensorflow tensorflow-tutorials
Last synced: 30 Dec 2024
https://github.com/SantoshPattar/ConvNet-OOP
ConvNet Implementation: An Object Oriented Approach using Keras API.
cnn convolution-neural-networks deep-learning keras keras-tutorials oop templates
Last synced: 27 Nov 2024
https://github.com/michaelmendoza/learning-tensorflow
Simple Tensorflow tutorials for learning by example
cifar10 convolutional-networks deep-learning example fft fourier-transform keras keras-tensorflow keras-tutorials learning-algorithms learning-tensorflow mnist-classification neural-network python segmentation tensorflow tensorflow-tutorial tensorflow2 tutorial unet
Last synced: 25 Jun 2025
https://github.com/chachamatcha/DL_Text_Classification
Collection of Deep Learning Text Classification Models in Keras; Includes a GPU tutorial.
benchmark benchmarks deep-learning deep-learning-tutorial deep-neural-networks gpu kaggle kaggle-competition keras keras-tutorials natural-language-processing nlp python tensorflow-gpu text text-classification text-processing toxic-comment-classification tutorial
Last synced: 27 Nov 2024
https://github.com/Yangyangii/MachineLearningTutorial
Tutorial for machine learning with python
keras-tutorials pytorch pytorch-gan pytorch-tutorial tensorflow-tutorials
Last synced: 26 Nov 2024
https://github.com/basemax/imagerecognition
Recognition of the images includes train and tests based on Python.
artificial-intelligence image-procesing image-processing image-processing-opencv image-processing-programming image-processing-python image-processor image-recognition keras keras-models keras-neural-networks keras-tensorflow keras-tutorials keras-visualization recognition recognition-color recognition-demo recognition-neural-network
Last synced: 05 May 2025
https://github.com/tabshaikh/Deep-Learning-with-tf.keras-with-mnist
A deep neural network with tensorflow and keras using mnist dataset
keras-implementations keras-tensorflow keras-tutorials neuralnetwork tensorflow-tutorials
Last synced: 27 Nov 2024
https://github.com/Golbstein/Keras-Real-Time-Style-Transfer
Real time style transfer in Keras
keras keras-tutorials real-time style-transfer
Last synced: 27 Nov 2024
https://github.com/dineshsonachalam/Tutorials-on-Keras-with-Tensorflow-Backend
Tensorflow basics
keras-tensorflow keras-tutorials neural-networks tensoflow tensorflow-tutorials
Last synced: 27 Nov 2024
https://github.com/atulapra/learnkeras
Learn keras with two simple examples
cifar-10 deep-learning keras keras-models keras-tutorials pima-indians-dataset
Last synced: 22 Mar 2025
https://github.com/royalbhati/keras-imageclassification
Image classification using keras with tensorflow as backend
cnn-keras computer-vision computervision keras keras-classification-models keras-examples keras-image-classifier keras-neural-networks keras-tensorflow keras-tutorials python python3
Last synced: 16 Mar 2025
https://github.com/serhatderya/deep_learning
This repository contains my notes from Deep Learning With Tensorflow 2.0 from codebasics YouTube channel
ai artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks deeplearning jupyter jupyter-notebook keras keras-neural-networks keras-tensorflow keras-tutorials neural-network neural-networks pyhon3 python tensorflow tensorflow-models tensorflow-tutorials tensorflow2
Last synced: 13 Jun 2025
https://github.com/proinsias/keras_tutorials
Keras Tutorials.
data-science keras keras-tutorials
Last synced: 22 Mar 2025
https://github.com/pavansomisetty21/image-classification-using-keras-pretrained-models
we classify the images with keras pre trained models like vgg 16 model ,Resnet-50 model and inception-v3 model
image-classification inception-v3 keras keras-classification-models keras-neural-networks keras-tensorflow keras-tutorials pretrained-models resnet-50 restnet50 vgg16
Last synced: 27 Feb 2025
https://github.com/jadbox/keras_pet_covnet
Simple Keras training and validation project to test against classifying cats and dogs
keras keras-neural-networks keras-tutorials
Last synced: 04 Mar 2025
https://github.com/deepschneider/faces-dcgan
DCGAN for human faces generation (Radford architecture, Keras framework)
dcgan dcgan-keras dcgan-model deep-learning deep-neural-networks deepfakes face-generation gan gan-keras image-generation image-generator keras keras-models keras-tutorials python radford
Last synced: 06 Mar 2025
https://github.com/amamory/google-colab-repos
My repo of Jupyter Notebooks
colab-notebook jupyter-notebook keras-tutorials onnx
Last synced: 15 Mar 2025
https://github.com/mdh266/neuralnetworkswithkeras
Image Recognition With Neural Networks In Keras
artificial-intelligence artificial-neural-networks image-recognition keras keras-neural-networks keras-tutorials neural-network-example neural-networks
Last synced: 26 Mar 2025
https://github.com/deepschneider/simpsons-dcgan
My attempt to design DCGAN
dcgan dcgan-keras dcgan-model dcgan-tensorflow deep-neural-networks deepfakes gan gan-keras keras keras-models keras-tensorflow keras-tutorials python radford simpsons-dcgan tensorflow tensorflow-models
Last synced: 06 Mar 2025