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/ikostrikov/pytorch-meta-optimizer

A PyTorch implementation of Learning to learn by gradient descent by gradient descent

deep-learning gradient-descent pytorch

Last synced: 16 Jan 2025

https://vita-group.github.io/NeuralLift-360/

[CVPR 2023, Highlight] "NeuralLift-360: Lifting An In-the-wild 2D Photo to A 3D Object with 360° Views", Dejia Xu, Yifan Jiang, Peihao Wang, Zhiwen Fan, Yi Wang, Zhangyang Wang

image-to-3d nerf neural-radiance-fields pytorch stable-diffusion text-to-3d

Last synced: 30 Oct 2024

https://github.com/yandexdataschool/deep_vision_and_graphics

Course about deep learning for computer vision and graphics co-developed by YSDA and Skoltech.

computer-vision course course-materials deep-learning pytorch

Last synced: 12 Jan 2025

https://github.com/asahi417/lm-question-generation

Multilingual/multidomain question generation datasets, models, and python library for question generation.

bart nlp pytorch question-answering question-generation t5

Last synced: 04 Nov 2024

https://github.com/hzxie/grnet

The official implementation of "GRNet: Gridding Residual Network for Dense Point Cloud Completion". (ECCV 2020)

3d-object-reconstruction aten cubic-feature-sampling eccv-2020 gridding point-cloud-completion pytorch

Last synced: 14 Jan 2025

https://github.com/AppleHolic/source_separation

Deep learning based speech source separation using Pytorch

audio deep-learning pytorch source-separation speech speech-separation

Last synced: 02 Nov 2024

https://github.com/tjddus9597/Proxy-Anchor-CVPR2020

Official PyTorch Implementation of Proxy Anchor Loss for Deep Metric Learning, CVPR 2020

cvpr2020 deep-metric-learning image-retrieval proxy-anchor-loss pytorch

Last synced: 03 Dec 2024

https://github.com/andresprados/spiga

SPIGA: Shape Preserving Facial Landmarks with Graph Attention Networks.

300w bmvc2022 cnn cofw face-alignment gnn head-pose-estimation headpose-estimation merlrav pytorch wflw

Last synced: 11 Jan 2025

https://github.com/jw9730/tokengt

