An open API service indexing awesome lists of open source software.

Projects in Awesome Lists by pytorch

A curated list of projects in awesome lists by pytorch .

https://github.com/pytorch/pytorch

Tensors and Dynamic neural networks in Python with strong GPU acceleration

autograd deep-learning gpu machine-learning neural-network numpy python tensor

Last synced: 12 May 2025

https://github.com/pytorch/examples

A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.

Last synced: 12 May 2025

https://github.com/pytorch/vision

Datasets, Transforms and Models specific to Computer Vision

computer-vision machine-learning

Last synced: 12 May 2025

https://github.com/pytorch/tutorials

PyTorch tutorials.

Last synced: 13 May 2025

https://github.com/pytorch/captum

Model interpretability and understanding for PyTorch

feature-attribution feature-importance interpretability interpretable-ai interpretable-ml

Last synced: 13 May 2025

https://github.com/pytorch/torchtune

PyTorch native post-training library

Last synced: 13 May 2025

https://github.com/pytorch/ignite

High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.

closember deep-learning hacktoberfest machine-learning metrics neural-network python pytorch

Last synced: 13 May 2025

https://github.com/pytorch/serve

Serve, optimize and scale PyTorch models in production

cpu deep-learning docker gpu kubernetes machine-learning metrics mlops optimization pytorch serving

Last synced: 13 May 2025

https://github.com/pytorch/torchtitan

A PyTorch native library for large-scale model training

Last synced: 27 Dec 2025

https://github.com/pytorch/torchchat

Run PyTorch LLMs locally on servers, desktop and mobile

llm local pytorch

Last synced: 13 May 2025

https://github.com/pytorch/text

Models, data loaders and abstractions for language processing, powered by PyTorch

data-loader dataset deep-learning models nlp pytorch

Last synced: 13 May 2025

https://github.com/pytorch/ELF

ELF: a platform for game research with AlphaGoZero/AlphaZero reimplementation

alpha-zero alphago-zero go reinforcement-learning rl rl-environment

Last synced: 01 Apr 2025

https://github.com/pytorch/elf

ELF: a platform for game research with AlphaGoZero/AlphaZero reimplementation

alpha-zero alphago-zero go reinforcement-learning rl rl-environment

Last synced: 30 Sep 2025

https://github.com/pytorch/glow

Compiler for Neural Network hardware accelerators

Last synced: 14 May 2025

https://github.com/pytorch/executorch

On-device AI across mobile, embedded and edge for PyTorch

deep-learning embedded gpu machine-learning mobile neural-network tensor

Last synced: 11 May 2025

https://github.com/pytorch/tensorrt

PyTorch/TorchScript/FX compiler for NVIDIA GPUs using TensorRT

cuda deep-learning jetson libtorch machine-learning nvidia pytorch tensorrt

Last synced: 15 Dec 2025

https://github.com/pytorch/audio

Data manipulation and transformation for audio signal processing, powered by PyTorch

audio audio-processing io machine-learning python pytorch speech

Last synced: 05 May 2025

https://github.com/pytorch/xla

Enabling PyTorch on XLA Devices (e.g. Google TPU)

compiler deep-learning pytorch xla

Last synced: 16 May 2025

https://github.com/pytorch/TensorRT

PyTorch/TorchScript/FX compiler for NVIDIA GPUs using TensorRT

cuda deep-learning jetson libtorch machine-learning nvidia pytorch tensorrt

Last synced: 09 Apr 2025

https://github.com/pytorch/torchrec

Pytorch domain library for recommendation systems

cuda deep-learning gpu pytorch recommendation-system recommender-system sharding

Last synced: 12 May 2025

https://github.com/pytorch/ao

PyTorch native quantization and sparsity for training and inference

brrr cuda dtypes float8 inference llama mx offloading optimizer pytorch quantization sparsity training transformer

Last synced: 12 May 2025

https://github.com/pytorch/tnt

A lightweight library for PyTorch training tools and utilities

deep-learning machine-learning neural-network python pytorch reinforcement-learning

Last synced: 13 May 2025

https://github.com/pytorch/QNNPACK

Quantized Neural Network PACKage - mobile-optimized implementation of quantized neural network operators

Last synced: 18 Mar 2025

https://github.com/pytorch/qnnpack

Quantized Neural Network PACKage - mobile-optimized implementation of quantized neural network operators

