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/sozykin/dlpython_course

Примеры для курса "Программирование глубоких нейронных сетей на Python"

deep-learning deep-learning-tutorial deep-neural-networks keras keras-tensorflow keras-tutorials python tensorflow tensorflow-tutorials

Last synced: 14 Nov 2024

https://github.com/gasteigerjo/ppnp

PPNP & APPNP models from "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019)

deep-learning gcn gnn graph-algorithms graph-classification graph-neural-networks machine-learning pagerank pytorch tensorflow

Last synced: 08 Nov 2024

https://github.com/nrontsis/pilco

Bayesian Reinforcement Learning in Tensorflow

gaussian-processes machine-learning model-based-rl reinforcement-learning tensorflow

Last synced: 26 Oct 2024

https://github.com/dionhaefner/pyhpc-benchmarks

A suite of benchmarks for CPU and GPU performance of the most popular high-performance libraries for Python :rocket:

benchmarks cupy gpu high-performance-computing jax parallel-computing python pytorch tensorflow

Last synced: 29 Oct 2024

https://github.com/bytedance/byteir

A model compilation solution for various hardware

llm llvm mlir mlsys onnx pytorch tensorflow

Last synced: 15 Nov 2024

https://github.com/djangopeng/tensorflow-in-depth

《深入理解TensorFlow》项目代码与样章

architecture book principles tensorflow

Last synced: 14 Nov 2024

https://github.com/GaoQ1/rasa_nlu_gq

turn natural language into structured data(支持中文,自定义了N种模型,支持不同的场景和任务)

bert bilstm-idcnn jieba natural-language nlp nlu rasa rasa-nlu rasa-nlu-gao tensorflow

Last synced: 02 Nov 2024

https://github.com/apcode/tensorflow_fasttext

Simple embedding based text classifier inspired by fastText, implemented in tensorflow

fasttext language-identification tensorflow text-classifier

Last synced: 30 Oct 2024

https://github.com/nicolov/segmentation_keras

DilatedNet in Keras for image segmentation

caffe deeplearning keras segmentation tensorflow

Last synced: 05 Nov 2024

https://github.com/zhouzaihang/flutter_hand_tracking_plugin

这是一个 Flutter Packge 以实现摄像头精确追踪并识别十指的运动路径/轨迹和手势动作, 且输出22个手部关键点以支持更多手势自定义. 基于这个包可以编写业务逻辑将手势信息实时转化为指令信息: 一二三四五, rock, spiderman...还可以对不同手势编写不同特效. 可用于短视频直播特效, 智能硬件等领域, 为人机互动带来更自然丰富的体验

dart flutter flutter-apps flutter-demo handtracking kotlin-android mediapipe opencv-android-sdk protobuf tensorflow

Last synced: 04 Aug 2024

https://github.com/cjekel/piecewise_linear_fit_py

fit piecewise linear data for a specified number of line segments

numpy piecewise-linear piecewise-regression python scipy segment segmented tensorflow

Last synced: 14 Oct 2024

https://github.com/lifeomic/sparkflow

Easy to use library to bring Tensorflow on Apache Spark

apache-spark dataframe deep-learning lifeomic pipeline spark-ml tensorflow

Last synced: 12 Oct 2024

https://github.com/xanaduai/quantum-neural-networks

This repository contains the source code used to produce the results presented in the paper "Continuous-variable quantum neural networks". Due to subsequent interface upgrades, these scripts will work only with Strawberry Fields version <= 0.10.0.

deep-learning machine-learning optimization photonics quantum quantum-computing quantum-machine-learning tensorflow

Last synced: 14 Nov 2024

https://github.com/XanaduAI/quantum-neural-networks

This repository contains the source code used to produce the results presented in the paper "Continuous-variable quantum neural networks". Due to subsequent interface upgrades, these scripts will work only with Strawberry Fields version <= 0.10.0.

deep-learning machine-learning optimization photonics quantum quantum-computing quantum-machine-learning tensorflow

Last synced: 12 Nov 2024

https://github.com/minimaxir/reactionrnn

Python module + R package to predict the reactions to a given text using a pretrained recurrent neural network.

deep-learning keras r sentiment-analysis tensorflow

Last synced: 14 Nov 2024

https://github.com/wookayin/tensorflow-plot

📈 TensorFlow + Matplotlib as TF ops

matplotlib plot python tensorboard tensorflow tfplot

Last synced: 16 Nov 2024

https://github.com/hwalsuklee/tensorflow-style-transfer

