An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: tensorflow-models

Correia-jpv/fucking-awesome-tensorflow

TensorFlow - A curated list of dedicated resources. With repository stars⭐ and forks🍴

Size: 250 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 4 - Forks: 1

likedan/Awesome-CoreML-Models

Largest list of models for Core ML (for iOS 11+)

Language: Python - Size: 2.93 MB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 6,812 - Forks: 499

openvinotoolkit/open_model_zoo

Pre-trained Deep Learning models and demos (high quality and extremely fast)

Language: Python - Size: 298 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 4,286 - Forks: 1,392

microsoft/nn-Meter

A DNN inference latency prediction toolkit for accurately modeling and predicting the latency on diverse edge devices.

Language: Python - Size: 58.3 MB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 358 - Forks: 61

SPFlow/SPFlow

Sum Product Flow: An Easy and Extensible Library for Sum-Product Networks

Language: Python - Size: 125 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 303 - Forks: 81

margaretmz/awesome-tensorflow-lite

An awesome list of TensorFlow Lite models, samples, tutorials, tools and learning resources.

Size: 11.7 MB - Last synced at: 6 days ago - Pushed at: over 3 years ago - Stars: 1,331 - Forks: 182

mdietrichstein/tensorflow-open_nsfw

Tensorflow Implementation of Yahoo's Open NSFW Model

Language: Python - Size: 20.6 MB - Last synced at: 7 days ago - Pushed at: almost 5 years ago - Stars: 442 - Forks: 138

serizba/cppflow

Run TensorFlow models in C++ without installation and without Bazel

Language: C++ - Size: 8.36 MB - Last synced at: 11 days ago - Pushed at: about 1 year ago - Stars: 805 - Forks: 182

perseus784/BvS

An Image classifier to identify whether the given image is Batman or Superman using a CNN with high accuracy. (From getting images from google to saving our trained model for reuse.)

Language: Python - Size: 24.2 MB - Last synced at: 7 days ago - Pushed at: almost 6 years ago - Stars: 52 - Forks: 21

amitshekhariitbhu/AndroidTensorFlowMachineLearningExample

Android TensorFlow MachineLearning Example (Building TensorFlow for Android)

Language: Java - Size: 51.9 MB - Last synced at: 10 days ago - Pushed at: 5 months ago - Stars: 1,445 - Forks: 426

patlevin/face-detection-tflite

Face and iris detection for Python based on MediaPipe

Language: Python - Size: 6.67 MB - Last synced at: 13 days ago - Pushed at: about 1 month ago - Stars: 167 - Forks: 32

tobegit3hub/simple_tensorflow_serving

Generic and easy-to-use serving service for machine learning models

Language: JavaScript - Size: 26.1 MB - Last synced at: 15 days ago - Pushed at: 6 months ago - Stars: 760 - Forks: 191

gmalivenko/onnx2keras

Convert ONNX model graph to Keras model format.

Language: Python - Size: 175 KB - Last synced at: 26 days ago - Pushed at: about 1 year ago - Stars: 200 - Forks: 114

gmalivenko/pytorch2keras

PyTorch to Keras model convertor

Language: Python - Size: 237 KB - Last synced at: 28 days ago - Pushed at: almost 3 years ago - Stars: 859 - Forks: 142

howl-anderson/seq2annotation

基于 TensorFlow & PaddlePaddle 的通用序列标注算法库(目前包含 BiLSTM+CRF, Stacked-BiLSTM+CRF 和 IDCNN+CRF,更多算法正在持续添加中)实现中文分词(Tokenizer / segmentation)、词性标注(Part Of Speech, POS)和命名实体识别(Named Entity Recognition, NER)等序列标注任务。

Language: Python - Size: 8.81 MB - Last synced at: 17 days ago - Pushed at: almost 3 years ago - Stars: 85 - Forks: 22

Samuela31/Deep-Learning-Laboratory

Contains lab exercises for deep learning using TensorFlow and Keras done in semester 6 of college.

Language: Jupyter Notebook - Size: 2.22 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Ekow24/Loan-Default-Prediction

Loan Default Prediction Using Machine Learning Algorithms

Language: Jupyter Notebook - Size: 1.46 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

PINTO0309/tflite2tensorflow 📦

