Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

PyTorch

PyTorch is an open source machine learning library based on the Torch library, used for applications such as computer vision and natural language processing, primarily developed by Facebook’s AI Research lab.

https://github.com/paul007pl/VRCNet

[CVPR 2021 Oral] Variational Relational Point Completion Network

mvp-dataset partial-point-clouds point-cloud-completion pytorch

Last synced: 31 Jul 2024

https://github.com/aramis-lab/clinicadl

Framework for the reproducible processing of neuroimaging data with deep learning methods

alzheimer-disease brain-imaging convolutional-neural-network deep-learning medical-imaging neuroimaging python pytorch

Last synced: 02 Aug 2024

https://github.com/codeslake/Color_Transfer_Histogram_Analogy

[CGI 2020] Official PyTorch Implementation for "Deep Color Transfer using Histogram Analogy"

color-transfer deep-learning histogram-analogy pytorch

Last synced: 03 Aug 2024

https://github.com/CDOTAD/AlphaGAN-Matting

This project is an unofficial implementation of AlphaGAN: Generative adversarial networks for natural image matting published at the BMVC 2018

gan matting pytorch

Last synced: 03 Aug 2024

https://github.com/ozanciga/diffusion-for-beginners

denoising diffusion models, as simple as possible

dall-e diffusion imagen midjourney pytorch scheduler stable-diffusion

Last synced: 03 Aug 2024

https://github.com/chrisby/torchMTL

A lightweight module for Multi-Task Learning in pytorch.

deep-learning framework machine-learning mtl multi-task-learning python3 pytorch

Last synced: 03 Aug 2024

https://github.com/jingxil/Neural-Decision-Forests

An implementation of the Deep Neural Decision Forests in PyTorch

pytorch

Last synced: 31 Jul 2024

https://github.com/sanyam5/arc-pytorch

The first public PyTorch implementation of Attentive Recurrent Comparators

computer-vision deep-learning deep-neural-networks machine-learning pytorch recurrent-neural-networks

Last synced: 07 Aug 2024

https://github.com/fcakyon/small-object-detection-benchmark

icip2022 paper: sahi benchmark on visdrone and xview datasets using fcos, vfnet and tood detectors

benchmark coco fcos icip2022 mmdetection object-detection pytorch sahi small-object-detection tood vfnet visdrone xview

Last synced: 03 Aug 2024

https://github.com/ViCCo-Group/THINGSvision

Python package for extracting representations from state-of-the-art computer vision models

alignment cognitive-science computer-vision deep-learning neural-networks pytorch representations tensorflow

Last synced: 03 Aug 2024

https://github.com/szq0214/Un-Mix

Un-Mix: Rethinking Image Mixtures for Unsupervised Visual Representation Learning.

image-mixture pytorch self-supervised-learning smooth-decision-boundaries unsupervised-learning

Last synced: 02 Aug 2024

https://github.com/jla524/fromthetensor

From the Tensor to Stable Diffusion, a rough outline for a 9 week course.

deep-learning pytorch tinygrad

Last synced: 04 Aug 2024

https://github.com/aidos-lab/pytorch-topological

A topological machine learning framework based on PyTorch

deep-learning pytorch topological-data-analysis topological-machine-learning

Last synced: 24 Sep 2024

https://github.com/Graph-COM/GSAT

[ICML 2022] Graph Stochastic Attention (GSAT) for interpretable and generalizable graph learning.

deep-learning graph-neural-networks interpretability interpretable-machine-learning pytorch xai

Last synced: 08 Aug 2024

https://github.com/erfanzar/EasyDeL

EasyDeL is an OpenSource Library to make your training faster and more Optimized With cool Options for training and serving Both in Python And Mojo🔥

easydel flax gpt jax machine-learning mojo nlp optax pytorch transformers

Last synced: 03 Aug 2024

https://github.com/haruishi43/equilib

🌎→🗾Equirectangular (360/panoramic) image processing library for Python with minimal dependencies only using Numpy and PyTorch

360-degree camera cubemap-to-equirectangular equirectangular-images equirectangular-panorama equirectangular-projection numpy panorama perspective-projection python pytorch vr

Last synced: 30 Jul 2024

https://github.com/forestagostinelli/DeepCubeA

Code for DeepCubeA, a Deep Reinforcement Learning algorithm that can learn to solve the Rubik's cube.

