Tensorflow2

Open-source projects categorized as Tensorflow2

Top 23 Tensorflow2 Open-Source Projects

  • DeepLearningExamples

    State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.

  • FinRL

    FinRL: Financial Reinforcement Learning. πŸ”₯

  • Project mention: Batendo BOVA11 - Approach usando Reinforcement Learning | /r/farialimabets | 2023-09-11

    FinRL ---> https://github.com/AI4Finance-Foundation/FinRL

  • InfluxDB

    Power Real-Time Data Analytics at Scale. Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality.

    InfluxDB logo
  • TTS

    :robot: :speech_balloon: Deep learning for Text to Speech (Discussion forum: https://discourse.mozilla.org/c/tts) (by mozilla)

  • Project mention: Coqui.ai Is Shutting Down | news.ycombinator.com | 2024-01-03

    Coqui-ai was a commercial continuation of Mozilla TTS and STT (https://github.com/mozilla/TTS).

    At the time (2018-ish), it was really impressive for on-device voice synthesis (with a quality approaching the Google and Azure cloud-based voice synthesis options) and open source, so a lot of people in the FOSS community were hoping it could be used for a privacy-respecting home assistant, Linux speech synthesis that doesn't suck, etc.

    After Mozilla abandoned the project, Coqui continued development and had some really impressive one-shot voice cloning, but pivoted to marketing speech synthesis for game developers. They were probably having trouble monetizing it, and it doesn't surprise me that they shut down.

    An equivalent project that's still in active development and doing really well is Piper TTS (https://github.com/rhasspy/piper).

  • Machine-Learning-Collection

    A resource for learning about Machine learning & Deep Learning

  • Project mention: Building an AI Game Bot πŸ€–Using Imitation Learning and 3D Convolution ResNet | dev.to | 2024-01-02

    def compute_mean_std(dataloader): ''' We assume that the images of the dataloader have the same height and width source: https://github.com/aladdinpersson/Machine-Learning-Collection/blob/master/ML/Pytorch/Basics/pytorch_std_mean.py ''' # var[X] = E[X**2] - E[X]**2 channels_sum, channels_sqrd_sum, num_batches = 0, 0, 0 for batch_images, labels in tqdm(dataloader): # (B,H,W,C) batch_images = batch_images.permute(0,3,4,2,1) channels_sum += torch.mean(batch_images, dim=[0, 1, 2, 3]) channels_sqrd_sum += torch.mean(batch_images ** 2, dim=[0, 1, 2,3]) num_batches += 1 mean = channels_sum / num_batches std = (channels_sqrd_sum / num_batches - mean ** 2) ** 0.5 return mean, std compute_mean_std(dataloader)

  • tensorflow-deep-learning

    All course materials for the Zero to Mastery Deep Learning with TensorFlow course. (by mrdbourke)

  • Tools-to-Design-or-Visualize-Architecture-of-Neural-Network

    Tools to Design or Visualize Architecture of Neural Network

  • Project mention: Programs to create model architectures schemes | /r/learnmachinelearning | 2023-05-31

    I can recommend this repo it offers a lot of visualization methods for neural networks.

  • TensorFlowTTS

    :stuck_out_tongue_closed_eyes: 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)

  • Project mention: Ask HN: On-Device Text to Speech | news.ycombinator.com | 2023-08-31

    Hey HN, has anyone found a viable solution for doing this locally and offline on iOS? I'd like to offer a privacy-friendly text to speech feature to my App, and Apple's speech synthesis sounds awful compared to some newer models and TTS engines. The only thing I've found is an older TensorflowTTS example here: https://github.com/TensorSpeech/TensorFlowTTS/tree/master/examples/ios

    Any pointers or tips appreciated.

  • WorkOS

    The modern identity platform for B2B SaaS. The APIs are flexible and easy-to-use, supporting authentication, user identity, and complex enterprise features like SSO and SCIM provisioning.

    WorkOS logo
  • doctr

    docTR (Document Text Recognition) - a seamless, high-performing & accessible library for OCR-related tasks powered by Deep Learning.

  • Project mention: Show HN: How do you OCR on a Mac using the CLI or just Python for free | news.ycombinator.com | 2024-01-02

    https://github.com/mindee/doctr/issues/1049

    I am looking for something this polished and reliable for handwriting, does anyone have any pointers? I want to integrate it in a workflow with my eink tablet I take notes on. A few years ago, I tried various models, but they performed poorly (around 80% accuracy) on my handwriting, which I can read almost 90% of the time.

  • spektral

    Graph Neural Networks with Keras and Tensorflow 2.

  • labml

    πŸ”Ž Monitor deep learning model training and hardware usage from your mobile phone πŸ“±

  • super-resolution

    Tensorflow 2.x based implementation of EDSR, WDSR and SRGAN for single image super-resolution

  • ydata-synthetic

    Synthetic data generators for tabular and time-series data

  • Project mention: Coding Wonderland: Contribute to YData Profiling and YData Synthetic in this Advent of Code | dev.to | 2023-12-05

    Send us your North ⭐️: "On the first day of Christmas, my true contributor gave to me..." a star in my GitHub tree! 🎡 If you love these projects too, star ydata-profiling or ydata-synthetic and let your friends know why you love it so much!

  • deep-learning-containers

    AWS Deep Learning Containers (DLCs) are a set of Docker images for training and serving models in TensorFlow, TensorFlow 2, PyTorch, and MXNet.

  • Project mention: Deploying whisperX on AWS SageMaker as Asynchronous Endpoint | dev.to | 2024-03-31

    We are ready to create and deploy the sagemaker model on SageMaker as asynchronous endpoint using a image URI and the model data uploaded to S3. For different deployment regions and requirements, find suitable container images at AWS Deep Learning Container.

  • pix2seq

    Pix2Seq codebase: multi-tasks with generative modeling (autoregressive and diffusion) (by google-research)

  • ActionAI

    Real-Time Spatio-Temporally Localized Activity Detection by Tracking Body Keypoints

  • Project mention: Show HN: Custom Action Recognition with ActionAI | news.ycombinator.com | 2023-09-23
  • TrainYourOwnYOLO

    Train a state-of-the-art yolov3 object detector from scratch!

  • DeepRL-TensorFlow2

    πŸ‹ Simple implementations of various popular Deep Reinforcement Learning algorithms using TensorFlow2

  • Deep-SORT-YOLOv4

    People detection and optional tracking with Tensorflow backend.

  • metrabs

    Estimate absolute 3D human poses from RGB images.

  • License-super-resolution

    A License Plate Image Reconstruction Project in Tensorflow2

  • Project mention: Unfall mit Fahrerflucht, AI-Upscaling? | /r/de_EDV | 2023-05-07
  • opennsfw2

    Keras implementation of the Yahoo Open-NSFW model

  • Project mention: Ask HN: Please recommend me an NSFW content detection API | news.ycombinator.com | 2023-09-08

    If you have the inclination you can try opennsfw2[0].

    If you have content that slips through you can finetune it with your dataset to improve detection.

    [0] - https://github.com/bhky/opennsfw2

  • Mask-RCNN-TF2

    Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow 2.0

  • CARLA

    CARLA: A Python Library to Benchmark Algorithmic Recourse and Counterfactual Explanation Algorithms (by carla-recourse)

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
NOTE: The open source projects on this list are ordered by number of github stars. The number of mentions indicates repo mentiontions in the last 12 Months or since we started tracking (Dec 2020).

Tensorflow2 related posts

Index

What are some of the best open-source Tensorflow2 projects? This list will help you:

Project Stars
1 DeepLearningExamples 12,607
2 FinRL 9,093
3 TTS 8,806
4 Machine-Learning-Collection 6,936
5 tensorflow-deep-learning 4,859
6 Tools-to-Design-or-Visualize-Architecture-of-Neural-Network 4,038
7 TensorFlowTTS 3,697
8 doctr 3,038
9 spektral 2,344
10 labml 1,867
11 super-resolution 1,452
12 ydata-synthetic 1,286
13 deep-learning-containers 931
14 pix2seq 807
15 ActionAI 724
16 TrainYourOwnYOLO 635
17 DeepRL-TensorFlow2 573
18 Deep-SORT-YOLOv4 492
19 metrabs 413
20 License-super-resolution 357
21 opennsfw2 315
22 Mask-RCNN-TF2 299
23 CARLA 263

Sponsored
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com