InfluxDB Platform is powered by columnar analytics, optimized for cost-efficient storage, and built with open data standards. Learn more →
Top 20 Python pytorch-implementation Projects
-
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)
-
Scout Monitoring
Free Django app performance insights with Scout Monitoring. Get Scout setup in minutes, and let us sweat the small stuff. A couple lines in settings.py is all you need to start monitoring your apps. Sign up for our free tier today.
-
-
-
-
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
Purpose built for real-time analytics at any scale. InfluxDB Platform is powered by columnar analytics, optimized for cost-efficient storage, and built with open data standards.
-
-
explainable-cnn
📦 PyTorch based visualization package for generating layer-wise explanations for CNNs.
-
-
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
-
-
-
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
-
Transfusion.torch
PyTorch Implementation of Transfusion: Predict the Next Token and Diffuse Images with One Multi-Modal Model
Project mention: Transfusion: Predict the Next Token and Diffuse Images with One Multimodal Model | news.ycombinator.com | 2024-09-10Doesn't appear to be any weights uploaded anywhere that I can find.
There are the starts of two (non-original-author) public implementations available on Github, but again -- doesn't appear to be any pretrained weights in either.
* https://github.com/lucidrains/transfusion-pytorch
* https://github.com/VachanVY/Transfusion.torch
-
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
Python pytorch-implementation discussion
Python pytorch-implementation related posts
-
Building an AI Game Bot 🤖Using Imitation Learning and 3D Convolution ResNet
-
What can be the reasons of BatchNorm working and Dropout not working in YoloV1 Pytorch implementation?
-
[D] Is it possible to train the same LLM instance on different users' data?
-
How to create a custom parallel corpus for machine translation with recent versions of pytorch and torchtext?
-
Help with VAE
-
I need help knowing how to improve a CycleGan I am working on.
-
Confusions on VAE implementation
-
A note from our sponsor - InfluxDB
www.influxdata.com | 20 Sep 2024
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 | 7,466 |
2 | PyTorch-VAE | 6,469 |
3 | manga-image-translator | 5,002 |
4 | ALAE | 3,512 |
5 | medicaldetectiontoolkit | 1,293 |
6 | 6DRepNet | 533 |
7 | text-to-motion | 457 |
8 | ConvLSTM-PyTorch | 368 |
9 | explainable-cnn | 217 |
10 | ElasticFace | 158 |
11 | pytorch-learn-reinforcement-learning | 148 |
12 | Data-Efficient-Reinforcement-Learning-with-Probabilistic-Model-Predictive-Control | 124 |
13 | Pix2Seq | 113 |
14 | torch-metrics | 110 |
15 | active_learning | 53 |
16 | Ghost-DeblurGAN | 38 |
17 | 3d-multi-resolution-rcnn | 25 |
18 | Amortized-SVGD-GAN | 9 |
19 | Transfusion.torch | 1 |
20 | Robo-Semantic-Segmentation | 0 |