pytorch-implementation

Open-source projects categorized as pytorch-implementation

Top 23 pytorch-implementation Open-Source 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.

  • 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
  • pytorch-seq2seq

    Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.

  • 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

  • machine-learning-articles

    🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.

  • pytorch-GAT

    My implementation of the original GAT paper (Veličković et al.). I've additionally included the playground.py file for visualizing the Cora dataset, GAT embeddings, an attention mechanism, and entropy histograms. I've supported both Cora (transductive) and PPI (inductive) examples!

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

    PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations (by sthalles)

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

  • pytorch-image-classification

    Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.

  • 6DRepNet

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

  • First-steps-towards-Deep-Learning

    This is an open sourced book on deep learning.

  • text-to-motion

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

  • minLoRA

    minLoRA: a minimal PyTorch library that allows you to apply LoRA to any PyTorch model.

  • ConvLSTM-PyTorch

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

  • 2D-Gaussian-Splatting

    A 2D Gaussian Splatting paper for no obvious reasons. Enjoy!

  • Project mention: [P] 2D Gaussian Splatting a great starting point for people who want to delve deeper | /r/MachineLearning | 2023-10-19

    Github : https://github.com/OutofAi/2D-Gaussian-Splatting

  • explainable-cnn

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

  • gan-vae-pretrained-pytorch

    Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.

  • 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

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

pytorch-implementation related posts

Index


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