Ecosyste.ms: Repos

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

GitHub topics: tfrecords

roboflow/TFRecords Fork of JacopoMangiavacchi/TFRecords

TensorFlow record (.tfrecord) API for Node.JS and Browsers

Language: JavaScript - Size: 355 KB - Last synced: 1 day ago - Pushed: about 1 month ago - Stars: 2 - Forks: 2

google/tensorflow-recorder 📦

TFRecorder makes it easy to create TensorFlow records (TFRecords) from Pandas DataFrames and CSVs files containing images or structured data.

Language: Python - Size: 6.54 MB - Last synced: 26 days ago - Pushed: about 2 years ago - Stars: 179 - Forks: 36

spotify/tfreader

TensorFlow TFRecord reader CLI tool

Language: Scala - Size: 1.01 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 60 - Forks: 16

VyBui/tf_estimator_learning

I present to smart fashion AI team a framework for specifying, training, evaluating, and deploying machine learning models.

Size: 0 Bytes - Last synced: 3 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

v1zh3d/WIDER-Face-Detection-using-MTCNN

This is my first Internship Project on Deep Learning. This is a challenge of WIDER Face Benchmark whose aim is to detect faces in the images in any condition of various poses, illuminations and occlusions. And we managed to get the accuracy of 91% in detecting every type of images.

Language: Python - Size: 35.2 MB - Last synced: 3 months ago - Pushed: almost 5 years ago - Stars: 16 - Forks: 9

fitushar/WeaklySupervised-3D-Classification-of-Chest-CT-using-Aggregated-MultiResolution-Segmentation-Feature

This Repo contains the updated implementation of our paper "Weakly supervised 3D classification of chest CT using aggregated multi-resolution deep segmentation features", Proc. SPIE 11314, Medical Imaging 2020: Computer-Aided Diagnosis, 1131408 (16 March 2020)

Language: Python - Size: 8.68 MB - Last synced: 2 months ago - Pushed: almost 4 years ago - Stars: 20 - Forks: 4

tobegit3hub/tensorflow_template_application

TensorFlow template application for deep learning

Language: Python - Size: 44.8 MB - Last synced: 3 months ago - Pushed: 11 months ago - Stars: 1,867 - Forks: 719

IBM/tensorflow-hangul-recognition 📦

Handwritten Korean Character Recognition with TensorFlow and Android

Language: Python - Size: 77.4 MB - Last synced: about 2 months ago - Pushed: over 2 years ago - Stars: 240 - Forks: 133

MichiganCOG/M-PACT

A one stop shop for all of your activity recognition needs.

Language: Python - Size: 458 MB - Last synced: about 2 months ago - Pushed: about 5 years ago - Stars: 106 - Forks: 24

podgorskiy/DareBlopy

Data Reading Blocks for Python

Language: Jupyter Notebook - Size: 22.3 MB - Last synced: 19 days ago - Pushed: over 3 years ago - Stars: 102 - Forks: 6

juliagusak/dataloaders

Pytorch and TensorFlow data loaders for several audio datasets

Language: Python - Size: 115 KB - Last synced: 7 months ago - Pushed: over 4 years ago - Stars: 109 - Forks: 11

quqixun/CellDetection

A course project that detect cells in image by a simple full convolution neural network. The project is driven by TensorFlow.

Language: Python - Size: 8.09 MB - Last synced: 8 months ago - Pushed: almost 7 years ago - Stars: 20 - Forks: 2

formath/tensorflow-predictor-cpp

tensorflow prediction using c++ api

Language: Python - Size: 94.7 KB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 146 - Forks: 60

wmylxmj/Convolutional-Neural-Networks-Practice

卷积网络图像识别练习 Based on TensorFlow 2018-11-17

Language: Python - Size: 195 MB - Last synced: 8 months ago - Pushed: over 5 years ago - Stars: 2 - Forks: 0

ppplinday/TFrecord-Lenet-Vgg19-tensorflow

Implement lenet and vgg19 by tensorflow with dataset mnist using tfrecord

Language: Python - Size: 158 MB - Last synced: 8 months ago - Pushed: over 6 years ago - Stars: 16 - Forks: 2

lpassine/adhd-classifier

