Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Tensorflow

TensorFlow is an open source library that was created by Google. It is used to design, build, and train deep learning models.

https://github.com/chenxi116/PNASNet.TF

TensorFlow implementation of PNASNet-5 on ImageNet

automl deep-learning imagenet neural-architecture-search tensorflow

Last synced: 31 Oct 2024

https://github.com/mdietrichstein/yolo-tiny-v1-mobile

Yolo for Android and iOS - Mobile Deep Learning Object Detection in Realtime written in Kotlin and Swift

android computer-vision deep-learning deep-neural-networks ios keras keras-tensorflow mobile tensorflow

Last synced: 07 Dec 2024

https://github.com/yjmade/ios_camera_object_detection

Realtime mobile visualize based Object Detection based on TensorFlow and YOLO model

ios object-detection tensorflow yolo

Last synced: 05 Nov 2024

https://github.com/sayakpaul/convnext-tf

Includes PyTorch -> Keras model porting code for ConvNeXt family of models with fine-tuning and inference notebooks.

computer-vision convolutional-neural-networks efficient-models imagenet-1k imagenet-21k keras tensorflow

Last synced: 13 Jan 2025

https://github.com/jiahuiyu/neuralgym

Deep Learning Toolkit

deep-learning tensorflow

Last synced: 16 Nov 2024

https://github.com/metal3d/keras-video-generators

Keras generators to generate sequences from videos as input

keras keras-generators machine-learning machinelearning python3 tensorflow

Last synced: 15 Jan 2025

https://github.com/ChenHongruixuan/SiamCRNN

[IEEE TGRS 2020] Change Detection in Multisource VHR Images via Deep Siamese Convolutional Multiple-Layers Recurrent Neural Network

change-detection cnn convolutional-neural-network deep-learning heterogeneous-image lidar-data lstm python recurrent-neural-network remote-sensing tensorflow

Last synced: 27 Nov 2024

https://github.com/mathildor/TF-SegNet

SegNet-like network implemented in TensorFlow to use for segmenting aerial images

image-segmentation machine-learning segnet tensorflow

Last synced: 22 Nov 2024

https://github.com/katanaml/katana-assistant

Text based assistant powered by Machine Learning and NLP

javascript jupyter-notebook keras machine-learning neural-network python tensorflow

Last synced: 13 Nov 2024

https://github.com/zhaocq-nlp/njunmt-tf

An open-source neural machine translation system developed by Natural Language Processing Group, Nanjing University.

attention neural-machine-translation njunmt-tf nmt tensor2tensor tensorflow transformer translation

Last synced: 15 Nov 2024

https://github.com/danmorales/cursods_profdanilo

Códigos Python com diferentes aplicações como técnicas de machine learning e deep learning, fundamentos de estatística, problemas de regressão de classificação. Os vídeos com as explicações teóricas estão disponíveis no meu canal do YouTube

aprendizado-de-maquina ciencia-de-dados data-science deep-learning keras-classification-models keras-layer keras-models keras-neural-networks machine-learning machine-learning-algorithms numpy pandas-dataframe pandas-python scikit-learn scikitlearn-machine-learning scipy tensorflow tensorflow-tutorials

Last synced: 12 Nov 2024

https://github.com/snowkylin/rnn-handwriting-generation

Handwriting generation by RNN with TensorFlow, based on "Generating Sequences With Recurrent Neural Networks" by Alex Graves

deep-learning generative-model handwriting handwriting-synthesis rnn tensorflow

Last synced: 15 Nov 2024

https://github.com/Shathe/MNasNet-Keras-Tensorflow

A Tensorflow Keras implementation (Graph and eager execution) of Mnasnet: MnasNet: Platform-Aware Neural Architecture Search for Mobile.

architecture-search deep-learning eager-execution keras mnasnet tensorflow

Last synced: 31 Oct 2024

https://github.com/smaegol/plasflow

Software for prediction of plasmid sequences in metagenomic assemblies

classification contigs fasta metagenome metagenome-assembly metagenomes plasflow plasmid plasmid-sequences plasmids prediction tensorflow

Last synced: 16 Dec 2024

https://github.com/zhenhuaw-me/tflite

Parse TFLite models (*.tflite) EASILY with Python. Check the API at https://zhenhuaw.me/tflite/docs/

pip tensorflow tflite

Last synced: 14 Jan 2025

https://github.com/anjum48/rl-examples

Examples of published reinforcement learning algorithms in recent literature implemented in TensorFlow

artificial-intelligence openai-gym python reinforcement-learning tensorflow

Last synced: 14 Oct 2024