A simple, concise tensorflow implementation of style transfer (neural style)

change-style neural-style online style-transfer tensorflow

Last synced: 14 Nov 2024

https://github.com/khanhnamle1994/fashion-recommendation

A clothing retrieval and visual recommendation model for fashion images.

computer-vision deepfashion fashion-recommendation floydhub numpy pandas python3 resnet tensorflow

Last synced: 10 Nov 2024

https://github.com/astrumai/DeepLearningWithTF2.0

Practical Exercises in TensorFlow 2.0 for Ian Goodfellows Deep Learning Book

algorithms deep-learning jupyter-notebook machine-learning python tensorflow

Last synced: 27 Oct 2024

https://github.com/daviddao/spatial-transformer-tensorflow

🐝Tensorflow Implementation of Spatial Transformer Networks

spatial-transformer-network tensorflow

Last synced: 14 Nov 2024

https://github.com/tensorlang/tensorlang

Tensorlang, a differentiable programming language based on TensorFlow

automatic-differentiation deep-learning machine-learning programming-language tensorflow

Last synced: 07 Aug 2024

https://github.com/googlecloudplatform/mlops-with-vertex-ai

An end-to-end example of MLOps on Google Cloud using TensorFlow, TFX, and Vertex AI

gcp google-cloud-platform mlops tensorflow tfx vertex-ai

Last synced: 07 Oct 2024

https://github.com/fsx950223/mobilenetv2-yolov3

yolov3 with mobilenetv2 and efficientnet

darknet53 efficientnet keras mobilenetv2 tensorflow tf2 yolov3

Last synced: 14 Nov 2024

https://github.com/zhenye-na/reinforcement-learning-stanford

🕹️ CS234: Reinforcement Learning, Winter 2019 | YouTube videos 👉

python reinforcement-learning tensorflow

Last synced: 12 Nov 2024

https://github.com/cadene/tensorflow-model-zoo.torch

InceptionV3, InceptionV4, Inception-Resnet pretrained models for Torch7 and PyTorch

inception pretrained-models pytorch tensorflow torch

Last synced: 14 Nov 2024

https://github.com/fendouai/chinese-text-classification

Chinese-Text-Classification,Tensorflow CNN(卷积神经网络)实现的中文文本分类。QQ群:522785813,微信群二维码:http://www.tensorflownews.com/

chinese cnn cnn-text-classification jieba tensorflow text-classification

Last synced: 12 Nov 2024

https://github.com/fendouai/Chinese-Text-Classification

Chinese-Text-Classification,Tensorflow CNN(卷积神经网络)实现的中文文本分类。QQ群:522785813,微信群二维码:http://www.tensorflownews.com/

chinese cnn cnn-text-classification jieba tensorflow text-classification

Last synced: 31 Oct 2024

https://github.com/azure/kubeflow-labs

👩‍🔬 Train and Serve TensorFlow Models at Scale with Kubernetes and Kubeflow on Azure

distributed-tensorflow docker jupyter-notebook jupyterhub kubeflow kubernetes machine-learning tensorflow tensorflow-serving

Last synced: 30 Sep 2024

https://github.com/j-min/tf_tutorial_plus

Tutorials for TensorFlow APIs the official documentation doesn't cover

seq2seq tensorflow tensorflow-examples tensorflow-exercises tensorflow-tutorials tf-tutorial

Last synced: 13 Oct 2024

https://github.com/malllabiisc/WordGCN

ACL 2019: Incorporating Syntactic and Semantic Information in Word Embeddings using Graph Convolutional Networks

acl2019 deep-learning-tutorial gcn graph-convolutional-networks natural-language-processing tensorflow word-embeddings

Last synced: 02 Nov 2024

https://github.com/kyegomez/screenai

Implementation of the ScreenAI model from the paper: "A Vision-Language Model for UI and Infographics Understanding"

ai artificial-intelligence attention attention-is-all-you-need gpt-4 machine-learning ml pytorch tensorflow

Last synced: 16 Nov 2024

https://github.com/avBuffer/Yolov5_tf

Yolov5/Yolov4/ Yolov3/ Yolo_tiny in tensorflow

mobilenetv2 mobilenetv3 tensorflow tensorflow2 yolo-tiny yolov3 yolov4 yolov5

Last synced: 09 Nov 2024

https://github.com/carpedm20/visual-analogy-tensorflow

Tensorflow implementation of "Deep Visual Analogy-Making"

analogy-transformations deep-learning tensorflow