Rede Neural 3D CNN para Classificação de TDAH em Imagens de Ressonância Magnética fMRI

Language: Jupyter Notebook - Size: 5.51 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

Py-Contributors/dataset-convertor

Dataset-convertor tool in python for object detection dataset

Language: Python - Size: 19.5 KB - Last synced: 27 days ago - Pushed: over 1 year ago - Stars: 6 - Forks: 7

yltw27/KeywordSpotting

Train a 4-layer Convolutional Neural Network to detect trigger word

Language: Python - Size: 150 KB - Last synced: 9 months ago - Pushed: over 6 years ago - Stars: 51 - Forks: 18

YanbingJiang/inception-V3-Retrain-Fast-With-TFrecord

Follow Official Tensorflow's retrain.py, which is an example script that shows how one can adapt a pretrained network for other classification problems. This repository improved with quick data read and process to make the training more efficient.

Language: Python - Size: 89.8 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 5 - Forks: 1

koraykoca/Kitti2TFrecords

Multiprocessing script for conversion of KITTI point cloud dataset to Tensorflow records

Language: Python - Size: 23.4 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 1 - Forks: 0

zzw922cn/TensorFlow-Input-Pipeline

TensorFlow Input Pipeline Examples based on multi-thread and FIFOQueue

Language: Python - Size: 61.5 KB - Last synced: 10 months ago - Pushed: almost 7 years ago - Stars: 53 - Forks: 16

andreped/DMDetect

Code relevant for training, evaluating, assessing, and deploying CNNs for image classification and segmentation of Digital Mammography images

Language: Jupyter Notebook - Size: 395 KB - Last synced: 13 days ago - Pushed: about 1 year ago - Stars: 8 - Forks: 0

ThoroughImages/EasySparse

Sparse learning in TensorFlow using data acquired from Spark.

Language: Python - Size: 86.9 KB - Last synced: 10 months ago - Pushed: about 5 years ago - Stars: 21 - Forks: 1

kobenaxie/Read-and-Write-tfrecords-in-Tensorflow

怎样将样本【序列化】写入tfrecords,并读取tfrecords文件,针对序列化任务,如语音识别、NMT等输入输出变长的数据。How to write and read trecords for variable length data or label.

Language: Python - Size: 5.86 KB - Last synced: 10 months ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

visipedia/tfrecords

Functions for creating tfrecords for TensorFlow models.

Language: Python - Size: 19.5 KB - Last synced: 19 days ago - Pushed: almost 4 years ago - Stars: 110 - Forks: 30

terrykong/tfrecord-browser

Read your tfrecord files from the command line

Language: Python - Size: 3.98 MB - Last synced: 6 months ago - Pushed: almost 5 years ago - Stars: 8 - Forks: 2

lukaszbinden/YAD2K Fork of allanzelener/YAD2K

YAD2K: Yet Another Darknet 2 Keras

Language: Python - Size: 2.3 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

yeephycho/tensorflow_input_image_by_tfrecord

Feed your own image data to a pre-trained network by tensorflow

Language: Python - Size: 287 MB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 170 - Forks: 112

DARK-art108/Wheat-Head-Detection

Detect Wheat Heads Using Faster-RCNN and YoloV4 🌾🌾

Language: Jupyter Notebook - Size: 9.69 MB - Last synced: about 1 month ago - Pushed: about 3 years ago - Stars: 3 - Forks: 0

kimdesok/DeepPATH Fork of ncoudray/DeepPATH

AI HUB Project: Classification of Lung Cancer Slide Images using Deep-Learning

Language: Jupyter Notebook - Size: 25.9 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

kevashcraft/TFRecord-Examples

The notebooks used in the TFRecords video

Language: Jupyter Notebook - Size: 2.93 KB - Last synced: 12 months ago - Pushed: over 2 years ago - Stars: 2 - Forks: 2

pckosek/mnist-tfrecords-mat

MNIST data in .tfrecords and .mat file format

Language: MATLAB - Size: 52.4 MB - Last synced: 5 months ago - Pushed: about 5 years ago - Stars: 2 - Forks: 0

penguinmenac3/starttf 📦

A tensorflow batteries included kit to write tensorflow networks from scratch or use existing ones.