Last synced: 30 Sep 2025

https://github.com/pytorch/android-demo-app

PyTorch android examples of usage in applications

Last synced: 30 Sep 2025

https://github.com/pytorch/functorch

functorch is JAX-like composable function transforms for PyTorch.

gradients hessians pytorch

Last synced: 13 May 2025

https://github.com/pytorch/hub

Submission to https://pytorch.org/hub/

Last synced: 15 May 2025

https://github.com/pytorch/gloo

Collective communications library with various primitives for multi-machine training.

collectives distributed-training pytorch

Last synced: 11 Dec 2025

https://github.com/pytorch/fbgemm

FB (Facebook) + GEMM (General Matrix-Matrix Multiplication) - https://code.fb.com/ml-applications/fbgemm/

Last synced: 13 May 2025

https://github.com/pytorch/FBGEMM

FB (Facebook) + GEMM (General Matrix-Matrix Multiplication) - https://code.fb.com/ml-applications/fbgemm/

Last synced: 26 Mar 2025

https://github.com/pytorch/data

A PyTorch repo for data loading and utilities to be shared by the PyTorch domain libraries.

Last synced: 12 May 2025

https://github.com/pytorch/cpuinfo

CPU INFOrmation library (x86/x86-64/ARM/ARM64, Linux/Windows/Android/macOS/iOS)

cpu cpu-cache cpu-model cpu-topology cpuid instruction-set

Last synced: 14 May 2025

https://github.com/pytorch/extension-cpp

C++ extensions in PyTorch

Last synced: 14 May 2025

https://github.com/pytorch/torchdynamo

A Python-level JIT compiler designed to make unmodified PyTorch programs faster.

Last synced: 15 May 2025

https://github.com/pytorch/benchmark

TorchBench is a collection of open source benchmarks used to evaluate PyTorch performance.

benchmark pytorch

Last synced: 14 May 2025

https://github.com/pytorch/tensordict

TensorDict is a pytorch dedicated tensor container.

Last synced: 13 May 2025

https://github.com/pytorch/translate

Translate - a PyTorch Language Library

artificial-intelligence machine-learning onnx pytorch

Last synced: 30 Sep 2025

https://github.com/pytorch/kineto

A CPU+GPU Profiling library that provides access to timeline traces and hardware performance counters.

Last synced: 13 May 2025

https://github.com/pytorch/pippy

Pipeline Parallelism for PyTorch

Last synced: 15 May 2025

https://github.com/pytorch/PiPPy

Pipeline Parallelism for PyTorch

Last synced: 27 Mar 2025

https://github.com/pytorch/elastic

PyTorch elastic training

Last synced: 30 Sep 2025

https://github.com/pytorch/torcharrow

High performance model preprocessing library on PyTorch

preprocessing python pytorch

Last synced: 19 Oct 2025

https://github.com/pytorch/ios-demo-app

PyTorch iOS examples

Last synced: 30 Sep 2025

https://github.com/pytorch/torchcodec

PyTorch video decoding

Last synced: 14 May 2025

https://github.com/pytorch/tvm

TVM integration into PyTorch

Last synced: 30 Sep 2025

https://github.com/pytorch/contrib

Implementations of ideas from recent papers

Last synced: 30 Sep 2025

https://github.com/pytorch/ort

Accelerate PyTorch models with ONNX Runtime

Last synced: 08 Oct 2025

https://github.com/pytorch/torchx

TorchX is a universal job launcher for PyTorch applications. TorchX is designed to have fast iteration time for training/research and support for E2E production ML pipelines when you're ready.

airflow aws-batch components deep-learning distributed-training kubernetes machine-learning pipelines python pytorch ray slurm

Last synced: 14 May 2025

https://github.com/pytorch/builder

Continuous builder and binary build scripts for pytorch

Last synced: 15 May 2025

https://github.com/pytorch/accimage

high performance image loading and augmenting routines mimicking PIL.Image interface

Last synced: 21 Oct 2025

https://github.com/pytorch/torchft

PyTorch per step fault tolerance (actively under development)

consensus distributed-systems fault-tolerance ml pytorch torch training

Last synced: 16 May 2025

https://github.com/pytorch/extension-ffi

Examples of C extensions for PyTorch

Last synced: 30 Sep 2025

https://github.com/pytorch/nestedtensor