https://github.com/rickiepark/handson-ml3

<핸즈온 머신러닝 3판>의 주피터 노트북 저장소

deep-learning handson-ml3 keras machine-learning neural-network scikit-learn tensorflow

Last synced: 11 Jan 2025

https://github.com/yeyupiaoling/audioclassification-tensorflow

基于Tensorflow实现声音分类,博客地址:

audioclassification tensorflow urbansound8k

Last synced: 02 Nov 2024

https://github.com/tgyg-jegli/tf_texture_net

TensorFlow implementation of DmitryUlyanov/texture_nets

tensorflow texture-nets torch

Last synced: 13 Dec 2024

https://github.com/prip-lab/MSU-LatentAFIS

A system for identifying latent fingerprints. Created at Michigan State University by Anil K. Jain, Kai Cao, Dinh-Luan Nguyen, and Cori Tymoszek.

afis feature-extraction fingerprint-matching latent-fingerprints minutiae openmp opensource parallel-programming templates tensorflow

Last synced: 21 Nov 2024

https://github.com/juliuskunze/speechless

Speech-to-text based on wav2letter built for transfer learning

keras python3 speech-recognition tensorflow

Last synced: 27 Oct 2024

https://github.com/gentaiscool/lstm-attention

Attention-based bidirectional LSTM for Classification Task (ICASSP)

attention attention-mechanism classification emotion-recognition keras lstm stress-detection tensorflow

Last synced: 08 Nov 2024

https://github.com/yu-iskw/tensorflow-serving-example

Examples to server tensorflow models with tensorflow serving

machine-learning tensorflow tensorflow-estimators tensorflow-examples tensorflow-serving

Last synced: 26 Sep 2024

https://github.com/tf-encrypted/tf-seal

Bridge between TensorFlow and the Microsoft SEAL homomorphic encryption library

cryptography homomorphic-encryption machine-learning tensorflow

Last synced: 06 Nov 2024

https://github.com/mrousavy/vision-camera-resize-plugin

A VisionCamera Frame Processor plugin for fast buffer resizing and colorspace (YUV <> RGBA) conversions

buffer camera conversion convert react-native react-native-vision-camera resize rgb tensorflow tflite vision yuv

Last synced: 15 Jan 2025

https://github.com/chunml/nlp

This is where I put all my work in Natural Language Processing

natural-language-processing nlp python tensorflow tensorflow-experiments tensorflow-tutorials

Last synced: 12 Nov 2024

https://github.com/raviqqe/tensorflow-font2char2word2sent2doc

TensorFlow implementation of Hierarchical Attention Networks for Document Classification and some extension

deep-learning document-classification font ideogram logogram natural-language-processing python tensorflow

Last synced: 19 Dec 2024

https://github.com/windqaq/tf-recsys

tf-recsys contains collaborative filtering (CF) model based on famous SVD and SVD++ algorithm. Both of them are implemented by tensorflow in order to utilize GPU acceleration.

collaborative-filtering movielens-dataset recommender-system svd svdplusplus tensorflow

Last synced: 11 Oct 2024

https://github.com/Torsion-Audio/nn-inference-template

Neural network inference template for real-time cricital audio environments - presented at ADC23

audio audio-plugin deep-learning inference inference-engine juce libtorch machine-learning neural-network onnx onnxruntime pytorch tensorflow tensorflow-lite

Last synced: 14 Nov 2024

https://github.com/doocs/deep-learning

🙃 深度学习实践与知识总结

ai deep-learning deep-neural-networks doocs pytorch tensorflow

Last synced: 30 Oct 2024

https://github.com/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

audio-analysis audio-signals dataset librosa machine-learning multilayer-perceptron-network raspberry raspberry-pi sound-classification tensorflow tensorflow-models

Last synced: 06 Nov 2024

https://github.com/vladmandic/pigallery

PiGallery: AI-powered Self-hosted Secure Multi-user Image Gallery and Detailed Image analysis using Machine Learning, EXIF Parsing and Geo Tagging

deepdetect detection-models exif face-detection face-recognition gallery image-analysis image-classification image-database image-gallery image-metadata image-processing imagenet inception object-detection openimages pretrained-models simmilar-images tensorflow tfjs

Last synced: 10 Oct 2024

https://github.com/deep-diver/semantic-segmentation-ml-pipeline

Machine Learning Pipeline for Semantic Segmentation with TensorFlow Extended (TFX) and various GCP products

mlops semantic-segmentation tensorflow tfx vertex-ai

Last synced: 07 Jan 2025

https://github.com/icoxfog417/kemono_puyo

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

kemono-friends object-detection python tensorflow tensorflow-models

