All Projects → sourcedexter → Tfclassifier

sourcedexter / Tfclassifier

Tensorflow based training and classification scripts for text, images, etc

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tfclassifier

backprop
Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
Stars: ✭ 229 (-48.07%)
Mutual labels:  text-classification, image-classification
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (-94.78%)
Mutual labels:  image-classification, text-classification
Catalyst
Accelerated deep learning R&D
Stars: ✭ 2,804 (+535.83%)
Mutual labels:  image-classification, text-classification
deep-learning
Deep Learning Bootcamp
Stars: ✭ 60 (-86.39%)
Mutual labels:  text-classification, image-classification
ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
Stars: ✭ 18 (-95.92%)
Mutual labels:  text-classification, image-classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-14.97%)
Mutual labels:  image-classification, text-classification
FNet-pytorch
Unofficial implementation of Google's FNet: Mixing Tokens with Fourier Transforms
Stars: ✭ 204 (-53.74%)
Mutual labels:  text-classification, image-classification
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (-85.03%)
Mutual labels:  text-classification, image-classification
Spacy Streamlit
👑 spaCy building blocks and visualizers for Streamlit apps
Stars: ✭ 360 (-18.37%)
Mutual labels:  text-classification
Multi Label Text Classification
About Muti-Label Text Classification Based on Neural Network.
Stars: ✭ 397 (-9.98%)
Mutual labels:  text-classification
Text mining resources
Resources for learning about Text Mining and Natural Language Processing
Stars: ✭ 358 (-18.82%)
Mutual labels:  text-classification
Trashnet
Dataset of images of trash; Torch-based CNN for garbage image classification
Stars: ✭ 368 (-16.55%)
Mutual labels:  image-classification
Whatlang Rs
Natural language detection library for Rust. Try demo online: https://www.greyblake.com/whatlang/
Stars: ✭ 400 (-9.3%)
Mutual labels:  text-classification
Nlp Projects
word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding
Stars: ✭ 360 (-18.37%)
Mutual labels:  text-classification
Metaoptnet
Meta-Learning with Differentiable Convex Optimization (CVPR 2019 Oral)
Stars: ✭ 412 (-6.58%)
Mutual labels:  image-classification
Sianet
An easy to use C# deep learning library with CUDA/OpenCL support
Stars: ✭ 353 (-19.95%)
Mutual labels:  image-classification
Brevitas
Brevitas: quantization-aware training in PyTorch
Stars: ✭ 343 (-22.22%)
Mutual labels:  image-classification
Keras Text
Text Classification Library in Keras
Stars: ✭ 421 (-4.54%)
Mutual labels:  text-classification
Multi Class Text Classification Cnn
Classify Kaggle Consumer Finance Complaints into 11 classes. Build the model with CNN (Convolutional Neural Network) and Word Embeddings on Tensorflow.
Stars: ✭ 410 (-7.03%)
Mutual labels:  text-classification
Zhihu Text Classification
[2017知乎看山杯 多标签 文本分类] ye组(第六名) 解题方案
Stars: ✭ 392 (-11.11%)
Mutual labels:  text-classification

tfClassifier

This repository contains code to:

  1. setup the tensorflow imagenet classifier which is capable of identifying 1000 objects.
  2. setup a retraining script that takes in your own images and trains a new mdoel that you can use.
  3. Using tensorflow to build a text classification system.

setting up tensorflow classifier and retraining it

find the tutorials here:

  1. https://sourcedexter.com/quickly-setup-tensorflow-image-recognition/
  2. https://sourcedexter.com/retrain-tensorflow-inception-model/
  3. https://sourcedexter.com/tensorflow-text-classification
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].