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

Topic: "tensorflow-models"

likedan/Awesome-CoreML-Models

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

Language: Python - Size: 2.92 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 6,673 - Forks: 491

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: 17 days ago - Pushed at: 7 months ago - Stars: 4,345 - Forks: 691

openvinotoolkit/open_model_zoo

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

Language: Python - Size: 298 MB - Last synced at: 18 days ago - Pushed at: 22 days ago - Stars: 4,216 - Forks: 1,379

devzwy/open_nsfw_android 📦

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

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

amitshekhariitbhu/AndroidTensorFlowMachineLearningExample

Android TensorFlow MachineLearning Example (Building TensorFlow for Android)

Language: Java - Size: 51.9 MB - Last synced at: 16 days ago - Pushed at: about 1 month ago - Stars: 1,438 - Forks: 427

margaretmz/awesome-tensorflow-lite

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

Size: 11.7 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1,293 - Forks: 181

gmalivenko/pytorch2keras

PyTorch to Keras model convertor

Language: Python - Size: 237 KB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 860 - Forks: 142

yell/boltzmann-machines

Boltzmann Machines in TensorFlow with examples

Language: Jupyter Notebook - Size: 354 MB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 848 - Forks: 136

serizba/cppflow

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

Language: C++ - Size: 8.36 MB - Last synced at: 16 days ago - Pushed at: 10 months ago - Stars: 802 - Forks: 179

tobegit3hub/simple_tensorflow_serving

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

Language: JavaScript - Size: 26.1 MB - Last synced at: 17 days ago - Pushed at: 3 months ago - Stars: 757 - Forks: 191

pumpikano/tf-dann

Domain-Adversarial Neural Network in Tensorflow

Language: Jupyter Notebook - Size: 1.25 MB - Last synced at: 14 days ago - Pushed at: over 3 years ago - Stars: 631 - Forks: 222

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: 14 days ago - Pushed at: almost 7 years ago - Stars: 540 - Forks: 252

lilianweng/transformer-tensorflow

Implementation of Transformer Model in Tensorflow

Language: Python - Size: 22.6 MB - Last synced at: 13 days ago - Pushed at: about 2 years ago - Stars: 469 - Forks: 90

amitshekhariitbhu/AndroidTensorFlowMNISTExample

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

Language: Java - Size: 15.4 MB - Last synced at: 14 days ago - Pushed at: 11 months ago - Stars: 463 - Forks: 97

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: 13 days ago - Pushed at: over 4 years ago - Stars: 457 - Forks: 154

mdietrichstein/tensorflow-open_nsfw

Tensorflow Implementation of Yahoo's Open NSFW Model

Language: Python - Size: 20.6 MB - Last synced at: 6 days ago - Pushed at: over 4 years ago - Stars: 442 - Forks: 138

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: 3 days ago - Pushed at: 10 months ago - Stars: 353 - Forks: 63

wagamamaz/tensorlayer-tricks

How to use TensorLayer

Size: 56.6 KB - Last synced at: 19 days ago - Pushed at: over 6 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: 19 days ago - Pushed at: almost 6 years ago - Stars: 346 - Forks: 69

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: 16 days ago - Pushed at: 7 months ago - Stars: 311 - Forks: 75

SPFlow/SPFlow

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

Language: Python - Size: 125 MB - Last synced at: 6 days ago - Pushed at: 8 days ago - Stars: 298 - Forks: 80

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: 22 days ago - Pushed at: almost 3 years ago - Stars: 268 - Forks: 42

DongjunLee/text-cnn-tensorflow

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

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

jiamings/wgan

Tensorflow Implementation of Wasserstein GAN (and Improved version in wgan_v2)

Language: Python - Size: 10.7 KB - Last synced at: about 5 hours ago - Pushed at: almost 7 years ago - Stars: 240 - Forks: 80

rolczynski/Automatic-Speech-Recognition 📦

🎧 Automatic Speech Recognition: DeepSpeech & Seq2Seq (TensorFlow)

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

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: 18 days ago - Pushed at: about 1 year ago - Stars: 220 - Forks: 48

stevefielding/tensorflow-anpr

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

Language: Python - Size: 3.45 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 217 - Forks: 80

gmalivenko/onnx2keras

Convert ONNX model graph to Keras model format.

Language: Python - Size: 175 KB - Last synced at: 6 days ago - Pushed at: 12 months ago - Stars: 202 - Forks: 114

sglvladi/TensorFlowObjectDetectionTutorial