Last synced: 12 Nov 2024

https://github.com/anthony-chaudhary/deeper-traffic-lights

[repo not maintained] Check out https://diffgram.com if you want to build a visual intelligence

deep-learning objectdetection tensorflow tensorflow-experiments

Last synced: 26 Sep 2024

https://github.com/xifengguo/capsnet-fashion-mnist

Capsule Network on Fashion MNIST dataset

capsnet capsnet-keras fashion-mnist keras tensorflow

Last synced: 13 Nov 2024

https://github.com/qinyao-he/bit-rnn

Quantize weights and activations in Recurrent Neural Networks.

language-model lowbit-neural-network paper recurrent-neural-networks tensorflow

Last synced: 04 Dec 2024

https://github.com/sicara/gpumonitor

TF 2.x and PyTorch Lightning Callbacks for GPU monitoring

gpu-monitoring pytorch-lightning tensorflow

Last synced: 13 Oct 2024

https://github.com/elucidation/chessboarddetect

Hodgepodge of chessboard chessboard detection algorithms on images from actual matches.

chess chessboard-detection chessboard-recognition tensorflow

Last synced: 14 Jan 2025

https://github.com/giswqs/manjaro-linux

Shell scripts for setting up Manjaro Linux for Python programming and deep learning

data-science deep-learning gis kde manjaro manjaro-linux notebook-jupyter python r remote-sensing shell-scripts tensorflow

Last synced: 13 Jan 2025

https://github.com/google-research/hit-gan

Tensorflow implementation for "Improved Transformer for High-Resolution GANs" (NeurIPS 2021).

generative-adversarial-network tensorflow vision-transformer

Last synced: 14 Jan 2025

https://github.com/tuvovan/vision_transformer_keras

Keras Implementation of Vision Transformer (An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale)

computer-vision image-recognition keras tensorflow transformer vision

Last synced: 19 Nov 2024

https://github.com/akosiorek/forge

Basic experiment framework for tensorflow.

experiment framework logging ml tensorflow

Last synced: 13 Nov 2024

https://github.com/dgriffiths3/pointnet2-tensorflow2

Pointnet++ modules implemented as tensorflow 2 keras layers.

classification deep-learning point-cloud pointnet pointnet2 segmentation tensorflow tensorflow2

Last synced: 27 Oct 2024

https://github.com/shinjayne/shinTB

Textboxes : Image Text Detection Model : python package (tensorflow)

cnn deep-learning detection ssd tensorflow text-detection textboxes

Last synced: 03 Nov 2024

https://github.com/cedrickchee/data-science-notebooks

Data science Python notebooks—a collection of Jupyter notebooks on machine learning, deep learning, statistical inference, data analysis and visualization.

data-science deep-learning fastai kaggle keras machine-learning notebooks numpy pandas python pytorch tensorflow

Last synced: 17 Nov 2024

https://github.com/sayakpaul/simclr-in-tensorflow-2

