Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

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: 30 Jul 2024

https://github.com/pytorch/examples

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

Last synced: 30 Jul 2024

https://github.com/pytorch/vision

Datasets, Transforms and Models specific to Computer Vision

computer-vision machine-learning

Last synced: 30 Jul 2024

https://github.com/pytorch/tutorials

PyTorch tutorials.

Last synced: 30 Jul 2024

https://github.com/pytorch/captum

Model interpretability and understanding for PyTorch

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

Last synced: 31 Jul 2024

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: 31 Jul 2024

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: 01 Aug 2024

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: 31 Jul 2024

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 Aug 2024

https://github.com/pytorch/glow

Compiler for Neural Network hardware accelerators

Last synced: 30 Jul 2024

https://github.com/pytorch/botorch

Bayesian optimization in PyTorch

Last synced: 01 Aug 2024

https://github.com/pytorch/torchtune

A Native-PyTorch Library for LLM Fine-tuning

Last synced: 31 Jul 2024

https://github.com/pytorch/torchchat

Run PyTorch LLMs locally on servers, desktop and mobile

llm local pytorch

Last synced: 06 Aug 2024

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: 31 Jul 2024

https://github.com/pytorch/xla

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

compiler deep-learning pytorch xla

Last synced: 01 Aug 2024

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: 01 Aug 2024

https://github.com/pytorch/torchrec

Pytorch domain library for recommendation systems

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

Last synced: 02 Aug 2024

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: 31 Jul 2024

https://github.com/pytorch/QNNPACK

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

Last synced: 31 Jul 2024

https://github.com/pytorch/functorch

functorch is JAX-like composable function transforms for PyTorch.

gradients hessians pytorch

Last synced: 02 Aug 2024

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: 31 Jul 2024

https://github.com/pytorch/hub

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

Last synced: 01 Aug 2024

https://github.com/pytorch/torchtitan

A native PyTorch Library for large model training

Last synced: 31 Jul 2024

https://github.com/pytorch/data

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

Last synced: 02 Aug 2024

https://github.com/pytorch/FBGEMM

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

Last synced: 31 Jul 2024

https://github.com/pytorch/torchdynamo

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

Last synced: 31 Jul 2024

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: 01 Aug 2024

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

C++ extensions in PyTorch

Last synced: 03 Aug 2024

https://github.com/pytorch/translate

Translate - a PyTorch Language Library

artificial-intelligence machine-learning onnx pytorch

Last synced: 01 Aug 2024

https://github.com/pytorch/benchmark

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

benchmark pytorch

Last synced: 01 Aug 2024

https://github.com/pytorch/elastic

PyTorch elastic training

Last synced: 01 Aug 2024

https://github.com/pytorch/torcharrow

High performance model preprocessing library on PyTorch

preprocessing python pytorch

Last synced: 02 Aug 2024

https://github.com/pytorch/PiPPy

Pipeline Parallelism for PyTorch

Last synced: 31 Jul 2024

https://github.com/pytorch/kineto

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

Last synced: 31 Jul 2024

https://github.com/pytorch/tensordict

TensorDict is a pytorch dedicated tensor container.

Last synced: 31 Jul 2024

https://github.com/pytorch/contrib

Implementations of ideas from recent papers

Last synced: 03 Aug 2024

https://github.com/pytorch/ort

Accelerate PyTorch models with ONNX Runtime

Last synced: 31 Jul 2024

https://github.com/pytorch/builder

Continuous builder and binary build scripts for pytorch

Last synced: 31 Jul 2024

https://github.com/pytorch/accimage

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

Last synced: 02 Aug 2024

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: 31 Jul 2024

https://github.com/pytorch/nestedtensor

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

Last synced: 31 Jul 2024

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: 02 Aug 2024

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

Configuration classes enabling type-safe PyTorch configuration for Hydra apps

Last synced: 03 Aug 2024

https://github.com/pytorch/ao

torchao: PyTorch Architecture Optimization (AO). Performant kernels that work with PyTorch.

Last synced: 01 Aug 2024

https://github.com/pytorch/torchsnapshot

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

Last synced: 31 Jul 2024