A tutorial on object detection using TensorFlow

Size: 12.4 MB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 196 - Forks: 127

balavenkatesh3322/audio-pretrained-model

A collection of Audio and Speech pre-trained models.

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

dkeras-project/dkeras

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

Language: Python - Size: 6.48 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 188 - Forks: 12

hengluchang/deep-news-summarization

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

Language: Python - Size: 1.19 MB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 188 - Forks: 62

jiamings/fast-weights

Implementation of the paper [Using Fast Weights to Attend to the Recent Past](https://arxiv.org/abs/1610.06258)

Language: Python - Size: 227 KB - Last synced at: about 2 months ago - Pushed at: over 8 years ago - Stars: 172 - Forks: 22

diovisgood/agender

Real-time estimation of gender and age

Language: Python - Size: 130 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 158 - Forks: 38

patlevin/face-detection-tflite

Face and iris detection for Python based on MediaPipe

Language: Python - Size: 6.73 MB - Last synced at: 13 days ago - Pushed at: about 1 year ago - Stars: 157 - Forks: 30

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: 6 days ago - Pushed at: almost 5 years ago - Stars: 154 - Forks: 99

chhayac/Machine-Learning-Notebooks

15+ Machine/Deep Learning Projects in Ipython Notebooks

Language: Jupyter Notebook - Size: 3.84 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 130 - Forks: 103

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: about 1 month ago - Pushed at: over 7 years ago - Stars: 129 - Forks: 27

yuanxiaosc/Multimodal-short-video-dataset-and-baseline-classification-model

500,000 multimodal short video data and baseline models. 50万条多模态短视频数据集和基线模型(TensorFlow2.0)。

Language: Jupyter Notebook - Size: 16.1 MB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 128 - Forks: 36

jiamings/cramer-gan

Tensorflow Implementation on "The Cramer Distance as a Solution to Biased Wasserstein Gradients" (https://arxiv.org/pdf/1705.10743.pdf)

Language: Python - Size: 220 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 125 - Forks: 24

cmusatyalab/OpenTPOD

Open Toolkit for Painless Object Detection

Language: CSS - Size: 46.4 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 119 - Forks: 18

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: about 1 month ago - Pushed at: about 7 years ago - Stars: 119 - Forks: 56

rajshah4/tensorflow_shiny

A R/Shiny app for interactive RNN tensorflow models

Language: Jupyter Notebook - Size: 150 KB - Last synced at: about 2 months ago - Pushed at: over 8 years ago - Stars: 118 - Forks: 40

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: about 1 month ago - Pushed at: over 2 years ago - Stars: 98 - Forks: 30

icoxfog417/kemono_puyo

:cat: Take kemono pictures and lines up 3, then tanoshii

Language: JavaScript - Size: 1.72 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 94 - Forks: 5

KleinYuan/tf-object-detection

Simpler app for tensorflow object detection API

Language: Python - Size: 4.57 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 93 - Forks: 37

joydeepmedhi/Anchor-Boxes-with-KMeans

How to initialize Anchors in Faster RCNN for custom dataset?

Language: Jupyter Notebook - Size: 5.77 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 91 - Forks: 31

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: 15 days ago - Pushed at: over 2 years ago - Stars: 84 - Forks: 21

fendouai/Free-Tensorflow

Tensorflow 免费中文视频教程,开源代码,免费书籍.

Size: 5.86 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 83 - Forks: 23

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: about 1 month ago - Pushed at: over 6 years ago - Stars: 82 - Forks: 12

produvia/ai-platform 📦

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

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

tlatkowski/gans-2.0

Generative Adversarial Networks in TensorFlow 2.0

Language: Python - Size: 76.7 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 78 - Forks: 14

wangleihitcs/MedicalReportGeneration

A Base Tensorflow Project for Medical Report Generation

Language: Python - Size: 69.7 MB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 72 - Forks: 18

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

Balanced Multiclass Image Classification with TensorFlow on Python.

Language: Python - Size: 144 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 71 - Forks: 38

shubham0204/Age-Gender_Estimation_TF-Android

Age + Gender Estimation on Android with TensorFlow Lite

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

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: 2 days ago - Pushed at: about 7 years ago - Stars: 66 - Forks: 19

qdraw/tensorflow-face-object-detector-tutorial

How to train a Tensorflow face object detection model

Language: Python - Size: 59.4 MB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 64 - Forks: 53

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: about 1 month ago - Pushed at: about 7 years ago - Stars: 60 - Forks: 7

HasnainRaz/Skin-Segmentation-TensorFlow

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

Language: Python - Size: 43 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 59 - Forks: 12

taolei87/icml17_knn

Deriving Neural Architectures from Sequence and Graph Kernels

Language: Python - Size: 51.8 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 59 - Forks: 18

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: about 1 month ago - Pushed at: about 6 years ago - Stars: 58 - Forks: 31

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: about 1 month ago - Pushed at: about 8 years ago - Stars: 56 - Forks: 16

douglasrizzo/dodo_detector_ros

Object detection from images/point cloud using ROS

Language: Python - Size: 68.4 KB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 55 - Forks: 11

vkuznet/TFaaS

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

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

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: about 1 month ago - Pushed at: about 2 years ago - Stars: 53 - Forks: 24

neural-nuts/Cam2Caption 📦

[DEPRECATED] An Android application which converts camera feed to captions in real time

Language: Java - Size: 30.4 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 53 - Forks: 18

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: 5 days ago - Pushed at: over 5 years ago - Stars: 51 - Forks: 21

bshao001/TF-Model-Deploy-Tutorial

A tutorial exploring multiple approaches to deploy a trained TensorFlow (or Keras) model or multiple models for prediction.

Language: Python - Size: 33.2 KB - Last synced at: 2 months ago - Pushed at: over 7 years ago - Stars: 51 - Forks: 20

douglasrizzo/detection_util_scripts Fork of datitran/raccoon_dataset

TF and YOLO utility scripts

Language: Python - Size: 46.9 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 50 - Forks: 36

Octadero/TensorFlow

Swift high-level API for TensorFlow.

Language: Swift - Size: 10.5 MB - Last synced at: 2 days ago - Pushed at: almost 7 years ago - Stars: 49 - Forks: 2

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: 2 months ago - Pushed at: almost 8 years ago - Stars: 49 - Forks: 15

1044197988/Awesome-Tensorflow2

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

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

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

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

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

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: 2 months ago - Pushed at: almost 6 years ago - Stars: 43 - Forks: 4

Madonahs/Machine-Learning

🌎 I created this repository for educational purposes. It will host a number of projects as part of the process .

Language: Python - Size: 2.3 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 37 - Forks: 22

iitzco/tfserve

Serve TF models simple and easy as an HTTP API

Language: Python - Size: 3.01 MB - Last synced at: 28 days ago - Pushed at: over 6 years ago - Stars: 35 - Forks: 10

getcontrol/KYC-train-model

Train TensorFlow model for KYC

Language: Python - Size: 63.4 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 33 - Forks: 9

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: 2 months ago - Pushed at: almost 5 years ago - Stars: 31 - Forks: 21

ritchieng/the-incredible-tensorflow

The Incredible TensorFlow 2: a curated list of tutorials, papers, projects, communities and more relating to TensorFlow 2.

Size: 4.88 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 30 - Forks: 6

AshutoshDongare/Tensorflow-Wide-Deep-Local-Prediction

This project demonstrates how to run and save predictions locally using exported tensorflow estimator model

Language: Python - Size: 29.3 KB - Last synced at: 2 months ago - Pushed at: over 7 years ago - Stars: 30 - Forks: 27

TirendazAcademy/Deep-Learning-with-TensorFlow

Deep Learning with TensorFlow

Language: Jupyter Notebook - Size: 23.8 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 29 - Forks: 10

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: 2 months ago - Pushed at: over 4 years ago - Stars: 29 - Forks: 9

Mind-the-Pineapple/Autoregressive-models

Tensorflow 2.0 implementation of Deep Autoregressive Models

Language: Jupyter Notebook - Size: 3.34 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 28 - Forks: 3

a1302z/OktoberfestFoodDataset

Publication of our Oktoberfest Food Dataset for Object Detection methods

Language: Jupyter Notebook - Size: 7.54 MB - Last synced at: 15 days ago - Pushed at: over 5 years ago - Stars: 28 - Forks: 4

shubham0204/Realtime_MiDaS_Depth_Estimation_Android

Monocular Depth Estimation using MiDaS in Android

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

sebastian-sz/resnet-rs-keras 📦

ResNet-RS models rewritten in Tensorflow / Keras functional API.

Language: Python - Size: 251 KB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 27 - Forks: 4

IBM/MAX-Text-Summarizer

Generate a summarized description of a body of text

Language: Python - Size: 607 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 27 - Forks: 26

changwookjun/ChatBot_seq2seq_extend

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

Language: Python - Size: 494 KB - Last synced at: 2 days ago - Pushed at: over 6 years ago - Stars: 27 - Forks: 8

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

Binary Image Classification in TensorFlow

Language: Python - Size: 168 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 26 - Forks: 12

zabir-nabil/keras-attn_aug_cnn

Extension of the `Attention Augmented Convolutional Networks` paper for 1-D convolution operation.

Language: Jupyter Notebook - Size: 164 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 25 - Forks: 9

Khaivdo/How-to-train-an-Object-Detector-using-Tensorflow-API-on-Ubuntu-16.04-GPU

This repo explains how to train an Object Detector for multiple objects using Tensorflow Object Detection API on Ubuntu 16.04 (GPU)

Language: Python - Size: 435 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 25 - Forks: 13

camigord/Neural-Turing-Machine

TensorFlow implementation of a Neural Turing Machine

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

neuronets/trained-models

Trained TensorFlow models for 3D image processing

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

ahmdtaha/FineGrainedVisualRecognition

Fine grained visual recognition tensorflow baseline on CUB, Stanford Cars, Dogs, Aircrafts, and Flower102.

Language: Python - Size: 1.43 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 23 - Forks: 7

kremerj/gan

A 1D toy example of optimizing a generative model using the WGAN-GP model.

Language: Python - Size: 3.28 MB - Last synced at: 2 months ago - Pushed at: almost 8 years ago - Stars: 23 - Forks: 11

mmourafiq/tensorflow-convolution-models

Language: Jupyter Notebook - Size: 138 KB - Last synced at: 2 months ago - Pushed at: almost 9 years ago - Stars: 23 - Forks: 14

sebastian-sz/efficientnet-v2-keras

Efficientnet V2 adapted to Keras functional API.

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

pi0/bodymoji

Draws an emoji on your face! Powered by Nuxt.js, Tensorflow.js and Posenet

Language: JavaScript - Size: 195 KB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 4

minerva-ml/steppy-toolkit 📦

Curated set of transformers that make your work with steppy faster and more effective :telescope:

Language: Python - Size: 108 KB - Last synced at: 17 days ago - Pushed at: over 6 years ago - Stars: 22 - Forks: 9

lunardog/kelner

Serve your models

Language: Python - Size: 766 KB - Last synced at: 10 days ago - Pushed at: almost 7 years ago - Stars: 22 - Forks: 3

Related Topics
tensorflow 255 deep-learning 104 machine-learning 87 python 78 tensorflow-tutorials 60 tensorflow-examples 51 keras 49 deep-neural-networks 39 python3 37 tensorflow-experiments 37 convolutional-neural-networks 34 object-detection 31 neural-network 29 keras-tensorflow 26 tensorflow2 23 computer-vision 23 image-classification 21 neural-networks 19 cnn 19 keras-models 17 tensorflowjs 17 tensorflow-lite 16 keras-neural-networks 15 nlp 13 gan 12 jupyter-notebook 12 generative-adversarial-network 12 deeplearning 12 android 12 artificial-intelligence 11 artificial-neural-networks 11 data-science 11 tensorboard 11 opencv 10 rnn 10 pytorch 10 tensorflow-serving 10 image-recognition 9 recurrent-neural-networks 9 transfer-learning 9 mnist 9 machinelearning 9 javascript 9 image-processing 8 linear-regression 8 docker 8 cnn-classification 8 rnn-tensorflow 8 classification 8 ai 7 cnn-model 7 lstm 7 faster-rcnn 7 detection 7 machine-learning-algorithms 7 autoencoder 7 react 7 cnn-keras 7 numpy 7 tensorflow-gpu 7 tensorflow-object-detection-api 7 mnist-classification 7 inference 7 segmentation 6 flask 6 tflite 6 deep-learning-tutorial 6 model 6 reactjs 6 android-application 6 mobilenet 6 ml 6 opencv-python 6 pytorch-models 6 generative-model 6 pandas 5 prediction 5 keras-tutorials 5 tensorflow-android 5 python-3 5 gpu 5 onnx 5 reinforcement-learning 5 lstm-neural-networks 5 dataset 5 pretrained-models 5 keras-implementations 5 tensorflow-api 4 kotlin-android 4 awesome-list 4 awesome 4 mnist-handwriting-recognition 4 ssd 4 java 4 docker-image 4 gradient-descent 4 chatbot 4 ssd-mobilenet 4 image 4 css 4