(Minimally) implements SimCLR (https://arxiv.org/abs/2002.05709) in TensorFlow 2.

constrastive-learning deep-learning keras self-supervised-learning tensorflow unsupervised-learning

Last synced: 13 Jan 2025

https://github.com/kamalkraj/vision-transformer

Vision Transformer using TensorFlow 2.0

image-classification tensorflow transformer vit

Last synced: 07 Nov 2024

https://github.com/gantman/rps_tfjs_demo

Training a Rock Paper Scissors model in the browser via TFJS - Learn along style

computer-vision machine-learning machinelearning react rock-paper-scissors rps tensorflow tensorflow-js tensorflowjs

Last synced: 15 Jan 2025

https://github.com/guillaume-chevalier/glove-as-a-tensorflow-embedding-layer

Taking a pretrained GloVe model, and using it as a TensorFlow embedding weight layer **inside the GPU**. Therefore, you only need to send the index of the words through the GPU data transfer bus, reducing data transfer overhead.

cosine-similarity glove glove-embeddings gpu gpu-acceleration gpu-tensorflow neural-network tensorflow tensorflow-layers word-embeddings word2vec

Last synced: 03 Jan 2025

https://github.com/oaid/tengine-convert-tools

Tengine Convert Tool supports converting multi framworks' models into tmfile that suitable for Tengine-Lite AI framework.

artificial-intelligence cnn dnn mxnet onnx pytorch tensorflow

Last synced: 05 Nov 2024

https://github.com/chizhanyuefeng/Realtime-Fall-Detection-for-RNN

Real-time ADLs and Fall Detection implement TensorFlow

adls fall fall-detection falldetector rnn tensorflow

Last synced: 06 Nov 2024

https://github.com/dancsalo/tensorflow-mil

TF Implementation of Multiple Instance Learning FCN.

deep-neural-networks microscopy multiple-instance tensorflow

Last synced: 16 Nov 2024

https://github.com/philipperemy/stock-volatility-google-trends

Deep Learning Stock Volatility with Google Domestic Trends: https://arxiv.org/pdf/1512.04916.pdf

google-trends keras keras-neural-networks keras-tensorflow tensorflow tensorflow-examples tensorflow-experiments

Last synced: 13 Oct 2024

https://github.com/chollinger93/scarecrow

A Raspberry Pi powered, distributed (edge) computing camera setups that runs a Tensorflow object detection model to determine whether a person is on the camera. A plugin model allows actions based on the detection, such as playing audio, turning on lights, or triggering an Arduino.

audio debian hacktoberfest linux machine-learning network opencv opencv-python raspberry raspberry-pi raspbian tensorflow zmq

Last synced: 08 Nov 2024

https://github.com/MarsTechHAN/keras2ncnn

A keras h5df to ncnn model converter

deep-learning keras model-converter ncnn python python3 tensorflow

Last synced: 28 Oct 2024

https://github.com/marstechhan/keras2ncnn

A keras h5df to ncnn model converter

deep-learning keras model-converter ncnn python python3 tensorflow

Last synced: 11 Nov 2024

https://github.com/gtbluesky/onnxruntime_flutter

A flutter plugin for OnnxRuntime provides an easy, flexible, and fast Dart API to integrate Onnx models in flutter apps across mobile and desktop platforms.

dart ffi flutter onnx onnxruntime pytorch tensorflow

Last synced: 15 Jan 2025

https://github.com/ashishpatel26/vision-transformer-keras-tensorflow-pytorch-examples

Tensorflow implementation of the Vision Transformer (An Image is Worth 16x16 Words: Transformer

example keras pytorch tensorflow tensorflow2 vision-transformer

Last synced: 19 Nov 2024

https://github.com/isosnovik/nn4topopt

Code for "Neural Networks for Topology Optimization"

keras neural-networks python tensorflow topology-optimization

Last synced: 10 Nov 2024

https://github.com/nrel/sup3r

The Super-Resolution for Renewable Resource Data (sup3r) software uses generative adversarial networks to create synthetic high-resolution wind and solar spatiotemporal data from coarse low-resolution inputs.

climate-change climate-data deep-learning generative-adversarial-network machine-learning renewable-energy solar-energy tensorflow wind-energy

Last synced: 11 Jan 2025

https://github.com/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

audio-analysis audio-signals dataset librosa machine-learning multilayer-perceptron-network raspberry raspberry-pi sound-classification tensorflow tensorflow-models

Last synced: 12 Nov 2024

https://github.com/sayakpaul/funmatch-distillation

TF2 implementation of knowledge distillation using the "function matching" hypothesis from https://arxiv.org/abs/2106.05237.

bit-resnet image-classification keras knowledge-distillation tensorflow tpu transfer-learning vision

Last synced: 13 Jan 2025

https://github.com/plasmacontrol/keras2c

A simple library to deploy Keras neural networks in pure C for realtime applications

c control-systems convert-keras convert-tensorflow cpp keras keras-to-c machine-learning neural-network real-time tensorflow

Last synced: 13 Jan 2025

https://github.com/sayakpaul/dreambooth-keras

Implementation of DreamBooth in KerasCV and TensorFlow.

computer-vision dreambooth generative-ai keras keras-cv stable-diffusion tensorflow

Last synced: 13 Jan 2025

https://github.com/datarootsio/tutorial-face-mask-detection

In this project, we develop a pipeline to detect unmasked faces in images. This can, for example, be used to alert people that do not wear a mask when entering a building.

classification computer-vision deep-learning face-mask-detection face-mask-detector facemaskdetection keras opencv python-3 tensorflow tutorial vggface2

Last synced: 14 Nov 2024

https://github.com/1297rohit/rcnn

Step-By-Step Implementation of R-CNN from scratch in python

implementation jupyter-notebook keras python rcnn rcnnimplementation tensorflow

Last synced: 17 Dec 2024

https://github.com/criteo/tf-yarn

Train TensorFlow models on YARN in just a few lines of code!

hadoop tensorflow yarn

Last synced: 08 Jan 2025

https://github.com/czczup/urbanregionfunctionclassification

第五届百度西安交大大数据竞赛 城市区域功能分类 Baseline

baseline classification multimodal tensorflow

Last synced: 15 Nov 2024