astar-search deep-learning deep-reinforcement-learning deepcube deepcubea python3 pytorch reinforcement-learning rubiks-cube search

Last synced: 09 Aug 2024

https://github.com/foivospar/NED

PyTorch implementation for NED (CVPR 2022). It can be used to manipulate the facial emotions of actors in videos based on emotion labels or reference styles.

3dmm cvpr2022 deepfakes emotion expression-manipulation face face-edit gan image-generation pytorch talking-head

Last synced: 03 Aug 2024

https://github.com/kennethnym/infinifi

infinifi plays gentle lofi music in the background indefinitely

artificial-intelligence audiocraft lo-fi lo-fi-radio machine-learning musicgen pytorch

Last synced: 31 Jul 2024

https://github.com/jason-li-831202/Vehicle-CV-ADAS

The project can achieve FCWS, LDWS, and LKAS functions solely using only visual sensors. using YOLOv5 / YOLOv5-lite / YOLOv6 / YOLOv7 / YOLOv8 / YOLOv9 / EfficientDet and Ultra-Fast-Lane-Detection-v2 .

bytetrack efficientdet fcws lane-detection ldws lkas object-detection onnxruntime python pytorch tensorrt ultra-fast-lane-detection-v2 yolov10 yolov5 yolov5-lite yolov6 yolov7 yolov8 yolov9

Last synced: 02 Aug 2024

https://github.com/kashif/firedup

Clone of OpenAI's Spinning Up in PyTorch

deep-learning pytorch reinforcement-learning spinningup

Last synced: 02 Aug 2024

https://github.com/DeepRank/deeprank

This repository has been integrated in https://github.com/DeepRank/deeprank2

3d-cnn docking protein-protein-interaction pytorch

Last synced: 08 Aug 2024

https://github.com/guillaume-chevalier/Linear-Attention-Recurrent-Neural-Network

A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)

attention-is-all-you-need attention-mechanism attention-model lstm pytorch recurrent-neural-networks rnn

Last synced: 01 Aug 2024

https://github.com/hav4ik/Hydra

Multi-Task Learning Framework on PyTorch. State-of-the-art methods are implemented to effectively train models on multiple tasks.

deep-learning multi-objective-optimization multi-task-learning neural-architecture-search pytorch

Last synced: 03 Aug 2024

https://github.com/eambutu/snail-pytorch