[Prototype] Tools for the concurrent manipulation of variably sized Tensors.

Last synced: 30 Sep 2025

https://github.com/pytorch/pytorch.github.io

The website for PyTorch

Last synced: 15 May 2025

https://github.com/pytorch/tensorpipe

A tensor-aware point-to-point communication primitive for machine learning

Last synced: 07 Aug 2025

https://github.com/pytorch/torcheval

A library that contains a rich collection of performant PyTorch model metrics, a simple interface to create new metrics, a toolkit to facilitate metric computation in distributed training and tools for PyTorch model evaluations.

Last synced: 14 May 2025

https://github.com/pytorch/cppdocs

PyTorch C++ API Documentation

Last synced: 12 Apr 2025

https://github.com/pytorch/hydra-torch

Configuration classes enabling type-safe PyTorch configuration for Hydra apps

Last synced: 06 May 2025

https://github.com/pytorch/workshops

This is a repository for all workshop related materials.

Last synced: 06 Apr 2025

https://github.com/pytorch/multipy

torch::deploy (multipy for non-torch uses) is a system that lets you get around the GIL problem by running multiple Python interpreters in a single C++ process.

Last synced: 16 May 2025

https://github.com/pytorch/torchsnapshot

A performant, memory-efficient checkpointing library for PyTorch applications, designed with large, complex distributed workloads in mind.

Last synced: 15 May 2025

https://github.com/pytorch/rfcs

PyTorch RFCs (experimental)

Last synced: 09 Apr 2025

https://github.com/pytorch/java-demo

Last synced: 30 Sep 2025

https://github.com/pytorch/csprng

Cryptographically secure pseudorandom number generators for PyTorch

Last synced: 16 May 2025

https://github.com/pytorch/torchdistx

Torch Distributed Experimental

Last synced: 19 Oct 2025

https://github.com/pytorch/extension-script

Example repository for custom C++/CUDA operators for TorchScript

cpp cuda pytorch

Last synced: 30 Sep 2025

https://github.com/pytorch/pytorch_sphinx_theme

PyTorch Sphinx Theme

Last synced: 28 Jun 2025

https://github.com/pytorch/test-infra

This repository hosts code that supports the testing infrastructure for the PyTorch organization. For example, this repo hosts the logic to track disabled tests and slow tests, as well as our continuation integration jobs HUD/dashboard.

Last synced: 04 Dec 2025

https://github.com/pytorch/expecttest

Last synced: 11 Dec 2025

https://github.com/pytorch/maskedtensor

MaskedTensors for PyTorch

Last synced: 30 Sep 2025

https://github.com/pytorch/ci-infra

Last synced: 10 Apr 2025

https://github.com/pytorch/add-annotations-github-action

A GitHub action to run clang-tidy and annotate failures

Last synced: 30 Sep 2025

https://github.com/pytorch/probot

PyTorch GitHub bot written in probot

Last synced: 30 Sep 2025

https://github.com/pytorch/ci-hud

HUD for CI activity on `pytorch/pytorch`, provides a top level view for jobs to easily discern regressions

pytorch react

Last synced: 30 Sep 2025

https://github.com/pytorch/ossci-job-dsl

Jenkins job definitions for OSSCI

Last synced: 30 Sep 2025

https://github.com/pytorch/docs

This repository is automatically generated to contain the website source for the PyTorch documentation at https//pytorch.org/docs.

Last synced: 27 Jul 2025

https://github.com/pytorch/pytorch-integration-testing

Testing downstream libraries using pytorch release candidates

Last synced: 12 Oct 2025

https://github.com/pytorch/torchhub_testing

Repo to test torchhub. Nothing to see here.

Last synced: 30 Sep 2025

https://github.com/pytorch/dr-ci

Diagnose and remediate CI jobs

Last synced: 30 Sep 2025

https://github.com/pytorch/caffe2.github.io

The caffe2 website.

Last synced: 30 Sep 2025

https://github.com/pytorch/pytorch-ci-dockerfiles

Scripts for generating docker images for PyTorch CI

Last synced: 30 Sep 2025

https://github.com/pytorch/sccache

sccache is ccache with cloud storage

Last synced: 30 Sep 2025

https://github.com/pytorch/labeler-github-action

GitHub action for labeling issues and pull requests based on conditions

Last synced: 30 Sep 2025