Last synced: 07 Nov 2024

https://github.com/dwiel/tensorflow_hmm

A tensorflow implementation of an HMM layer

hmm tensorflow tensorflow-hmm viterbi

Last synced: 28 Oct 2024

https://github.com/martinsbruveris/tensorflow-image-models

TensorFlow port of PyTorch Image Models (timm) - image models with pretrained weights.

imagenet tensorflow vision-transformer

Last synced: 15 Nov 2024

https://github.com/Media-Smart/volksdep

volksdep is an open-source toolbox for deploying and accelerating PyTorch, ONNX and TensorFlow models with TensorRT.

acceleration deploy inference jetson-nano jetson-tx2 jetson-xavier keras onnx python pytorch tensorflow tensorrt

Last synced: 14 Nov 2024

https://github.com/1044197988/Semantic-segmentation-of-remote-sensing-images

遥感图像的语义分割,基于深度学习,在Tensorflow框架下,利用TF.Keras,运行环境TF2.0+

crf image-segmentation iou keras loss semantic-segmentation tensorflow unet

Last synced: 13 Nov 2024

https://github.com/williamfalcon/tensorflow-gpu-install-ubuntu-16.04

Tensorflow GPU install instructions for ubuntu 16.04 - Deep learning

deep-learning machine-learning nouveau nvidia-driver tensorflow tensorflow-gpu ubuntu

Last synced: 26 Oct 2024

https://github.com/kailaix/ADCME.jl

Automatic Differentiation Library for Computational and Mathematical Engineering

automatic-differentiation machine-learning neural-networks numerical-pdes optimization scientific-computing tensorflow

Last synced: 13 Nov 2024

https://github.com/dinghanshen/SWEM

The Tensorflow code for this ACL 2018 paper: "Baseline Needs More Love: On Simple Word-Embedding-Based Models and Associated Pooling Mechanisms"

deep-learning natural-language-processing representation-learning tensorflow

Last synced: 03 Aug 2024

https://github.com/regel/loudml

Loud ML is the first open-source AI solution for ICT and IoT automation

database deep-learning machine-learning monitoring tensorflow time-series time-series-prediction

Last synced: 26 Oct 2024

https://github.com/yuanxiaosc/Schema-based-Knowledge-Extraction

Code for http://lic2019.ccf.org.cn/kg 信息抽取。使用基于 BERT 的实体抽取和关系抽取的端到端的联合模型。

competition-code entity-extraction joint-models relation-extraction tensorflow

Last synced: 02 Nov 2024

https://github.com/applenob/rnn-for-joint-nlu

Tensorflow implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)

nlu seq2seq sequence-labeling slot-filling tensorflow

Last synced: 07 Nov 2024

https://github.com/merantix-momentum/squirrel-core

A Python library that enables ML teams to share, load, and transform data in a collaborative, flexible, and efficient way :chestnut:

ai cloud-computing collaboration computer-vision cv data-ingestion data-mesh data-science dataops datasets deep-learning distributed internal machine-learning ml natural-language-processing nlp python pytorch tensorflow

Last synced: 02 Nov 2024

https://github.com/lilianweng/deep-reinforcement-learning-gym

Deep reinforcement learning model implementation in Tensorflow + OpenAI gym

deep-learning deep-reinforcement-learning openai-gym tensorflow tensorflow-tutorials

Last synced: 12 Nov 2024

https://github.com/meetps/tf-3dgan

Tensorflow implementation of 3D Generative Adversarial Network.

deep-learning generative-adversarial-network tensorflow

Last synced: 16 Nov 2024

https://github.com/boat-group/fancy-nlp

NLP for human. A fast and easy-to-use natural language processing (NLP) toolkit, satisfying your imagination about NLP.

bert bert-chinese bert-classifier bert-embeddings bert-ner bilstm-crf bimpm chinese-nlp crf esim keras named-entity-recognition nlp python-library semantic-similarity tensorflow text-classification tf2

Last synced: 13 Nov 2024

https://github.com/google-research/retvec

RETVec is an efficient, multilingual, and adversarially-robust text vectorizer.

deep-learning natural-language-processing nlp python tensorflow text-classification

Last synced: 13 Oct 2024

https://github.com/conan7882/GoogLeNet-Inception

TensorFlow implementation of GoogLeNet and Inception for image classification.

cifar googlenet image-classification inception pre-trained tensorflow

Last synced: 31 Oct 2024

https://github.com/usnistgov/jarvis