Generate saved_model, tfjs, tf-trt, EdgeTPU, CoreML, quantized tflite, ONNX, OpenVINO, Myriad Inference Engine blob and .pb from .tflite. Support for building environments with Docker. It is possible to directly access the host PC GUI and the camera to verify the operation. NVIDIA GPU (dGPU) support. Intel iHD GPU (iGPU) support. Supports inverse quantization of INT8 quantization model.

Language: Python - Size: 33.8 MB - Last synced at: 23 days ago - Pushed at: about 3 years ago - Stars: 269 - Forks: 42

Mind-the-Pineapple/Autoregressive-models

Tensorflow 2.0 implementation of Deep Autoregressive Models

Language: Jupyter Notebook - Size: 3.34 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 27 - Forks: 3

akshaymogaveera/Self-Driving-Robot-Using-Neural-Network

This project introduces the autonomous robot which is a scaled down version of actual self-driving vehicle and designed with the help of neural network. The main focus is on building autonomous robot and train it on a designed track with the help of neural network so that it can run autonomously without a controller or driver on that specific track. The robot will stream the video to laptop which will then take decisions and send the data to raspberry pi which will then control the robot using motor driver. This motor driver will move the robot in required directions. Neural Network is used to train the model by first driving the robot on the specially designed track by labeling the images with the directions to be taken. After the model is trained it can make accurate predictions by processing the images on computer. This approach is better than conventional method which is done by extracting specific feature from images.

Language: Python - Size: 2.25 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 16 - Forks: 10

rolczynski/Automatic-Speech-Recognition 📦

🎧 Automatic Speech Recognition: DeepSpeech & Seq2Seq (TensorFlow)

Language: Python - Size: 3.6 MB - Last synced at: 19 days ago - Pushed at: over 5 years ago - Stars: 225 - Forks: 63

ahmedshahriar/Sentiment-Analysis

Sentiment Analysis Projects

Language: HTML - Size: 17.3 MB - Last synced at: 7 days ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

McKlay/TensorFlow-Companion-Book

A personal guide and practical reference to mastering TensorFlow

Size: 948 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

changwookjun/ChatBot_seq2seq_extend

Chatbot using Tensorflow (Model is seq2seq) Extend V2.0 ko

Language: Python - Size: 494 KB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 27 - Forks: 8

jonbruner/generative-adversarial-networks

Introduction to generative adversarial networks, with code to accompany the O'Reilly tutorial on GANs

Language: Jupyter Notebook - Size: 96 MB - Last synced at: 4 months ago - Pushed at: about 7 years ago - Stars: 540 - Forks: 252

ahkarami/Deep-Learning-in-Production

In this repository, I will share some useful notes and references about deploying deep learning-based models in production.

Size: 315 KB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 4,345 - Forks: 691

lilianweng/transformer-tensorflow

Implementation of Transformer Model in Tensorflow

Language: Python - Size: 22.6 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 469 - Forks: 90

yell/boltzmann-machines

Boltzmann Machines in TensorFlow with examples

Language: Jupyter Notebook - Size: 354 MB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 848 - Forks: 136

leoli3024/Portrait_FCN_and_3D_Reconstruction

This project is to convert PortraitFCN+ (by Xiaoyong Shen) from Matlab to Tensorflow, then refine the outputs from it (converted to a trimap) using KNN and ResNet, supervised by Richard Berwick.

Language: Jupyter Notebook - Size: 205 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 61 - Forks: 7

sglvladi/TensorFlowObjectDetectionTutorial

A tutorial on object detection using TensorFlow

Size: 12.4 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 196 - Forks: 127

wagamamaz/tensorlayer-tricks

How to use TensorLayer

Size: 56.6 KB - Last synced at: 4 months ago - Pushed at: almost 7 years ago - Stars: 347 - Forks: 62

yuanxiaosc/Multiple-Relations-Extraction-Only-Look-Once

Multiple-Relations-Extraction-Only-Look-Once. Just look at the sentence once and extract the multiple pairs of entities and their corresponding relations. 端到端联合多关系抽取模型,可用于 http://lic2019.ccf.org.cn/kg 信息抽取。

Language: Python - Size: 238 KB - Last synced at: 4 months ago - Pushed at: about 6 years ago - Stars: 346 - Forks: 69

XierHacker/DeepModels

TensorFlow-Implement Deep Learning Models