[NeurIPS'22] Tokenized Graph Transformer (TokenGT), in PyTorch

equivariance gnn graph hypergraph pytorch self-attention transformer

Last synced: 30 Oct 2024

https://github.com/bytedance/byteir

A model compilation solution for various hardware

llm llvm mlir mlsys onnx pytorch tensorflow

Last synced: 13 Jan 2025

https://github.com/lrjconan/LanczosNetwork

Lanczos Network, Graph Neural Networks, Deep Graph Convolutional Networks, Deep Learning on Graph Structured Data, QM8 Quantum Chemistry Benchmark, ICLR 2019

benchmark graph-convolutional-networks graph-neural-networks iclr2019 lanczos-network pytorch

Last synced: 12 Nov 2024

https://github.com/r9y9/tacotron_pytorch

PyTorch implementation of Tacotron speech synthesis model.

python pytorch speech speech-synthesis tacotron

Last synced: 15 Jan 2025

https://github.com/tai-wang/depth-from-motion

[ECCV 2022 oral] Monocular 3D Object Detection with Depth from Motion

3d-detection autonomous-driving monocular pytorch robotics structure-from-motion

Last synced: 13 Jan 2025

https://github.com/zsef123/EfficientNets-PyTorch

A PyTorch implementation of " EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks."

deep-learning efficientnet pytorch

Last synced: 04 Nov 2024

https://github.com/tomrunia/pytorchwavelets

PyTorch implementation of the wavelet analysis from Torrence & Compo (1998)

filtering pytorch signal-processing wavelets

Last synced: 15 Jan 2025

https://github.com/rlcode/per

Prioritized Experience Replay (PER) implementation in PyTorch

dqn prioritized-experience-replay pytorch

Last synced: 10 Jan 2025

https://github.com/TorchDrift/TorchDrift

Drift Detection for your PyTorch Models

ai drift-detection neural-networks pytorch

Last synced: 13 Nov 2024

https://github.com/usnistgov/jarvis

JARVIS-Tools: an open-source software package for data-driven atomistic materials design. Publications: https://scholar.google.com/citations?user=3w6ej94AAAAJ

ai atomistic-simulations dft lammps materials-informatics md mgi pytorch quantum-computing scikit-learn tensorflow vasp

Last synced: 17 Jan 2025

https://github.com/pangwong/pytorch-multi-label-classifier

A pytorch implemented classifier for Multiple-Label classification

accuracy-curves classifier loss-curves multi-label-classification pytorch visdom

Last synced: 16 Nov 2024

https://github.com/theEricMa/OTAvatar

This is the official repository for OTAvatar: One-shot Talking Face Avatar with Controllable Tri-plane Rendering [CVPR2023].

cvpr2023 deep-learning deepfake face-animation face-reenactment image-animation motion-transfer pose-transfer pytorch talking-head

Last synced: 17 Nov 2024

https://github.com/torchdrift/torchdrift

Drift Detection for your PyTorch Models

ai drift-detection neural-networks pytorch

Last synced: 24 Oct 2024

https://github.com/kyegomez/screenai

Implementation of the ScreenAI model from the paper: "A Vision-Language Model for UI and Infographics Understanding"

ai artificial-intelligence attention attention-is-all-you-need gpt-4 machine-learning ml pytorch tensorflow

Last synced: 11 Jan 2025

https://github.com/alexandre01/UltimateLabeling

A multi-purpose Video Labeling GUI in Python with integrated SOTA detector and tracker

computer-vision labeling labeling-tool object-detection object-tracking python pytorch video

Last synced: 10 Nov 2024

https://github.com/bfortuner/pytorch_tiramisu

FC-DenseNet in PyTorch for Semantic Segmentation

computer-vision deep-learning neural-network pytorch semantic-segmentation

Last synced: 15 Jan 2025

https://github.com/rwightman/posenet-pytorch

A PyTorch port of Google TensorFlow.js PoseNet (Real-time Human Pose Estimation)

deep-learning human-pose-estimation pytorch

Last synced: 13 Jan 2025

https://github.com/haoxiangsnr/A-Convolutional-Recurrent-Neural-Network-for-Real-Time-Speech-Enhancement

A minimum unofficial implementation of the "A Convolutional Recurrent Neural Network for Real-Time Speech Enhancement" (CRN) using PyTorch

cnn cnn-rnn pytorch real-time rnn speech-enhancement speech-processing

Last synced: 22 Nov 2024

https://github.com/1adrianb/pytorch-estimate-flops

Estimate/count FLOPS for a given neural network using pytorch

convolutional-neural-networks deep-learning flops pytorch pytorch-estimate-flops

Last synced: 11 Jan 2025

https://github.com/Tai-Wang/Depth-from-Motion

[ECCV 2022 oral] Monocular 3D Object Detection with Depth from Motion

3d-detection autonomous-driving monocular pytorch robotics structure-from-motion

Last synced: 28 Oct 2024

https://github.com/HUANGLIZI/LViT

[IEEE Transactions on Medical Imaging/TMI] This repo is the official implementation of "LViT: Language meets Vision Transformer in Medical Image Segmentation"

medical-image-analysis multimodal-learning pytorch segmentation vision-language

Last synced: 28 Nov 2024

https://github.com/ikostrikov/pytorch-ddpg-naf

Implementation of algorithms for continuous control (DDPG and NAF).

ddpg deep-deterministic-policy-gradient deep-learning pytorch reinforcement-learning

Last synced: 15 Jan 2025

https://github.com/mmaaz60/mvits_for_class_agnostic_od

[ECCV'22] Official repository of paper titled "Class-agnostic Object Detection with Multi-modal Transformer".

class-agnostic-detection multimodal-learning object-detection open-world-detection psuedo-labels pytorch

Last synced: 17 Jan 2025

https://github.com/alibaba-edu/simple-effective-text-matching-pytorch

A pytorch implementation of the ACL2019 paper "Simple and Effective Text Matching with Richer Alignment Features".

deep-learning nlp pytorch quora-question-pairs snli

Last synced: 06 Nov 2024

https://github.com/torch-js/torch-js

Node.js binding for PyTorch.

nodejs pytorch

Last synced: 11 Nov 2024

https://github.com/salesforce/multihopkg

Multi-hop knowledge graph reasoning learned via policy gradient with reward shaping and action dropout

action-dropout knowledge-graph multi-hop-reasoning policy-gradient pytorch reinforcement-learning reward-shaping

Last synced: 12 Jan 2025

https://github.com/bamos/block

An intelligent block matrix library for numpy, PyTorch, and beyond.

deep-learning linear-algebra numpy pytorch

Last synced: 11 Jan 2025

https://github.com/assemblyai-community/minimagen

MinImagen: A minimal implementation of the Imagen text-to-image model

deep-learning diffusion-models imagen pytorch super-resolution text-to-image

Last synced: 14 Jan 2025

https://github.com/edouardoyallon/pyscatwave

Fast Scattering Transform with CuPy/PyTorch

deep-learning pytorch scattering-transform

Last synced: 15 Jan 2025

https://github.com/yinboc/prototypical-network-pytorch

A re-implementation of "Prototypical Networks for Few-shot Learning"

few-shot-learning machine-learning pytorch

Last synced: 16 Jan 2025

https://github.com/InternLM/InternEvo

InternEvo is an open-sourced lightweight training framework aims to support model pre-training without the need for extensive dependencies.

910b deepspeed-ulysses flash-attention gemma internlm internlm2 llama3 llava llm-framework llm-training multi-modal pipeline-parallelism pytorch ring-attention sequence-parallelism tensor-parallelism transformers-models zero3

Last synced: 30 Oct 2024

https://github.com/internlm/internevo

InternEvo is an open-sourced lightweight training framework aims to support model pre-training without the need for extensive dependencies.

910b deepspeed-ulysses flash-attention gemma internlm internlm2 llama3 llava llm-framework llm-training multi-modal pipeline-parallelism pytorch ring-attention sequence-parallelism tensor-parallelism transformers-models zero3

Last synced: 11 Jan 2025

https://github.com/luodian/generalizable-mixture-of-experts

GMoE could be the next backbone model for many kinds of generalization task.

deep-learning domain-generalization mixture-of-experts pytorch pytorch-implementation

Last synced: 17 Jan 2025

https://github.com/megvii-research/FQ-ViT

[IJCAI 2022] FQ-ViT: Post-Training Quantization for Fully Quantized Vision Transformer

imagenet post-training-quantization pytorch quantization vision-transformer

Last synced: 28 Oct 2024

https://github.com/Kevinnan-teen/Intelligent-Traffic-Based-On-CV

本项目是基于计算机视觉的端到端交通路口智能监控系统.采用的设计架构由SRS流媒体服务器、GPU服务器、Local客户端三部分组成.可将远端视频流通过rtmp协议传输到流媒体服务器,然后经过目标检测等一些列算法对视频进行分析,最后在本地客户端查看分析结果.项目主要用Python实现,流媒体服务器采用开源的SRS实时视频服务器搭建,GPU服务器使用YOLO模型实现道路目标如人、车、交通灯等物体的识别,同时还支持并发连接.客户端基于PyQt5进行开发.

python pytorch srs yolov3

Last synced: 09 Nov 2024

https://github.com/gentaiscool/end2end-asr-pytorch

End-to-End Automatic Speech Recognition on PyTorch

asr end-to-end pytorch speech speech-recognition transformer

Last synced: 15 Jan 2025

https://github.com/quiver-team/torch-quiver

PyTorch Library for Low-Latency, High-Throughput Graph Learning on GPUs.

distributed-computing geometric-deep-learning gpu-acceleration graph-learning graph-neural-networks pytorch

Last synced: 11 Jan 2025

https://github.com/jaxony/shufflenet

ShuffleNet in PyTorch. Based on https://arxiv.org/abs/1707.01083

artificial-intelligence convolution deep-learning neural-network pytorch

Last synced: 15 Jan 2025

https://github.com/AssemblyAI-Community/MinImagen

MinImagen: A minimal implementation of the Imagen text-to-image model

deep-learning diffusion-models imagen pytorch super-resolution text-to-image

Last synced: 25 Nov 2024

https://github.com/gmongaras/Diffusion_models_from_scratch

Creating a diffusion model from scratch in PyTorch to learn exactly how they work.

classifier-free-guidance ddim ddpm diffusion-models imagenet pytorch

Last synced: 30 Oct 2024

https://github.com/Luodian/Generalizable-Mixture-of-Experts

GMoE could be the next backbone model for many kinds of generalization task.

deep-learning domain-generalization mixture-of-experts pytorch pytorch-implementation

Last synced: 15 Nov 2024

https://github.com/tky823/dnn-based_source_separation

A PyTorch implementation of DNN-based source separation.

audio-separation conv-tasnet pytorch source-separation speech-separation tasnet

Last synced: 16 Jan 2025

https://github.com/xptree/deepinf

DeepInf: Social Influence Prediction with Deep Learning

graph-attention-networks graph-convolutional-networks pytorch social-network

Last synced: 15 Jan 2025

https://github.com/pengboxiangshang/multigraph_transformer

IEEE TNNLS 2021, transformer, multi-graph transformer, graph, graph classification, sketch recognition, sketch classification, free-hand sketch, official code of the paper "Multi-Graph Transformer for Free-Hand Sketch Recognition"

graph multi-graph-transformer pytorch pytorch-implementation sketch sketch-recognition sparse-graphs transformer transformer-architecture

Last synced: 16 Jan 2025

https://github.com/lucastabelini/PolyLaneNet

Code for the paper entitled "PolyLaneNet: Lane Estimation via Deep Polynomial Regression" (ICPR 2020)

deep-learning lane-detection pytorch

Last synced: 28 Oct 2024

https://github.com/feedly/transfer-nlp

NLP library designed for reproducible experimentation management

framework language-model natural-language-understanding nlp playground pytorch transfer-learning

Last synced: 11 Jan 2025

https://github.com/maudzung/rtm3d

Unofficial PyTorch implementation of "RTM3D: Real-time Monocular 3D Detection from Object Keypoints for Autonomous Driving" (ECCV 2020)

3d-object-detection autonomous-driving autonomous-vehicles centernet kitti-dataset monocular-images pytorch pytorch-implementation real-time rtm3d self-driving-car

Last synced: 16 Jan 2025

https://github.com/wonjongg/StyleCariGAN

[SIGGRAPH 2021] Official implementation of "StyleCariGAN: Caricature Generation via StyleGAN Feature Map Modulation"

deep-learning pytorch

Last synced: 27 Nov 2024

https://github.com/Bluefog-Lib/bluefog

Distributed and decentralized training framework for PyTorch over graph

asynchronous decentralized deeplearning distributed-computing machine-learning mpi nccl one-sided pytorch

Last synced: 27 Nov 2024

https://github.com/cadene/tensorflow-model-zoo.torch

InceptionV3, InceptionV4, Inception-Resnet pretrained models for Torch7 and PyTorch

inception pretrained-models pytorch tensorflow torch

Last synced: 14 Jan 2025

https://github.com/jaxony/ShuffleNet

ShuffleNet in PyTorch. Based on https://arxiv.org/abs/1707.01083

artificial-intelligence convolution deep-learning neural-network pytorch

Last synced: 31 Oct 2024

https://github.com/leaderj1001/MobileNetV3-Pytorch

Implementing Searching for MobileNetV3 paper using Pytorch

cifar-10 cifar-100 imagenet mobilenetv3 pytorch searching-for-mobilenetv3

Last synced: 31 Oct 2024

https://github.com/nateraw/huggingpics

🤗🖼️ HuggingPics: Fine-tune Vision Transformers for anything using images found on the web.

huggingface machine-learning pytorch vision-transformers

Last synced: 12 Jan 2025

https://github.com/chandlerbang/pro-gnn

Implementation of the KDD 2020 paper "Graph Structure Learning for Robust Graph Neural Networks"

adversarial-attacks attack-defense deep-learning defense graph-mining graph-neural-networks graph-structure-recovery machine-learning pytorch semi-supervised-learning

Last synced: 15 Jan 2025

https://github.com/lucidrains/routing-transformer

Fully featured implementation of Routing Transformer

artificial-intelligence attention-mechanism deep-learning pytorch transformer

Last synced: 12 Jan 2025

https://github.com/ksw0306/ClariNet

A Pytorch Implementation of ClariNet

clarinet parallel-wavenet pytorch wavenet

Last synced: 04 Nov 2024

https://github.com/guochengqian/tenet

[ICCP'22] Rethinking Learning-based Demosaicing, Denoising, and Super-Resolution Pipeline

demosaicing denoising pytorch super-resolution

Last synced: 14 Jan 2025

https://github.com/suyukun666/UFO

Official PyTorch implementation of the “A Unified Transformer Framework for Co-Segmentation, Co-Saliency Detection and Video Salient Object Detection”. (TMM2023)

co-saliency-detection co-segmentation deep-learning inpainting matching pytorch video video-salient-object-detection

Last synced: 11 Nov 2024

https://github.com/Media-Smart/volksdep

volksdep is an open-source toolbox for deploying and accelerating PyTorch, ONNX and TensorFlow models with TensorRT.

acceleration deploy inference jetson-nano jetson-tx2 jetson-xavier keras onnx python pytorch tensorflow tensorrt

Last synced: 14 Nov 2024

https://github.com/dgkim5360/the-elements-of-statistical-learning-notebooks

Jupyter notebooks for summarizing and reproducing the textbook "The Elements of Statistical Learning" 2/E by Hastie, Tibshirani, and Friedman

jupyter-notebooks machine-learning matplotlib neural-network python3 pytorch scipy statistical-learning textbook

Last synced: 15 Jan 2025

https://github.com/dena/handyrl

HandyRL is a handy and simple framework based on Python and PyTorch for distributed reinforcement learning that is applicable to your own environments.

deep-learning distributed-training games machine-learning policy-gradient pytorch reinforcement-learning

Last synced: 13 Jan 2025

https://github.com/xyupeng/ContrastiveCrop

[CVPR 2022 Oral] Crafting Better Contrastive Views for Siamese Representation Learning

contrastive-learning pytorch self-supervised-learning

Last synced: 15 Nov 2024

https://github.com/ChandlerBang/Pro-GNN

Implementation of the KDD 2020 paper "Graph Structure Learning for Robust Graph Neural Networks"

adversarial-attacks attack-defense deep-learning defense graph-mining graph-neural-networks graph-structure-recovery machine-learning pytorch semi-supervised-learning

Last synced: 28 Nov 2024

https://github.com/outcastofmusic/quick-nlp

Pytorch NLP library based on FastAI

fastai nlp-library pytorch seq2seq

Last synced: 14 Nov 2024

https://github.com/kwea123/casmvsnet_pl

Cascade Cost Volume for High-Resolution Multi-View Stereo and Stereo Matching using pytorch-lightning

3d-reconstruction blendedmvs cascade-cost-volume depth-prediction dtu-dataset multi-view-stereo mvsnet pytorch pytorch-lightning tanks-and-temples

Last synced: 15 Jan 2025

https://github.com/loeweX/Greedy_InfoMax

Code for the paper: Putting An End to End-to-End: Gradient-Isolated Learning of Representations

deep-learning local-learning pytorch

Last synced: 12 Nov 2024