tensorflow-hub
There are 79 repositories under tensorflow-hub topic.
MartinoMensio/spacy-universal-sentence-encoder
Google USE (Universal Sentence Encoder) for spaCy
hmohebbi/SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Frightera/Sample-Machine-Learning-Projects
Some example projects that was made using Tensorflow (mostly). This repository contains the projects that I've experimented-tried when I was new in Deep Learning.
sayakpaul/keras-xla-benchmarks
Presents comprehensive benchmarks of XLA-compatible pre-trained models in Keras.
jjkoh95/aa-nps-analysis
NPS sentiment analysis
Hugging-Face-Supporter/tftokenizers
Use Huggingface Transformer and Tokenizers as Tensorflow Reusable SavedModels
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.
barzansaeedpour/predicting-bounding-boxes-for-image-detection
In this repository we use tensorflow hub pretrained modules to detect objects in images and draw bounding boxes around the detected objects using the outputs
Kazuhito00/Mobile-Object-Localizer-Sample
Google MobileObjectLocalizerのPythonでの動作サンプル。ONNXに変換したモデルも同梱。
vineetm/tf-similar-sentences
Find similar sentences using Tensorflow Hub for English Wikipedia
Iliescu-Dorin/FaceExpressionEnsemble
Face Expression Recognition with ensemble for InceptionV3, ResNet50, MobileNetV2
golamSaroar/tensorflow-deployment-specialization
This repository contains notebooks from the Coursera specialization TensorFlow: Data and Deployment.
WI-KIWI/DAGM_2007
Use transfer learning to play with an dataset for Industrial Optical Inspection
Adminixtrator/Next-Word-Prediction-using-Universal-Sentence-Encoder
Next Word Prediction using Google's Universal Sentence Encoder from Tensorflow hub. lol
bits-bytes-nn/state-farm-detection
State Farm Distracted Driver Detection via Image Classification
Justsecret123/Human-pose-estimation
A quick tutorial on multi-pose estimation with OpenCV, Tensorflow and MoveNet lightning.
mdietrichstein/tfhub-exporter
Export and optimize Tensorflow Hub models for inference and deployment
sungsujaing/NeuralStyleTransfer_custom
one-style and multi-style custom neural transformation
ahmedshahriar/Sentiment-Analysis
Sentiment Analysis Projects
dailystudio/tflite-run-inference-with-metadata
This repostiory illustrates three approches of using TensorFlow Lite models with metadata on Android platforms.
ihalhashem/Multi-Person-Pose-Estimation
This repo implements multi-person pose estimation using the efficient MoveNet architecture. With pre-trained models, fine-tuning scripts, and data utilities, this project offers a flexible and easy-to-use tool for real-time pose estimation in various applications.
nicholaspun/similar-images-purger
I go on a journey to find a representative set of images in my photo album. This takes me through basic tools (similar to those that solve the Document distance problem) and some deep learning tools as well.
RijoSLal/Look
Look is a powerful ML tool that upscale satellite images generated using ESRGAN built with TensorFlow Keras & Fastapi. It ensures high-quality scaling, preserving details and consistency, making images ready for further use or visualization. Ideal for enhancing images while maintaining precision
yashkim77/Document-Similarity
Semantic Textual Similarity between two document
yu-iskw/tensorflow-hub-with-ml-engine
Example of transfer learning with tensorflow-hub and Google ML Engine
akeyhero/off-the-shelf-object-detector
Off-the-shelf Object Detection API with a model in Tensorflow Hub
baotramduong/Quora-Insincere-Questions-Classification-with-NLP-Transfer-Learning-Using-TensorFlow-Hub
We are going to improve the quality of discussions on Quora platform by detecting toxic content. Specifically, we want to build a predictive NLP model that labels questions asked on Quora as either sincere or insincere.
codeslord/tfhub
Build a simple text classifier with TF-Hub
kavin-raja-d/Transfer-Learning-for-NLP-with-TensorFlow-Hub
Transfer Learning for Natural Language Processing (NLP) with TensorFlow Hub involves leveraging pre-trained models to boost the performance of a specific NLP task. TensorFlow Hub is a repository of reusable and pre-trained machine learning modules that can be easily integrated into TensorFlow models. It simplifies the process of using pre-trained m
manan-paneri-99/Disaster-Tweet-classification
NLP with disaster tweets
Rohit-Jain-2801/Art.ai
NeuralStyleTransfer
wowx1001/Team3_FinalProject
꽃다발 추천 웹 애플리케이션(Bouquet recommendation web application)
MinSiThu/fast-neural-style-transfer
Style Transfer Neural Network in tensorflow hub model
NemesLaszlo/Dog_Breed_Identification
Dog breed identification model to identify and label 120 different dog breeds.
omar-rad/cheatX
cheatX is a desktop application to detect plagarism in text by with machine learning
rkshiyaniya/Object-Detection-Using-TensorFlow
This repository contains Various Techniques that can be used for object detection.