Language: Python - Size: 634 KB - Last synced: 21 days ago - Pushed: almost 5 years ago - Stars: 15 - Forks: 4

cjbayron/imageclassifier-cli 📦

An easy-to-use CLI tool for training and testing image classifiers

Language: Python - Size: 21.5 KB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 2 - Forks: 0

soumik12345/Dataset-Scripts

GCS specific notebooks and scripts to download VOC 2007, COCO 2017 and DIV2K Datasets and create TFRecords.

Language: Jupyter Notebook - Size: 61.5 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 6 - Forks: 0

phrasenmaeher/TFRecord_walkthrough

This Colab notebook walks you through working with image, text, and audio data in the context of TFRecord files.

Language: Jupyter Notebook - Size: 21.5 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

phrasenmaeher/nn-training-on-tfr

Language: Jupyter Notebook - Size: 6.84 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 2 - Forks: 0

dfalbel/tfrecords

Create TFRecords files from R

Language: C++ - Size: 124 KB - Last synced: over 1 year ago - Pushed: about 6 years ago - Stars: 6 - Forks: 2

yeephycho/widerface-to-tfrecord

parse WIDER FACE dataset to tensorflow tfrecord format for object detection api

Language: Python - Size: 1.32 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 42 - Forks: 16

JuliaReinforcementLearning/TFRecord.jl

A pure Julia implementation to read/write TFRecord

Language: Julia - Size: 57.6 KB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 5 - Forks: 6

waikato-ufdl/wai-annotations

Python library for converting annotated datasets into various formats (e.g., image classification, object detection and speech datasets).

Language: Dockerfile - Size: 643 KB - Last synced: 2 days ago - Pushed: 4 months ago - Stars: 3 - Forks: 1

akiradavid27/basic_annotation_file_generator

A basic Python script to create either a TXT annotation file used to generate a TFRecords dataset, or a CSV file to use it directly as a Filename/label dataset's annotation file.

Language: Python - Size: 12.7 KB - Last synced: 11 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

swghosh/tfrecords-faster

Gear up TensorFlow TFRecords preparation from images.

Language: Python - Size: 3.91 KB - Last synced: over 1 year ago - Pushed: over 4 years ago - Stars: 2 - Forks: 0

gebob19/TFRecords_4_videos

:floppy_disk: :fire: The fastest and easiest to use TFRecords formatter

Language: Python - Size: 40 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 5 - Forks: 1

secsilm/understaing-datasets-estimators-tfrecords

Try to use tf.estimator and tf.data together to train a cnn model.

Language: Jupyter Notebook - Size: 45.9 KB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 81 - Forks: 23

alokyadav777/Design_Project

Object detection and recognition for blind person using Raspberry Pi

Language: Jupyter Notebook - Size: 35 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 6 - Forks: 2

asahi417/WassersteinGAN

Tensorflow Wasserstein GAN implementation with TFRecord data format. WGAN, WGAN-GP (gradient penalty), DCGAN and showing example usage with CelebA dataset.

Language: Python - Size: 6.62 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 2 - Forks: 2

Nivratti/tfrecords_creater

Create tf-records

Language: Python - Size: 195 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

VictorAtPL/Pascal-VOC12_Class-segmentation_Tensorflow-2.0.0

Convolutional Neural Networks: (1) based on UNet; (2) FCN8 for Image Segmentation of Pascal VOC 2012 dataset written as part of my MSc in Artificial Intelligence degree. Written in Tensorflow 2.0 with Keras Functional API.

Language: Python - Size: 14.6 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

indraforyou/keras_tfrecord

Extending Keras to support tfrecord dataset

Language: Python - Size: 10.4 MB - Last synced: 3 months ago - Pushed: over 7 years ago - Stars: 61 - Forks: 19

jamerico/object-detection-utils

Utils scripts for object detection and tfevents exploration and visualization

Language: Jupyter Notebook - Size: 118 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

luca-bajardi/Conditional_Text_Generation

The main problem of conditional text generation is that it is mainly based on the content of an input set of examples: this leads to little diversification of the generated text. To overcome this shortcoming, we have fine tuned CTRL using three different datasets. The first model has been used as a baseline for comparison, while the other two have been used to obtain more formal and informal text. The BART model has been employed for text classification to gauge formality.