Language: Python - Size: 73.2 KB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 8 - Forks: 1

chhayac/Machine-Learning-Notebooks

15+ Machine/Deep Learning Projects in Ipython Notebooks

Language: Jupyter Notebook - Size: 3.84 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 130 - Forks: 103

SuperBruceJia/EEG-Motor-Imagery-Classification-CNNs-TensorFlow

EEG Motor Imagery Tasks Classification (by Channels) via Convolutional Neural Networks (CNNs) based on TensorFlow

Language: Python - Size: 56.6 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 220 - Forks: 48

shubham0204/Age-Gender_Estimation_TF-Android

Age + Gender Estimation on Android with TensorFlow Lite

Language: Kotlin - Size: 22.7 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 68 - Forks: 17

men-in-stack/The-Third-Eye

An AI based application to identify currency and gives audio feedback.

Language: Java - Size: 18.2 MB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 65 - Forks: 25

pumpikano/tf-dann

Domain-Adversarial Neural Network in Tensorflow

Language: Jupyter Notebook - Size: 1.25 MB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 631 - Forks: 222

JieHe96/iOS_Tensorflow_ObjectDetection_Example

An iOS application of Tensorflow Object Detection with different models: SSD with Mobilenet, SSD with InceptionV2, Faster-RCNN-resnet101

Language: C++ - Size: 59 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 129 - Forks: 27

HasnainRaz/Skin-Segmentation-TensorFlow

A modified SegNet Convolutional Neural Net for segmenting human skin from images

Language: Python - Size: 43 KB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 59 - Forks: 12

amitshekhariitbhu/AndroidTensorFlowMNISTExample

Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)

Language: Java - Size: 15.4 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 463 - Forks: 97

anodicpassion/face_mask_detector

A real-time face mask detection system built with TensorFlow, Keras, OpenCV, and MobileNetV2. This project can detect whether a person is wearing a face mask or not using a webcam feed.

Language: Python - Size: 8.01 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

mat-kubiak/Hybrid-CGIQA

A Lightweight NR-IQA Model for CGIs Based on the CGIQA-6K Dataset

Language: Python - Size: 11.4 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

NVIDIA-AI-IOT/tf_to_trt_image_classification

Image classification with NVIDIA TensorRT from TensorFlow models.

Language: Python - Size: 59.6 KB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 457 - Forks: 154

wangleihitcs/MedicalReportGeneration

A Base Tensorflow Project for Medical Report Generation

Language: Python - Size: 69.7 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 72 - Forks: 18

dkeras-project/dkeras

Distributed Keras Engine, Make Keras faster with only one line of code.

Language: Python - Size: 6.48 MB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 188 - Forks: 12

balavenkatesh3322/audio-pretrained-model

A collection of Audio and Speech pre-trained models.

Size: 134 KB - Last synced at: 5 months ago - Pushed at: about 5 years ago - Stars: 188 - Forks: 26

a1302z/OktoberfestFoodDataset

Publication of our Oktoberfest Food Dataset for Object Detection methods

Language: Jupyter Notebook - Size: 7.54 MB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 28 - Forks: 4

stevefielding/tensorflow-anpr

Automatic Number (License) Plate Recognition using Tensorflow Object Detection API

Language: Python - Size: 3.45 MB - Last synced at: 4 months ago - Pushed at: almost 6 years ago - Stars: 217 - Forks: 80

CarryChang/C-CNN-for-Chinese-Sentiment-Analysis

基于字符级卷积神经网络的细粒度的中文情感分析以及具体的应用,将顾客打分和评论情感进行两极映射,使用数据自动标注和基于弱监督预训练的数据增强方式自动扩充和优化数据集,实验证实了在情感分类中,使用本文的字符级卷积神经网络(C-CNN-SA)可以在不依赖分词的情况下,达到的精度和 F 值均高于词级粒度。并将模型上线使用,利用tensoflow+flask restful做出的后端服务化,具体的项目细节和讲解看右面的ppt

Language: HTML - Size: 20.9 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 44 - Forks: 14

GianlucaPaolocci/Sound-classification-on-Raspberry-Pi-with-Tensorflow

In this project is presented a simple method to train an MLP neural network for audio signals. The trained model can be exported on a Raspberry Pi (2 or superior suggested) to classify audio signal registered with USB microphone

