All Projects → deeplearning-keras-tf2-torch → Similar Projects or Alternatives

104 Open source projects that are alternatives of or similar to deeplearning-keras-tf2-torch

Adaptive-Gradient-Clipping
Minimal implementation of adaptive gradient clipping (https://arxiv.org/abs/2102.06171) in TensorFlow 2.
Stars: ✭ 74 (+12.12%)
Mutual labels:  tensorflow2
golang-tf
Working golang + tensorflow
Stars: ✭ 21 (-68.18%)
Mutual labels:  tensorflow2
potato-disease-classification
Potato Disease Classification - Training, Rest APIs, and Frontend to test.
Stars: ✭ 95 (+43.94%)
Mutual labels:  tensorflow2
Bearcat captcha
熊猫识别不定长验证码,基于tensorflow2.2(tensorflow2.3也可以运行)轻松就能练出不错的模型
Stars: ✭ 67 (+1.52%)
Mutual labels:  tensorflow2
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+15.15%)
Mutual labels:  tensorflow2
Open-Source-Models
Address book for computer vision models.
Stars: ✭ 30 (-54.55%)
Mutual labels:  tensorflow2
3D-GuidedGradCAM-for-Medical-Imaging
This Repo containes the implemnetation of generating Guided-GradCAM for 3D medical Imaging using Nifti file in tensorflow 2.0. Different input files can be used in that case need to edit the input to the Guided-gradCAM model.
Stars: ✭ 60 (-9.09%)
Mutual labels:  tensorflow2
TensorFlow2.0 SSD
A tensorflow_2.0 implementation of SSD (Single Shot MultiBox Detector) .
Stars: ✭ 83 (+25.76%)
Mutual labels:  tensorflow2
manning tf2 in action
The official code repository for "TensorFlow in Action" by Manning.
Stars: ✭ 61 (-7.58%)
Mutual labels:  tensorflow2
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-66.67%)
Mutual labels:  tensorflow2
E2E-Object-Detection-in-TFLite
This repository shows how to train a custom detection model with the TFOD API, optimize it with TFLite, and perform inference with the optimized model.
Stars: ✭ 28 (-57.58%)
Mutual labels:  tensorflow2
tensorflow-maml
TensorFlow 2.0 implementation of MAML.
Stars: ✭ 79 (+19.7%)
Mutual labels:  tensorflow2
checkmate
Training neural networks in TensorFlow 2.0 with 5x less memory
Stars: ✭ 116 (+75.76%)
Mutual labels:  tensorflow2
transformer
Build English-Vietnamese machine translation with ProtonX Transformer. :D
Stars: ✭ 41 (-37.88%)
Mutual labels:  tensorflow2
pyradox
State of the Art Neural Networks for Deep Learning
Stars: ✭ 61 (-7.58%)
Mutual labels:  tensorflow2
AiSpace
AiSpace: Better practices for deep learning model development and deployment For Tensorflow 2.0
Stars: ✭ 28 (-57.58%)
Mutual labels:  tensorflow2
TFLite-ModelMaker-EfficientDet-Colab-Hands-On
TensorFlow Lite Model Makerで物体検出を行うハンズオン用資料です(Hands-on for object detection with TensorFlow Lite Model Maker)
Stars: ✭ 15 (-77.27%)
Mutual labels:  tensorflow2
Grokking-Machine-Learning
This repo aims to contain different machine learning use cases along with the descriptions to the model architectures
Stars: ✭ 54 (-18.18%)
Mutual labels:  tensorflow2
TF2DeepFloorplan
TF2 Deep FloorPlan Recognition using a Multi-task Network with Room-boundary-Guided Attention. Enable tensorboard, quantization, flask, tflite, docker, github actions and google colab.
Stars: ✭ 98 (+48.48%)
Mutual labels:  tensorflow2
DataAugmentationTF
Implementation of modern data augmentation techniques in TensorFlow 2.x to be used in your training pipeline.
Stars: ✭ 35 (-46.97%)
Mutual labels:  tensorflow2
tensorflow 2.0 tutorial
tensorflow 2.0 正式版实用教程/tutorial
Stars: ✭ 48 (-27.27%)
Mutual labels:  tensorflow2
Chatbot
一个可以自己进行训练的中文聊天机器人, 根据自己的语料训练出自己想要的聊天机器人,可以用于智能客服、在线问答、智能聊天等场景。目前包含seq2seq、seqGAN版本、tf2.0版本、pytorch版本。
Stars: ✭ 2,441 (+3598.48%)
Mutual labels:  tensorflow2
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+3543.94%)
Mutual labels:  tensorflow2
Deep Learning For Image Processing
deep learning for image processing including classification and object-detection etc.
Stars: ✭ 5,808 (+8700%)
Mutual labels:  tensorflow2
Deep Learning With Tensorflow Book
深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
Stars: ✭ 12,105 (+18240.91%)
Mutual labels:  tensorflow2
Tensorflowtts
😝 TensorFlowTTS: Real-Time State-of-the-art Speech Synthesis for Tensorflow 2 (supported including English, French, Korean, Chinese, German and Easy to adapt for other languages)
Stars: ✭ 2,382 (+3509.09%)
Mutual labels:  tensorflow2
Finrl Library
FinRL: Financial Reinforcement Learning Framework. Please star. 🔥
Stars: ✭ 3,037 (+4501.52%)
Mutual labels:  tensorflow2
Spektral
Graph Neural Networks with Keras and Tensorflow 2.
Stars: ✭ 1,946 (+2848.48%)
Mutual labels:  tensorflow2
Tensorflow Nlp
NLP and Text Generation Experiments in TensorFlow 2.x / 1.x
Stars: ✭ 1,487 (+2153.03%)
Mutual labels:  tensorflow2
Eat tensorflow2 in 30 days
Tensorflow2.0 🍎🍊 is delicious, just eat it! 😋😋
Stars: ✭ 9,166 (+13787.88%)
Mutual labels:  tensorflow2
Deepnude An Image To Image Technology
DeepNude's algorithm and general image generation theory and practice research, including pix2pix, CycleGAN, UGATIT, DCGAN, SinGAN, ALAE, mGANprior, StarGAN-v2 and VAE models (TensorFlow2 implementation). DeepNude的算法以及通用生成对抗网络(GAN,Generative Adversarial Network)图像生成的理论与实践研究。
Stars: ✭ 4,029 (+6004.55%)
Mutual labels:  tensorflow2
Tts
🤖 💬 Deep learning for Text to Speech (Discussion forum: https://discourse.mozilla.org/c/tts)
Stars: ✭ 5,427 (+8122.73%)
Mutual labels:  tensorflow2
Ai Learn
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理,PyTorch tensorflow machine-learning,deep-learning data-analysis data-mining mathematics data-science artificial-intelligence python tensorflow tensorflow2 caffe keras pytorch algorithm numpy pandas matplotlib seaborn nlp cv等热门领域
Stars: ✭ 4,387 (+6546.97%)
Mutual labels:  tensorflow2
Dive Into Dl Tensorflow2.0
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为TensorFlow 2.0实现,项目已得到李沐老师的认可
Stars: ✭ 3,380 (+5021.21%)
Mutual labels:  tensorflow2
attentionocr
Attention OCR in Tensorflow 2.0
Stars: ✭ 45 (-31.82%)
Mutual labels:  tensorflow2
Knowledge distillation via TF2.0
The codes for recent knowledge distillation algorithms and benchmark results via TF2.0 low-level API
Stars: ✭ 87 (+31.82%)
Mutual labels:  tensorflow2
SLE-GAN
Towards Faster and Stabilized GAN Training for High-fidelity Few-shot Image Synthesis
Stars: ✭ 53 (-19.7%)
Mutual labels:  tensorflow2
Yolov5
Efficient implementation of YOLOV5 in TensorFlow2
Stars: ✭ 146 (+121.21%)
Mutual labels:  tensorflow2
maml-rl-tf2
Implementation of Model-Agnostic Meta-Learning (MAML) applied on Reinforcement Learning problems in TensorFlow 2.
Stars: ✭ 16 (-75.76%)
Mutual labels:  tensorflow2
FinRL
FinRL: The first open-source project for financial reinforcement learning. Please star. 🔥
Stars: ✭ 3,497 (+5198.48%)
Mutual labels:  tensorflow2
Lottery Ticket Hypothesis-TensorFlow 2
Implementing "The Lottery Ticket Hypothesis" paper by "Jonathan Frankle, Michael Carbin"
Stars: ✭ 28 (-57.58%)
Mutual labels:  tensorflow2
keras efficientnet v2
self defined efficientnetV2 according to official version. Including converted ImageNet/21K/21k-ft1k weights.
Stars: ✭ 56 (-15.15%)
Mutual labels:  tensorflow2
faceboxes-tensorflow
a tensorflow implement faceboxes
Stars: ✭ 45 (-31.82%)
Mutual labels:  tensorflow2
FaceRecognition With FaceNet Android
Face Recognition using the FaceNet model and MLKit on Android.
Stars: ✭ 113 (+71.21%)
Mutual labels:  tensorflow2
61-104 of 104 similar projects