Python Tensorflow2

Open-source Python projects categorized as Tensorflow2

Top 23 Python Tensorflow2 Projects

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

  • SaaSHub

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

    SaaSHub logo
  • doctr

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

    Project mention: A Picture Is Worth 170 Tokens: How Does GPT-4o Encode Images? | news.ycombinator.com | 2024-06-07

    checkout https://github.com/mindee/doctr or https://github.com/VikParuchuri/surya for something practical

    multimodal llm would of course blow it all out the water, so some llama3-like model is probably SOTA in terms of what you can run yourself. something like https://huggingface.co/blog/idefics2

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

  • 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

  • deep-learning-containers

    AWS Deep Learning Containers are pre-built Docker images that make it easier to run popular deep learning frameworks and tools on AWS.

    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

  • 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

  • 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

  • unisim

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

    Project mention: Finding near-duplicates with Jaccard similarity and MinHash | news.ycombinator.com | 2024-07-04

    Hashing or tiny neural nets combined with a Vector Search engine with Tanimoto/Jaccard is a very common deduplication strategy for large datasets. It might be wiser than using linear-complexity MapReduce operations.

    There is a nice Google project using 0.5 M parameter RETSim model and the USearch engine for that: https://github.com/google/unisim

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

  • pyradox

    State of the Art Neural Networks for Deep Learning

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 discussion

Log in or Post with

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 - SaaSHub
    www.saashub.com | 4 Dec 2024
    SaaSHub helps you find the best software and product alternatives 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,693
2 doctr 3,935
3 TensorFlowTTS 3,849
4 spektral 2,372
5 labml 2,070
6 super-resolution 1,505
7 deep-learning-containers 1,015
8 ActionAI 765
9 DeepRL-TensorFlow2 603
10 Deep-SORT-YOLOv4 496
11 metrabs 473
12 opennsfw2 366
13 Mask-RCNN-TF2 323
14 CARLA 274
15 quickai 162
16 yolo-v4-tf.keras 140
17 checkmate 128
18 tf2multiagentrl 128
19 unisim 117
20 Gradient-Centralization-TensorFlow 105
21 evopose2d 82
22 backyard_birdbot 73
23 pyradox 61

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

Did you konow that Python is
the 1st most popular programming language
based on number of metions?