JARVIS-Tools: an open-source software package for data-driven atomistic materials design. Publications: https://scholar.google.com/citations?user=3w6ej94AAAAJ

ai atomistic-simulations dft lammps materials-informatics md mgi pytorch quantum-computing scikit-learn tensorflow vasp

Last synced: 12 Oct 2024

https://github.com/tlkh/tf-metal-experiments

TensorFlow Metal Backend on Apple Silicon Experiments (just for fun)

benchmark bert deep-learning gpu m1 m1-max tensorflow

Last synced: 15 Nov 2024

https://github.com/jimfleming/recurrent-entity-networks

TensorFlow implementation of "Tracking the World State with Recurrent Entity Networks".

deep-learning machine-learning natural-language-processing recurrent-neural-networks tensorflow

Last synced: 07 Aug 2024

https://github.com/prodramp/DeepWorks

A collection of Deep Learning projects and resources

artificial-intelligence deep-learning generative-models llm machine-learning pytorch tensorflow

Last synced: 29 Oct 2024

https://github.com/cool-rr/marley

A framework for multi-agent reinforcement learning.

ai hacktoberfest keras machine-learning python q-learning reinforcement-learning tensorflow

Last synced: 13 Nov 2024

https://github.com/aakashkumarnain/tf_jax_tutorials

All about the fundamental blocks of TF and JAX!

deep-learning jax machine-learning python tensorflow tutorials

Last synced: 15 Nov 2024

https://github.com/cool-RR/marley

A framework for multi-agent reinforcement learning.

ai hacktoberfest keras machine-learning python q-learning reinforcement-learning tensorflow

Last synced: 12 Nov 2024

https://github.com/aws/sagemaker-tensorflow-training-toolkit

Toolkit for running TensorFlow training scripts on SageMaker. Dockerfiles used for building SageMaker TensorFlow Containers are at https://github.com/aws/deep-learning-containers.

aws docker sagemaker tensorflow

Last synced: 07 Oct 2024

https://github.com/iwatake2222/InferenceHelper

C++ Helper Class for Deep Learning Inference Frameworks: TensorFlow Lite, TensorRT, OpenCV, OpenVINO, ncnn, MNN, SNPE, Arm NN, NNabla, ONNX Runtime, LibTorch, TensorFlow

cpp deep-learning deeplearning inference mnn ncnn nnabla opencv tensorflow tensorrt

Last synced: 27 Oct 2024

https://github.com/swanhubx/swanlab

⚡️SwanLab: your ML experiment notebook. 你的AI实验笔记本,跟踪与可视化你的机器学习全流程

data-science deep-learning fastapi jax machine-learning mlops model-versioning python pytorch tensorboard tensorflow tracking transformers visualization

Last synced: 11 Oct 2024

https://github.com/peteryuX/retinaface-tf2

RetinaFace (Single-stage Dense Face Localisation in the Wild, 2019) implemented (ResNet50, MobileNetV2 trained on single GPU) in Tensorflow 2.0+. This is an unofficial implementation. With Colab.

colab colab-notebook face-detection facedetection mobilenetv2 resnet-50 retinaface retinaface-detector tensorflow tensorflow2 tf2

Last synced: 27 Oct 2024

https://github.com/drscotthawley/panotti

A multi-channel neural network audio classifier using Keras

audio-classification convolutional-neural-networks keras music-tagging neural-network tensorflow

Last synced: 10 Nov 2024

https://github.com/gokumohandas/fast-weights

🏃 Implementation of Using Fast Weights to Attend to the Recent Past.

machine-learning tensorflow

Last synced: 15 Nov 2024

https://github.com/oaid/facedetection

C++ project to implement MTCNN, a perfect face detect algorithm, on different DL frameworks. The most popular frameworks: caffe/mxnet/tensorflow, are all suppported now

caffe cnn cplusplus face-detection facenet mtcnn mxnet tensorflow tensorflow-mtcnn

Last synced: 05 Nov 2024

https://github.com/sseung0703/kd_methods_with_tf

Knowledge distillation methods implemented with Tensorflow (now there are 11 (+1) methods, and will be added more.)

knowledge-distillation tensorflow tensorflow-examples

Last synced: 12 Nov 2024

https://github.com/30lm32/ml-projects

ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python

ab-testing deep-learning docker gensim geolocation imbalanced-data kdtree keras lstm-neural-networks machine-learning mlflow nlp random-forest spam-classification svm tensorboard tensorflow text-classification timeseries-analysis word2vec

Last synced: 15 Nov 2024