Python pytorch-implementation

Open-source Python projects categorized as pytorch-implementation

Top 19 Python pytorch-implementation 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)

  • PyTorch-VAE

    A Collection of Variational Autoencoders (VAE) in PyTorch.

  • 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
  • manga-image-translator

    Translate manga/image 一键翻译各类图片内文字 https://cotrans.touhou.ai/

  • Project mention: [DISC] - The angel who came to pick me up is a Gal (Oneshot by Shiraishi Kouhei) | /r/manga | 2023-09-06

    OCR works pretty good. ocr.space, ocr.best and cotrans.touhou.ai/ are all pretty nice.

  • ALAE

    [CVPR2020] Adversarial Latent Autoencoders

  • medicaldetectiontoolkit

    The Medical Detection Toolkit contains 2D + 3D implementations of prevalent object detectors such as Mask R-CNN, Retina Net, Retina U-Net, as well as a training and inference framework focused on dealing with medical images.

  • 6DRepNet

    Official Pytorch implementation of 6DRepNet: 6D Rotation representation for unconstrained head pose estimation.

  • text-to-motion

    Official implementation for "Generating Diverse and Natural 3D Human Motions from Texts (CVPR2022)."

  • 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
  • ConvLSTM-PyTorch

    ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST

  • explainable-cnn

    📦 PyTorch based visualization package for generating layer-wise explanations for CNNs.

  • ElasticFace

    Official repository for ElasticFace: Elastic Margin Loss for Deep Face Recognition

  • Project mention: Face recognition models require different thresholds for different races? [D] | /r/MachineLearning | 2023-05-26

    Hey, first of all, don't use FaceNet. It is outdated and performs way worse than modern solutions. You can use Elastic Face or MagFace (or any other SOTA FR model).

  • pytorch-learn-reinforcement-learning

    A collection of various RL algorithms like policy gradients, DQN and PPO. The goal of this repo will be to make it a go-to resource for learning about RL. How to visualize, debug and solve RL problems. I've additionally included playground.py for learning more about OpenAI gym, etc.

  • Data-Efficient-Reinforcement-Learning-with-Probabilistic-Model-Predictive-Control

    Unofficial Implementation of the paper "Data-Efficient Reinforcement Learning with Probabilistic Model Predictive Control", applied to gym environments

  • torch-metrics

    Metrics for model evaluation in pytorch

  • Pix2Seq

    Simple Implementation of Pix2Seq model for object detection in PyTorch

  • active_learning

    Code for Active Learning at The ImageNet Scale. This repository implements many popular active learning algorithms and allows training with torch's DDP.

  • Ghost-DeblurGAN

    This is a lightweight GAN developed for real-time deblurring. The model has a super tiny size and a rapid inference time. The motivation is to boost marker detection in robotic applications, however, you may use it for other applications definitely.

  • 3d-multi-resolution-rcnn

    Official PyTorch implementaiton of the paper "3D Instance Segmentation Framework for Cerebral Microbleeds using 3D Multi-Resolution R-CNN."

  • Amortized-SVGD-GAN

    Learning to draw samples: with application to amortized maximum likelihood estimator for generative adversarial learning

  • Robo-Semantic-Segmentation

    Just a simple semantic segmentation library that I developed to speed up the image segmentation pipeline

  • 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 pytorch-implementation related posts

Index

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

Project Stars
1 Machine-Learning-Collection 6,936
2 PyTorch-VAE 5,989
3 manga-image-translator 4,206
4 ALAE 3,494
5 medicaldetectiontoolkit 1,266
6 6DRepNet 499
7 text-to-motion 393
8 ConvLSTM-PyTorch 350
9 explainable-cnn 212
10 ElasticFace 152
11 pytorch-learn-reinforcement-learning 139
12 Data-Efficient-Reinforcement-Learning-with-Probabilistic-Model-Predictive-Control 114
13 torch-metrics 109
14 Pix2Seq 109
15 active_learning 52
16 Ghost-DeblurGAN 34
17 3d-multi-resolution-rcnn 25
18 Amortized-SVGD-GAN 9
19 Robo-Semantic-Segmentation 0

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