Implementation of "A Simple Neural Attentive Meta-Learner" (SNAIL, https://arxiv.org/pdf/1707.03141.pdf) in PyTorch

cnn python pytorch snail

Last synced: 30 Jul 2024

https://github.com/nihalsid/ViewAL

[CVPR'20] Implementation for the paper "ViewAL: Active Learning with Viewpoint Entropy for Semantic Segmentation"

active-learning deep-learning pytorch semantic-segmentation

Last synced: 31 Jul 2024

https://github.com/LeapLabTHU/Pseudo-Q

[CVPR 2022] Pseudo-Q: Generating Pseudo Language Queries for Visual Grounding

computer-vision cvpr2022 deep-learning multimodal-deep-learning pytorch vision-and-language visual-grounding

Last synced: 01 Aug 2024

https://github.com/ofa-sys/ofasys

OFASys: A Multi-Modal Multi-Task Learning System for Building Generalist Models

audio computer-vision deep-learning motion multimodal-learning multitask-learning nlp pretrained-models pytorch transformers vision-and-language

Last synced: 24 Sep 2024

https://github.com/vishal-v/100-days-of-ml-code

A 100 Day ML Challenge to learn and implement ML/DL concepts ranging from the basics of Machine Learning to advanced Deep Learning.

100-days-of-ml-code python pytorch sklearn tensorflow

Last synced: 24 Sep 2024

https://github.com/TIGER-AI-Lab/ImagenHub

A one-stop library to standardize the inference and evaluation of all the conditional image generation models. (ICLR 2024)

deep-learning diffusion-models generative-ai generative-art image-editing image-generation pytorch stable-diffusion

Last synced: 06 Aug 2024

https://github.com/Na-Z/attMPTI

[CVPR 2021] Few-shot 3D Point Cloud Semantic Segmentation

3d 3d-segmentation few-shot-learning point-cloud pytorch

Last synced: 31 Jul 2024

https://github.com/AllenXiangX/SnowflakeNet

(TPAMI 2023) Snowflake Point Deconvolution for Point Cloud Completion and Generation with Skip-Transformer

3dvision deep-learning iccv2021 point-cloud-completion pytorch tpami2023 transformers

Last synced: 03 Aug 2024

https://github.com/gmkim-ai/Diffusion-Video-Autoencoders

An official implementation of "Diffusion Video Autoencoders: Toward Temporally Consistent Face Video Editing via Disentangled Video Encoding" (CVPR 2023) in PyTorch.

cvpr2023 deep-learning pytorch video

Last synced: 31 Jul 2024

https://github.com/ianycxu/GCN-with-BERT

Graph Convolutional Networks (GCN) with BERT for Coreference Resolution Task [Pytorch][DGL]

bert bert-model coreference-resolution gcn gnn graph-convolutional-networks graph-neural-networks nlp pytorch

Last synced: 01 Aug 2024

https://github.com/RicherMans/GPV

Repository for our Interspeech2020 general-purpose voice activity detection (GPVAD) paper

machine-learning noise-robust-asr pytorch sound-activity speech-activity-detection voice-activity-detection

Last synced: 03 Aug 2024

https://github.com/prabhuomkar/iris

Open Source Photos Platform Powered by PyTorch

golang graphql machine-learning mongodb python pytorch rabbitmq react seaweedfs

Last synced: 02 Aug 2024

https://github.com/noahgift/rust-mlops-template

A work in progress to build out solutions in Rust for MLOPs

cli dataframe hugging huggingface mlops polars pytorch rust web

Last synced: 05 Aug 2024

https://github.com/eto-ai/rikai

Parquet-based ML data format optimized for working with unstructured data

deep-learning machine-learning pytorch spark tensorflow

Last synced: 02 Aug 2024

https://github.com/jiwidi/Behavior-Sequence-Transformer-Pytorch

This is a pytorch implementation for the BST model from Alibaba https://arxiv.org/pdf/1905.06874.pdf

alibaba behavior behavior-sequence-transformer pytorch recommenders seq2seq seq2seq-attn transformers

Last synced: 01 Aug 2024

https://github.com/patrick-kidger/sympytorch

Turning SymPy expressions into PyTorch modules.

pytorch sympy

Last synced: 05 Aug 2024

https://github.com/rubenwiersma/deltaconv

Code for the SIGGRAPH 2022 paper "DeltaConv: Anisotropic Operators for Geometric Deep Learning on Point Clouds."

differential-geometry geometric-deep-learning graph-learning point-cloud point-cloud-classification point-cloud-segmentation pytorch

Last synced: 24 Sep 2024

https://github.com/PKU-DAIR/SGL

A scalable graph learning toolkit for extremely large graph datasets. (WWW'22, 🏆 Best Student Paper Award)

deep-learning geometric-deep-learning graph-neural-networks network-embedding neural-architecture-search pytorch scalable-graph-learning

Last synced: 08 Aug 2024

https://github.com/HKUST-KnowComp/MnemonicReader

A PyTorch implementation of Mnemonic Reader for the Machine Comprehension task

document-reader machine-comprehension mnemonic-reader nlp pytorch r-net squad

Last synced: 07 Aug 2024

https://github.com/arthurdouillard/deepcourse

Learn the Deep Learning for Computer Vision in three steps: theory from base to SotA, code in PyTorch, and space-repetition with Anki

anki computer-vision course deep-learning pytorch research

Last synced: 24 Sep 2024

https://github.com/OctoberChang/X-Transformer

X-Transformer: Taming Pretrained Transformers for eXtreme Multi-label Text Classification

extreme-multi-label-classification pytorch text-classification transformers

Last synced: 02 Aug 2024

https://github.com/voldemortX/DST-CBC

Implementation of our Pattern Recognition paper "DMT: Dynamic Mutual Training for Semi-Supervised Learning"

cifar cityscapes mixed-precision-training pascal-voc pytorch semantic-segmentation semi-supervised-learning tensorboard

Last synced: 03 Aug 2024

https://github.com/tmabraham/UPIT

A fastai/PyTorch package for unpaired image-to-image translation.

cyclegan deep-learning fastai image-to-image-translation nbdev pytorch

Last synced: 01 Aug 2024

https://github.com/PatBall1/detectree2

Python package for automatic tree crown delineation based on the Detectron2 implementation of Mask R-CNN

deep-learning detectron2 python pytorch

Last synced: 03 Aug 2024

https://github.com/patball1/detectree2

Python package for automatic tree crown delineation based on the Detectron2 implementation of Mask R-CNN

deep-learning detectron2 python pytorch

Last synced: 25 Sep 2024

https://github.com/ifsheldon/stannum

Fusing Taichi into PyTorch

pytorch taichi

Last synced: 24 Sep 2024

https://github.com/dipanjans/nlp_workshop_odsc_europe20

Extensive tutorials for the Advanced NLP Workshop in Open Data Science Conference Europe 2020. We will leverage machine learning, deep learning and deep transfer learning to learn and solve popular tasks using NLP including NER, Classification, Recommendation \ Information Retrieval, Summarization, Classification, Language Translation, Q&A and Topic Models.

deep-learning gensim jupyter-notebook machine-learning natural-language-processing nltk python pytorch scikit-learn spacy tensorflow transfer-learning transformers

Last synced: 24 Sep 2024

https://github.com/logancyang/loss-landscape-anim

Create animations for the optimization trajectory of neural nets

loss-landscape neural-nets optimization-trajectory pca pytorch pytorch-lightning

Last synced: 24 Sep 2024

https://github.com/DeepVAC/libdeepvac

Use PyTorch model in C++ project

cpp deepvac libdeepvac libtorch ncnn pytorch tensorrt

Last synced: 31 Jul 2024

https://github.com/plantnet/PlantNet-300K

[NeurIPS2021] A plant image dataset with high label ambiguity and a long-tailed distribution

dataset deep-learning plants pytorch

Last synced: 03 Aug 2024

https://github.com/SamsungLabs/tr3d

[ICIP2023] TR3D: Towards Real-Time Indoor 3D Object Detection

3d-object-detection pytorch s3dis scannet sunrgbd tr3d

Last synced: 31 Jul 2024

https://github.com/lyqun/FPConv

CVPR 2020, "FPConv: Learning Local Flattening for Point Convolution"

3d-convolutions 3d-vision cvpr2020 point-cloud point-convolution pytorch s3dis scannet scene-understanding semantic-segmentation

Last synced: 31 Jul 2024

https://github.com/nadeemlab/DeepLIIF

Deep Learning Inferred Multiplex ImmunoFluorescence for IHC Image Quantification (https://deepliif.org) [Nature Machine Intelligence'22, CVPR'22, MICCAI'23, Histopathology'23]

ai-ready cell-biology cell-segmentation cloud-native-applications datasets deep-learning image-segmentation immunohistochemical-images immunohistochemistry multiplex multitask-learning pathology pathology-gan pathology-image pytorch segmentation

Last synced: 02 Aug 2024

https://github.com/hkust-vgd/lcd

[AAAI'20] LCD: Learned Cross-Domain Descriptors for 2D-3D Matching

2d-3d-correspondences 3d-deep-learning descriptors pytorch

Last synced: 31 Jul 2024

https://github.com/A-baoYang/alpaca-7b-chinese

Finetune LLaMA-7B with Chinese instruction datasets

alpaca chatgpt deep-learning fine-tuning instruction-following llm lora nlp pytorch

Last synced: 30 Jul 2024

https://github.com/okankop/MFF-pytorch

Motion Fused Frames implementation in PyTorch, codes and pretrained models.

arxiv codebase flow-computation motion-fused-frames pretrained-models process-dataset pytorch

Last synced: 01 Aug 2024

https://github.com/SamsungLabs/td3d

[WACV'24] TD3D: Top-Down Beats Bottom-Up in 3D Instance Segmentation

3d-instance-segmentation pytorch s3dis scannet td3d

Last synced: 31 Jul 2024

https://github.com/moskomule/sam.pytorch

A PyTorch implementation of Sharpness-Aware Minimization for Efficiently Improving Generalization

optimizer pytorch sam

Last synced: 01 Aug 2024

https://github.com/haozheji/multigen

EMNLP2020 - Language Generation with Multi-hop Reasoning on Commonsense Knowledge Graph

kg nlg pytorch

Last synced: 03 Aug 2024

https://github.com/neu-vig/ezflow

A modular PyTorch library for optical flow estimation using neural networks

modular optical-flow pytorch

Last synced: 01 Aug 2024

https://github.com/amanteur/BandSplitRNN-PyTorch

Unofficial PyTorch implementation of Music Source Separation with Band-split RNN

music-information-retrieval pytorch source-separation

Last synced: 05 Aug 2024

https://github.com/endia-org/Endia

Scientific Computing in Mojo 🔥

ai arrays compiler jax machine-learning modular mojo numpy python pytorch

Last synced: 03 Aug 2024

https://github.com/omarsar/pytorch_notebooks

A collection of PyTorch notebooks for learning and practicing deep learning

ai deeplearning machine-learning nlp notebook pytorch

Last synced: 01 Aug 2024

https://github.com/FlowModelingControl/flowtorch

flowTorch - a Python library for analysis and reduced-order modeling of fluid flows

cnm csv davis dmd dynamic-mode-decomposition hdf5 ipsp jupyter machine-learning netcdf openfoam pod proper-orthogonal-decomposition pytorch tau

Last synced: 03 Aug 2024

https://github.com/HFAiLab/clip-gen

CLIP-GEN: Language-Free Training of a Text-to-Image Generator with CLIP

clip pytorch text-to-image text2image

Last synced: 01 Aug 2024

https://github.com/CAPTAIN-WHU/iSAID_Devkit

[CVPR'W19-Oral] Official repository for "iSAID: A Large-scale Dataset for Instance Segmentation in Aerial Images"

aerial-imagery cvpr19 dataset devkit dota evaluation-code instance-segmentation object-detection pytorch pytorch-implementation

Last synced: 03 Aug 2024

https://github.com/IntelLabs/matsciml

Open MatSci ML Toolkit is a framework for prototyping and scaling out deep learning models for materials discovery supporting widely used materials science datasets, and built on top of PyTorch Lightning, the Deep Graph Library, and PyTorch Geometric.

ai dgl pytorch pytorch-lightning

Last synced: 04 Aug 2024

https://github.com/EthanRosenthal/torchmf

matrix factorization in PyTorch

matrix-factorization pytorch recommender-systems

Last synced: 02 Aug 2024

https://github.com/archinetai/audio-data-pytorch

A collection of useful audio datasets and transforms for PyTorch.

artifical-intelligense audio-generation datasets deep-learning pytorch

Last synced: 05 Aug 2024

https://github.com/wangleiphy/tensorgrad

Differentiable Programming Tensor Networks

automatic-differentiation pytorch tensor-networks

Last synced: 05 Aug 2024

https://github.com/assassint2017/abdominal-multi-organ-segmentation

abdominal multi-organ segmentation using pytorch

multi-organ-segmentation pytorch segmentation

Last synced: 05 Aug 2024

https://github.com/EDAPINENUT/CLCRN

This is an official Pytorch implementation of Conditional Local Convolution for Spatio-temporal Meteorological Forecasting, AAAI 2022

aaai2022 continuous-convolution graph-neural-networks meteorological-forecasting pytorch spatio-temporal spherical-geometry

Last synced: 08 Aug 2024

https://github.com/scaleoutsystems/fedn

FEDn: An open framework and a managed platform for real-world federated machine learning.

edge-ai edge-ml federated-learning federated-machine-learning fedml fleet-learning keras-tensorflow pytorch scikit-learn tensorflow

Last synced: 25 Sep 2024

https://scaleoutsystems.github.io/fedn/

FEDn: An open framework and a managed platform for real-world federated machine learning.

edge-ai edge-ml federated-learning federated-machine-learning fedml fleet-learning keras-tensorflow pytorch scikit-learn tensorflow

Last synced: 03 Aug 2024

https://github.com/BiomedSciAI/fuse-med-ml

A python framework accelerating ML based discovery in the medical field by encouraging code reuse. Batteries included :)

ai cmmd collaboration ct deep-learning fuse fuse-med-ml fusemedml hacktoberfest healthcare isic knight-challenge machine-learning medical medical-imaging multimodality python pytorch stoic vision

Last synced: 03 Aug 2024

https://github.com/cxy1997/3D_adapt_auto_driving

Train in Germany, Test in The USA: Making 3D Object Detectors Generalize

3d-object-detection domain-adaptation pytorch

Last synced: 31 Jul 2024