Language: Python - Size: 385 KB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 98 - Forks: 30

MuhammedBuyukkinaci/TensorFlow-Multiclass-Image-Classification-using-CNN-s

Balanced Multiclass Image Classification with TensorFlow on Python.

Language: Python - Size: 144 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 71 - Forks: 38

IBM/tensorflow-kubernetes-art-classification 📦

Train a TensorFlow model on Kubernetes to recognize art culture based on the collection from the Metropolitan Museum of Art

Language: Python - Size: 98.7 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 58 - Forks: 31

sebastian-sz/efficientnet-v2-keras

Efficientnet V2 adapted to Keras functional API.

Language: Python - Size: 255 KB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 22 - Forks: 4

stevenobadja/math_object_detection

An image recognition/object detection model that detects handwritten digits and simple math operators. The output of the predicted objects (numbers & math operators) is then evaluated and solved.

Language: Python - Size: 413 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 66 - Forks: 19

devzwy/open_nsfw_android 📦

🔥🔥🔥色情图片离线识别,基于TensorFlow实现。识别只需20ms,可断网测试,成功率99%,调用只要一行代码,从雅虎的开源项目open_nsfw移植,该模型文件可用于iOS、java、C++等平台

Language: Java - Size: 185 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 1,910 - Forks: 343

ndrplz/differentiable-renderer

Rastering algorithm to approximate the rendering of a 3D model silhouette in a fully differentiable way.

Language: Python - Size: 7.12 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 82 - Forks: 12

andi611/DQN-Deep-Q-Network-Atari-Breakout-Tensorflow

Training a vision-based agent with the Deep Q Learning Network (DQN) in Atari's Breakout environment, implementation in Tensorflow.

Language: Python - Size: 50.3 MB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 16 - Forks: 8

DongjunLee/text-cnn-tensorflow

Convolutional Neural Networks for Sentence Classification(TextCNN) implements by TensorFlow

Language: Python - Size: 2.39 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 250 - Forks: 67

simranjeet97/ChatBot_Tensorflow_NLP

Artificial Intelligent ChatBot using Tensorflow and NLP that understand the Context and Intent of Human Language.

Language: Jupyter Notebook - Size: 466 KB - Last synced at: 5 months ago - Pushed at: about 5 years ago - Stars: 31 - Forks: 21

vkuznet/TFaaS

TensorFlow as a Service, a general purpose framework to serve TF models.

Language: JavaScript - Size: 11.5 MB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 54 - Forks: 6

MingtaoGuo/CNN-for-Chinese-Calligraphy-Styles-classification

A convolution neural network with SE block and haar wavelet block for Chinese calligraphy styles classification by TensorFlow.(Paper: A novel CNN structure for fine-grained classification of Chinesecalligraphy styles)

Language: Python - Size: 9.67 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 43 - Forks: 4

zenika-open-source/zevision

ZeVision - Computer vision API based on deep learning

Language: Python - Size: 221 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 5

pythonlessons/TensorFlow-object-detection-tutorial

The purpose of this tutorial is to learn how to install and prepare TensorFlow framework to train your own convolutional neural network object detection classifier for multiple objects, starting from scratch

Language: Python - Size: 224 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 154 - Forks: 99

hengluchang/deep-news-summarization

News summarization using sequence to sequence model with attention in TensorFlow.

Language: Python - Size: 1.19 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 188 - Forks: 62

shubham0204/Realtime_MiDaS_Depth_Estimation_Android

Monocular Depth Estimation using MiDaS in Android

Language: Kotlin - Size: 69.3 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 4

rajshah4/tensorflow_shiny

A R/Shiny app for interactive RNN tensorflow models

Language: Jupyter Notebook - Size: 150 KB - Last synced at: 5 months ago - Pushed at: almost 9 years ago - Stars: 118 - Forks: 40

cloud2010/dl-models

Collection of RNN GAN SNN CNN in Tensorflow

Language: Jupyter Notebook - Size: 7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 4

alex-lechner/Traffic-Light-Classification

A detailed tutorial on how to build a traffic light classifier with TensorFlow for the capstone project of Udacity's Self-Driving Car Engineer Nanodegree Program.

Language: Jupyter Notebook - Size: 760 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 119 - Forks: 56

zakideep/Object-detection_model_with_transfer_learning-