Language: Python - Size: 102 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 4 - Forks: 1

Wikidepia/tfreecord

Read / Write TFRecord without Tensorflow

Language: Python - Size: 9.77 KB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

emla2805/tfr

A lightweight command-line TFRecords processor

Language: Go - Size: 42 KB - Last synced: 10 months ago - Pushed: over 3 years ago - Stars: 4 - Forks: 1

alanspike/LMDB_to_TFrecords

change LMDB to tfrecords

Language: Python - Size: 26.4 KB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 5 - Forks: 1

TanyaChutani/Mnist-Tfrecord

Tensorflow2.0 mnist writing and parsing data in .tfrecords format

Language: Jupyter Notebook - Size: 2.12 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

shjo-april/Tensorflow_EfficientNet

EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks. ICML 2019

Language: Python - Size: 250 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 4

AkashSDas/tf-records-101

This notebook explains `TFRecords` and how to create them.

Language: Jupyter Notebook - Size: 309 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

dellemc-hpc-ai/ai-radiologist-GPU

GPU Optimized version of AI Radiologist

Language: Python - Size: 814 KB - Last synced: over 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 2

rc1208/prairie-burrow-distribution-using-AI

An AI project to use state-of-the-art neural networks to detect prairie burrows in aerial images.

Language: Jupyter Notebook - Size: 166 MB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

wmpscc/Basic-process-of-training-models-with-TensorFlow-2.0

:book:TensorFlow 2.0 训练模型基本流程(TFRecord+Model+Serving)

Language: Python - Size: 9.3 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 2 - Forks: 3

santhoshkolloju/TfRecordPytorch

tfrecord

Language: Python - Size: 1.95 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 3 - Forks: 1

nunezpaul/speedchallenge

Language: Jupyter Notebook - Size: 1.02 MB - Last synced: 28 days ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

abhishekrana/Tensorflow_TFRecords_Estimator_Pipeline

A tensorflow template with TF Dataset API, TFRecords and TF Custom Estimator for multi-class image classificaiton task

Language: Python - Size: 19.5 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 4 - Forks: 1

risteon/hdf5-to-tfrecord

:floppy_disk: Convert .hdf5 files to TFRecords

Language: Python - Size: 9.77 KB - Last synced: about 2 months ago - Pushed: over 6 years ago - Stars: 8 - Forks: 3

Tramac/Convert_To_TFRecord

Tutorial:Convert your data to tfrecord

Language: Python - Size: 43 KB - Last synced: over 1 year ago - Pushed: over 5 years ago - Stars: 2 - Forks: 1

pckosek/easy_tfrecords

Python package to assist tfrecord file read and write

Language: Python - Size: 12.7 KB - Last synced: 19 days ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

cooliscool/LISA-on-SSD-mobilenet

SSD MobileNet v1 Trained on LISA Traffic Sign dataset

Language: Python - Size: 5.86 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 5 - Forks: 2

ravindrabharathi/tf_utils

utilities for tf2

Language: Jupyter Notebook - Size: 1.04 MB - Last synced: about 2 months ago - Pushed: about 3 years ago - Stars: 2 - Forks: 1

moono/tf-cnn-mnist

Language: Python - Size: 93.8 KB - Last synced: over 1 year ago - Pushed: about 5 years ago - Stars: 5 - Forks: 0

NathanHowell/tfrecords-hadoop

A Hadoop OutputFormat for writing compressed TFRecords

Language: Scala - Size: 26.4 KB - Last synced: about 1 year ago - Pushed: over 7 years ago - Stars: 2 - Forks: 2

gnperdue/ANNMINERvA

TensorFlow framework for neutrino event reconstruction.

Language: Python - Size: 13.7 MB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 0 - Forks: 2

emirkonuk/Image-Segmentation-with-Tensorflow

Language: Jupyter Notebook - Size: 3.13 MB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 2 - Forks: 2

m-L-0/17b-yanzhengbin-2015

Language: Jupyter Notebook - Size: 1.11 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 1

FishWantToFly/Implement_TFRecord_In_CIFAR10_ImageRecognizing

Using individual dataset to train AlexNet with creating TFRecords

Language: Python - Size: 17.6 KB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 0 - Forks: 0