tensorflow-datasets
There are 47 repositories under tensorflow-datasets topic.
xei/recommender-system-tutorial
A step-by-step tutorial on developing a practical recommendation system (retrieval and ranking) using TensorFlow Recommenders and Keras.
secsilm/understaing-datasets-estimators-tfrecords
Try to use tf.estimator and tf.data together to train a cnn model.
captain-pool/GSOC
Repository for Google Summer of Code 2019 https://summerofcode.withgoogle.com/projects/#4662790671826944
himanshurawlani/practical_intro_to_tf2
Building an image classifier in TF2
drewszurko/tensorflow-WGAN-GP
TensorFlow 2.0 implementation of Improved Training of Wasserstein GANs
google-parfait/dataset_grouper
Libraries for efficient and scalable group-structured dataset pipelines.
larq/zookeeper
A small library for managing deep learning models, hyperparameters and datasets
ksachdeva/tiny-imagenet-tfds
tiny-imagenet dataset downloader & reader using tensorflow_datasets (tfds) api
jeongukjae/tfds-korean
A collection of Korean Text Datasets ready to use using Tensorflow-Datasets.
james77777778/keras-aug
A library that includes Keras 3 preprocessing and augmentation layers, providing support for various data types such as images, labels, bounding boxes, segmentation masks, and more.
franneck94/TensorCross
Cross Validation, Grid Search and Random Search for TensorFlow 2 Datasets
akb89/word2vec
Re-implementation of Word2Vec using Tensorflow v2 Estimators and Datasets
animikhaich/AlexNet-Tensorflow
GPU Optimized AlexNet Implementation to train on ImageNet 2012 using Tensorflow 2.x
npuichigo/tarzan
High-level API for tar-based dataset
sheatsley/datasets
Scripts for downloading, preprocessing, and numpy-ifying popular machine learning datasets
juvchan/amazon-sagemaker-tensorflow-custom-containers
This project shows step-by-step guide on how to build a real-world flower classifier of 102 flower types using TensorFlow, Amazon SageMaker, Docker and Python in a Jupyter Notebook.
mostafaelhoushi/keras-imagenet
Example to load, train, and evaluate ImageNet2012 dataset on a Keras model
akthammomani/MAXELLA-APP-Movies-Tensorflow-Recommenders-TFRS
Build MAXELLA App to recommend Movies using TensorFlow Recommenders (TFRS)
sayakpaul/Data-Pipelines-with-TensorFlow-Data-Services-Exercises
This repository contains the exercise notebooks for the Data Pipelines with TensorFlow Data Services (Coursera) course.
zincware/ZnH5MD
ZnH5MD - High Performance Interface for H5MD Trajectories
animikhaich/VGGNet-Tensorflow
VGGNet-Family (11, 13, 16 & 19) Implementation to train on ImageNet 2012 using Tensorflow 2.x
FlafyDev/emoji-drawings
Emoji Drawings dataset
santhoshkolloju/TfRecordPytorch
tfrecord
petrov826/tfrs
building recommendation system using TensorFlow Recommenders
adil-imran/Data-Augmentation---Deep-Learning
Tf dataset Citrus_leaves is demonstrated for the Data Augmentation deep learning.
ChanchalKumarMaji/Google-Summer-of-Code-2019
Google Summer of Code - 2019
Micky373/AI_projects
I've completed a number of deep learning and machine learning projects in this repository. In the future, I'll be adding other projects as well. The majority of the data was gathered from Kaggle, TensorFlow datasets, and other places that offer free data. In order to create my models, I used the Google Colab environment.
Micky373/potato_disease_classification_using_deep_learning
In this project I trained a CNN model and predicted three types of potato leaf. Either the potato may be healthy or has an early blight disease or late blight disase. The model has good accuracy on these 3 classes. But it is accepting only images of size (256,256) if we pass images other than that shape it won't work.
novasush/Parallelization-with-TFDS
We are going to use CPU for Extract , Transform and Load, and GPU for training model parallelly
sitamgithub-MSIT/MalDetect
A Deep Learning application for Malaria Detection
VikramjitSinghRathee/Convolutional-Neural-Network-from-Scratch-for-Crop-Disease-Classification---Agriculture-Domain
Create Convolutional Neural Network from scratch with potato disease classification. App will allow farmers to snap a picture of a plant and determine whether the plant has a disease or not.
VikramjitSinghRathee/Finetuning-with-Pre_Trained-Mobilenet_v2-for-Crop-Disease-Classification---Agriculture-Domain
Utilize mobilenet_v2 and Finetune it with potato disease image dataset (3 classes). App will allow farmers to snap a picture of a plant and determine whether the plant has a disease or not.
YonoHub/Introducing-TensorFlow-Datasets-in-YonoHub-Suit
The repository contains the materials discussed in part 1 of the Image Classification with YonoHub & Tensorflow V2.0Â Series
polaternez/citrus-diseases-detection
Classifying citrus leaf images based on disease type using Convolutional Neural Networks(CNNs).
zakideep/Object-detection_model_with_transfer_learning-
The goal of this project is to develop an object detection model using the KITTI dataset, sourced from TensorFlow Datasets. This project will leverage Python and the TensorFlow library to build, train, and evaluate the model, focusing on detecting various objects in urban street scenes as captured in the KITTI dataset using Transfer Learning.