This project uses transfer learning with ResNet50 for object detection. It identifies and localizes objects in images by drawing bounding boxes, leveraging the KITTI dataset for training.

Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Anupam0202/Handwritten-Chemical_Compound-Detection

Handwritten Chemical Detection by Tensorflow Object Detection API

Language: Jupyter Notebook - Size: 5.54 MB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

cedrickchee/models Fork of tensorflow/models

Models and examples built with TensorFlow

Language: Python - Size: 498 MB - Last synced at: 6 days ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 1

cedrickchee/StarGAN-Tensorflow Fork of taki0112/StarGAN-Tensorflow

Simple Tensorflow implementation of StarGAN (CVPR 2018 Oral)

Language: Python - Size: 9.2 MB - Last synced at: 6 days ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

TirendazAcademy/Deep-Learning-with-TensorFlow

Deep Learning with TensorFlow

Language: Jupyter Notebook - Size: 23.8 MB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 29 - Forks: 10

getcontrol/KYC-train-model

Train TensorFlow model for KYC

Language: Python - Size: 63.4 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 33 - Forks: 9

kasim95/OCR_Math_Expressions

A Deep Learning pipeline to recognize mathematical expressions from images

Language: Jupyter Notebook - Size: 380 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 2

camigord/Neural-Turing-Machine

TensorFlow implementation of a Neural Turing Machine

Language: Python - Size: 10.1 MB - Last synced at: 5 months ago - Pushed at: about 8 years ago - Stars: 25 - Forks: 9

headless-start/fashion-mnist-classifier

This repository contains Fashion MNIST Image Classification.

Language: Jupyter Notebook - Size: 176 KB - Last synced at: 21 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

sehansi-9/catstagram

instagram, but for cats only, post uploads are monitored through tensorflow cocossd image detection model

Language: JavaScript - Size: 3.87 MB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

siddk/relation-network

