Python Tensorflow2

Open-source Python projects categorized as Tensorflow2

Top 23 Python Tensorflow2 Projects

  • 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)

  • 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.

  • 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
  • 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.

  • super-resolution

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

  • 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.

  • 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
  • SaaSHub

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

    SaaSHub logo
  • 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.

  • 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)

  • quickai

    QuickAI is a Python library that makes it extremely easy to experiment with state-of-the-art Machine Learning models.

  • yolo-v4-tf.keras

    A simple tf.keras implementation of YOLO v4

  • checkmate

    Training neural networks in TensorFlow 2.0 with 5x less memory (by parasj)

  • tf2multiagentrl

    Clean implementation of Multi-Agent Reinforcement Learning methods (MADDPG, MATD3, MASAC, MAD4PG) in TensorFlow 2.x

  • Gradient-Centralization-TensorFlow

    Instantly improve your training performance of TensorFlow models with just 2 lines of code!

  • evopose2d

    EvoPose2D is a two-stage human pose estimation model that was designed using neuroevolution. It achieves state-of-the-art accuracy on COCO.

  • backyard_birdbot

    This project is for a Twitter bot that monitors a bird feeder in my backyard. Any detected birds are identified and posted to Twitter.

  • unisim

    UniSim is a package for efficient similarity computation, fuzzy matching, and clustering of data.

  • Project mention: Google UniSim for efficient similarity computation | news.ycombinator.com | 2023-11-30
  • pyradox

    State of the Art Neural Networks for Deep Learning

  • tensorflow-yolov4-tflite

    YOLOv4, YOLOv4-tiny, YOLOv3, YOLOv3-tiny Implemented in Tensorflow 2.3.1, Android. Convert YOLO v4 .weights tensorflow, tensorrt and tflite (by haroonshakeel)

  • 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).

Python Tensorflow2 related posts

  • Ask HN: On-Device Text to Speech

    1 project | news.ycombinator.com | 31 Aug 2023
  • 👋 Unstable Diffusion here, We're excited to announce our Kickstarter to create a sustainable, community-driven future.

    2 projects | /r/StableDiffusion | 9 Dec 2022
  • [D]Use SimCLR as pretraining for image segmentation

    4 projects | /r/MachineLearning | 15 Oct 2022
  • New “distilled diffusion models” research can create high quality images 256x faster with step counts as low as 4

    1 project | /r/MachineLearning | 10 Oct 2022
  • I can't manage to make training work... please help me out

    1 project | /r/tensorflow | 26 May 2022
  • [D] GNN Architecture that inputs and outputs both edge and node features?

    1 project | /r/MachineLearning | 22 May 2022
  • New lightweight library for head-gesture detection

    1 project | /r/Python | 10 May 2022
  • A note from our sponsor - InfluxDB
    www.influxdata.com | 10 May 2024
    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. Learn more →

Index

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

Project Stars
1 Machine-Learning-Collection 7,029
2 TensorFlowTTS 3,710
3 doctr 3,075
4 spektral 2,346
5 super-resolution 1,452
6 deep-learning-containers 937
7 ActionAI 724
8 DeepRL-TensorFlow2 573
9 Deep-SORT-YOLOv4 492
10 metrabs 420
11 opennsfw2 319
12 Mask-RCNN-TF2 299
13 CARLA 265
14 quickai 162
15 yolo-v4-tf.keras 139
16 checkmate 123
17 tf2multiagentrl 110
18 Gradient-Centralization-TensorFlow 106
19 evopose2d 82
20 backyard_birdbot 71
21 unisim 69
22 pyradox 62
23 tensorflow-yolov4-tflite 59

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