Tensorflow Implementation of Relation Networks for the bAbI QA Task, detailed in "A Simple Neural Network Module for Relational Reasoning," [https://arxiv.org/abs/1706.01427] by Santoro et. al.

Language: Python - Size: 3.42 MB - Last synced at: 5 months ago - Pushed at: about 8 years ago - Stars: 49 - Forks: 15

arrudadev/pet-scanner

POC of usage of the @tensorflow/tfjs-react-native using the model @tensorflow-models/mobilenet for dog breed recognition.

Language: TypeScript - Size: 806 KB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

acoadmarmon/resnet18-tensorflow

Implementation of ResNet18 using TensorFlow 2.0 Keras API. Currently ResNet 18 is not currently supported in base Tensorflow (see https://www.tensorflow.org/api_docs/python/tf/keras/applications for supported models), so a custom model is necessary to use this architecture.

Language: Python - Size: 8.79 KB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1

debasishray16/StockPredictor

This project basically aims to provide a visual representation and comparative analysis of close price data related to different company ticker. It involves an interactive dashboard for users to display analysis and prediction of stocks data by using LSTM + XG-Boost model

Language: JavaScript - Size: 78.4 MB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 2

siddk/entity-network

Tensorflow implementation of "Tracking the World State with Recurrent Entity Networks" [https://arxiv.org/abs/1612.03969] by Henaff, Weston, Szlam, Bordes, and LeCun.

Language: Python - Size: 19 MB - Last synced at: 5 months ago - Pushed at: over 8 years ago - Stars: 56 - Forks: 16

sevmardi/real-time-object-recognition

Recognition of multi-objects from images and real time web camera

Language: Python - Size: 124 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 8

NandaKumarMatha/Dermatology-Disease-Detection-with-TensorFlow-Dump

Identifying the type of disease caused on skin

Language: Python - Size: 506 MB - Last synced at: 8 months ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 1

BMW-InnovationLab/BMW-TensorFlow-Inference-API-GPU

This is a repository for an object detection inference API using the Tensorflow framework.

Language: Python - Size: 15.6 MB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 311 - Forks: 75

produvia/ai-platform 📦

An open-source platform for automating tasks using machine learning models

Language: Python - Size: 3.98 MB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 80 - Forks: 129

zayedrais/DocumentSearchEngine

Document Search Engine project with TF-IDF abd Google universal sentence encoder model

Language: Jupyter Notebook - Size: 28.6 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 53 - Forks: 24

taolei87/icml17_knn

Deriving Neural Architectures from Sequence and Graph Kernels

Language: Python - Size: 51.8 KB - Last synced at: 3 months ago - Pushed at: almost 8 years ago - Stars: 59 - Forks: 18

SQMah/Plate-Reading-Network

Plate reading network based on the LPRNet network written in Tensorflow 2.0

Language: Python - Size: 5.86 KB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 2

simars/classify_plants_animals_tf

Tenserflow Classify Plants and Animals

Language: Java - Size: 145 MB - Last synced at: 5 months ago - Pushed at: over 8 years ago - Stars: 4 - Forks: 0

FlyingFathead/gpt2-tensorflow-to-pytorch-converter

Convert TensorFlow-based GPT-2 models to Pytorch in a breeze

Language: Python - Size: 27.3 KB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

rani-sikdar/Tensorflow-Learning

A comprehensive repository for learning TensorFlow, featuring code examples, projects, and resources. Covers concepts from beginner to advanced, including neural networks, CNNs, RNNs, NLP, and deployment. Ideal for students, developers, and AI enthusiasts.

Language: Jupyter Notebook - Size: 605 KB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

seanyuner/cnn_models_in_tensorflow

使用TensorFlow自己搭建一些经典的CNN模型,并使用统一的数据来测试效果。

Language: Jupyter Notebook - Size: 116 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 1

KleinYuan/tf-object-detection

Simpler app for tensorflow object detection API

Language: Python - Size: 4.57 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 93 - Forks: 37

iondv/tensorflow-dataset

IONDV application for forming and marking up datasets and dataset based checking of the results of differently set tensorflow models training

Language: JavaScript - Size: 6.38 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

phanakata/ML_for_kirigami_design

Python package to model and to perform topology optimization for graphene kirigami using deep learning

Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 29 - Forks: 9

1044197988/Awesome-Tensorflow2

基于Tensorflow2开发的优秀扩展包及项目

Size: 130 KB - Last synced at: 4 days ago - Pushed at: over 5 years ago - Stars: 47 - Forks: 23

neuronets/trained-models

Trained TensorFlow models for 3D image processing

Language: Python - Size: 10.4 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 23 - Forks: 15

Related Keywords
tensorflow-models 391 tensorflow 263 deep-learning 108 machine-learning 91 python 80 tensorflow-tutorials 62 tensorflow-examples 52 keras 51 deep-neural-networks 41 tensorflow-experiments 40 python3 38 convolutional-neural-networks 34 object-detection 31 neural-network 30 keras-tensorflow 29 computer-vision 23 tensorflow2 23 image-classification 23 cnn 20 neural-networks 18 keras-models 18 tensorflowjs 17 keras-neural-networks 16 jupyter-notebook 15 tensorflow-lite 15 nlp 13 artificial-intelligence 13 android 13 gan 12 artificial-neural-networks 12 generative-adversarial-network 12 tensorboard 12 deeplearning 12 data-science 11 tensorflow-serving 10 pytorch 10 rnn 10 opencv 10 recurrent-neural-networks 10 cnn-classification 9 mnist 9 javascript 9 image-recognition 9 machinelearning 9 transfer-learning 9 rnn-tensorflow 8 tensorflow-gpu 8 numpy 8 tensorflow-object-detection-api 8 classification 8 cnn-model 8 linear-regression 8 docker 8 image-processing 8 ai 7 lstm 7 mnist-classification 7 machine-learning-algorithms 7 autoencoder 7 detection 7 faster-rcnn 7 react 7 inference 7 cnn-keras 7 mobilenet 6 reactjs 6 generative-model 6 deep-learning-tutorial 6 flask 6 segmentation 6 model 6 pytorch-models 6 opencv-python 6 ml 6 tflite 6 android-application 6 lstm-neural-networks 5 python-3 5 scikit-learn 5 resnet 5 mnist-handwriting-recognition 5 onnx 5 tensorflow-android 5 reinforcement-learning 5 dataset 5 pretrained-models 5 keras-tutorials 5 pandas 5 prediction 5 keras-implementations 5 gpu 5 awesome 4 natural-language-processing 4 docker-image 4 java 4 chatbot 4 image 4 tutorial 4 android-app 4 android-development 4