Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
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.
- GitHub: https://github.com/topics/pytorch
- Wikipedia: https://en.wikipedia.org/wiki/PyTorch
- Repo: https://github.com/pytorch/pytorch
- Created by: Facebook's AI Research lab (FAIR)
- Released: September 2016
- Related Topics: python, pytorch-tutorial,
- Last updated: 2024-11-15 00:24:09 UTC
- JSON Representation
https://github.com/nimarb/pytorch_influence_functions
This is a PyTorch reimplementation of Influence Functions from the ICML2017 best paper: Understanding Black-box Predictions via Influence Functions by Pang Wei Koh and Percy Liang.
deep-learning influence-functions pytorch pytorch-implementation
Last synced: 13 Nov 2024
https://github.com/gasteigerjo/ppnp
PPNP & APPNP models from "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019)
deep-learning gcn gnn graph-algorithms graph-classification graph-neural-networks machine-learning pagerank pytorch tensorflow
Last synced: 08 Nov 2024
https://github.com/krasserm/fairseq-image-captioning
Transformer-based image captioning extension for pytorch/fairseq
fairseq image-captioning pytorch transformer
Last synced: 14 Nov 2024
https://github.com/vita-group/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: 16 Nov 2024
https://github.com/lromul/argus-freesound
Kaggle | 1st place solution for Freesound Audio Tagging 2019
audio classification deep-learning kaggle pytorch tagging
Last synced: 14 Nov 2024
https://github.com/toodef/neural-pipeline
Neural networks training pipeline based on PyTorch
deep-learning image-classification image-segmentation neural-networks object-detection pipeline pytorch supervised-learning training-pipeline
Last synced: 04 Nov 2024
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/lightning-ai/dl-fundamentals
Deep Learning Fundamentals -- Code material and exercises
ai deep-learning machine-learning python pytorch
Last synced: 14 Nov 2024
https://github.com/twitter-research/graph-neural-pde
Graph Neural PDEs
deep-learning graph-convolutional-networks graph-neural-networks partial-differential-equations pytorch
Last synced: 30 Oct 2024
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/myungsub/CAIN
Source code for AAAI 2020 paper "Channel Attention Is All You Need for Video Frame Interpolation"
aaai2020 channel-attention dataset deep-convolutional-networks frame-interpolation pytorch video-frame-interpolation
Last synced: 08 Aug 2024
https://github.com/liuruoze/mini-alphastar
(JAIR'2022) A mini-scale reproduction code of the AlphaStar program. Note: the original AlphaStar is the AI proposed by DeepMind to play StarCraft II. JAIR = Journal of Artificial Intelligence Research.
deep-learning deep-neural-networks deep-reinforcement-learning gaming imitation-learning mini-alphastar multi-agent-systems pytorch reinforcement-learning sc2replay self-playing-bot starcraft-ii-bot starcraft2 starcraft2-ai supervised-learning
Last synced: 14 Nov 2024
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/dionhaefner/pyhpc-benchmarks
A suite of benchmarks for CPU and GPU performance of the most popular high-performance libraries for Python :rocket:
benchmarks cupy gpu high-performance-computing jax parallel-computing python pytorch tensorflow
Last synced: 29 Oct 2024
https://github.com/bytedance/byteir
A model compilation solution for various hardware
llm llvm mlir mlsys onnx pytorch tensorflow
Last synced: 15 Nov 2024
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/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/r9y9/tacotron_pytorch
PyTorch implementation of Tacotron speech synthesis model.
python pytorch speech speech-synthesis tacotron
Last synced: 17 Nov 2024
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: 12 Nov 2024
https://github.com/yl4579/styletts
Official Implementation of StyleTTS
deep-learning pytorch speech-synthesis text-to-speech tts
Last synced: 14 Nov 2024
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/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/tech-srl/how_attentive_are_gats
Code for the paper "How Attentive are Graph Attention Networks?" (ICLR'2022)
are attention attentive gat gatv2 graph graph-attention-networks graph-neural-networks how networks pytorch
Last synced: 15 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/hysts/pytorch_mpiigaze
An unofficial PyTorch implementation of MPIIGaze and MPIIFaceGaze
computer-vision gaze gaze-estimation pytorch
Last synced: 29 Oct 2024
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/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/gradsflow/gradsflow-automl
An open-source AutoML Library based on PyTorch
artificial-intelligence autoai automl deeplearning machine-learning python pytorch
Last synced: 10 Oct 2024
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: 14 Nov 2024
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: 17 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: 16 Nov 2024
https://github.com/vector-ai/vectorai
Vector AI — A platform for building vector based applications. Encode, query and analyse data using vectors.
artificial-intelligence clustering compare-vectors deep-learning embeddings encodings machine-learning neural-networks python pytorch search search-engine semantic-search tensorflow transformers vector vector-analytics vector-search vector-similarity vector-similarity-database
Last synced: 14 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: 14 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: 12 Nov 2024
https://github.com/naszilla/naszilla
Naszilla is a Python library for neural architecture search (NAS)
automl bananas cifar10 convolutional-networks convolutional-neural-networks deep-learning meta-neural-network nas-algorithms neural-architecture-search pytorch tensorflow
Last synced: 14 Nov 2024
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/WangFeng18/3d-gaussian-splatting
Implementation for 3d gaussian splatting
gaussian-splatting nerf pytorch real-time-rendering
Last synced: 04 Aug 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: 13 Nov 2024
https://github.com/hysts/pytorch_mpiigaze_demo
Gaze estimation using MPIIGaze and MPIIFaceGaze
computer-vision gaze gaze-estimation pytorch
Last synced: 29 Oct 2024
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/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: 12 Aug 2024
https://github.com/mjhydri/BeatNet
BeatNet is state-of-the-art (Real-Time) and Offline joint music beat, downbeat, tempo, and meter tracking system using CRNN and particle filtering. (ISMIR 2021's paper implementation).
beat-tracking beatnet crnn-network dnn-beat-tracking downbeat-tracking joint-model meter-detection online-time-signature-detection particle-filtering pytorch real-time real-time-beat-tracker real-time-downbeat-tracker real-time-tempo state-of-the-art
Last synced: 05 Aug 2024
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 Nov 2024
https://github.com/edouardoyallon/pyscatwave
Fast Scattering Transform with CuPy/PyTorch
deep-learning pytorch scattering-transform
Last synced: 14 Nov 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: 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: 29 Oct 2024
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 Nov 2024
https://github.com/bfortuner/pytorch-cheatsheet
Check out improved:
deep-learning jupyter-notebook machine-learning neural-network pytorch pytorch-tutorial
Last synced: 16 Nov 2024
https://github.com/khanhnamle1994/metarec
PyTorch Implementations For A Series Of Deep Learning-Based Recommendation Models
autoencoders boltzmann-machines collaborative-filtering cometml deep-learning django matrix-factorization meta-learning movielens-dataset multilayer-perceptron pytorch ranking recommender-systems tensorboard tensorflow wandb
Last synced: 17 Nov 2024
https://github.com/kan-bayashi/pytorchwavenetvocoder
WaveNet-Vocoder implementation with pytorch.
neural-network neural-vocoder pytorch speech-synthesis wavenet wavenet-vocoder
Last synced: 17 Nov 2024
https://github.com/bamos/block
An intelligent block matrix library for numpy, PyTorch, and beyond.
deep-learning linear-algebra numpy pytorch
Last synced: 14 Oct 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: 14 Oct 2024
https://github.com/charles9n/bert-sklearn
a sklearn wrapper for Google's BERT model
bert conll-2003 language-model named-entity-recognition natural-language-processing ner nlp pytorch scikit-learn transfer-learning
Last synced: 02 Nov 2024
https://github.com/khanhnamle1994/MetaRec
PyTorch Implementations For A Series Of Deep Learning-Based Recommendation Models
autoencoders boltzmann-machines collaborative-filtering cometml deep-learning django matrix-factorization meta-learning movielens-dataset multilayer-perceptron pytorch ranking recommender-systems tensorboard tensorflow wandb
Last synced: 11 Nov 2024
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进行开发.
Last synced: 09 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: 15 Nov 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/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 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/nikhilbarhate99/Hierarchical-Actor-Critic-HAC-PyTorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
actor-critic deep-reinforcement-learning gym-environment gym-environments hierarchical-reinforcement-learning openai-gym pytorch pytorch-implementation pytorch-rl reinforcement-learning reinforcement-learning-algorithms
Last synced: 16 Nov 2024
https://github.com/official-stockfish/nnue-pytorch
Stockfish NNUE (Chess evaluation) trainer in Pytorch
chess deep-learning pytorch stockfish
Last synced: 13 Nov 2024
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: 05 Aug 2024
https://github.com/ZhangGongjie/SAM-DETR
[CVPR'2022] SAM-DETR & SAM-DETR++: Official PyTorch Implementation
computer-vision cvpr cvpr2022 deep-learning detection detr machine-learning object-detection pytorch transformer vision vision-transformer
Last synced: 28 Oct 2024
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/tomrunia/pytorchwavelets
PyTorch implementation of the wavelet analysis from Torrence & Compo (1998)
filtering pytorch signal-processing wavelets
Last synced: 13 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: 07 Aug 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: 13 Oct 2024
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/awslabs/adatune
Gradient based Hyperparameter Tuning library in PyTorch
automl deep-learning hyperparameter-tuning learning-rate-scheduling machine-learning neural-networks pytorch
Last synced: 16 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 Nov 2024
https://github.com/wonjongg/StyleCariGAN
[SIGGRAPH 2021] Official implementation of "StyleCariGAN: Caricature Generation via StyleGAN Feature Map Modulation"
Last synced: 07 Aug 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 Nov 2024
https://github.com/fcakyon/yolov5-pip
Packaged version of ultralytics/yolov5 + many extra features
aws cli coco computer-vision deep-learning machine-learning neptune neptune-ai object-detection pip pypi python pytorch s3 ultralytics yolo yolov3 yolov4 yolov5
Last synced: 22 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: 16 Nov 2024
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: 14 Nov 2024
https://github.com/ksw0306/ClariNet
A Pytorch Implementation of ClariNet
clarinet parallel-wavenet pytorch wavenet
Last synced: 04 Nov 2024
https://github.com/qitianwu/DIFFormer
The official implementation for ICLR23 spotlight paper "DIFFormer: Scalable (Graph) Transformers Induced by Energy Constrained Diffusion"
attention diffusion diffusion-equation geometric-deep-learning graph-neural-networks graph-transformer iclr2023 image-classification large-graph node-classification pytorch pytorch-geometric pytorch-geometric-temporal spatial-temporal-forecasting text-classification transformer
Last synced: 30 Oct 2024
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/nateraw/huggingpics
🤗🖼️ HuggingPics: Fine-tune Vision Transformers for anything using images found on the web.
huggingface machine-learning pytorch vision-transformers
Last synced: 17 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: 14 Nov 2024
https://github.com/lucidrains/routing-transformer
Fully featured implementation of Routing Transformer
artificial-intelligence attention-mechanism deep-learning pytorch transformer
Last synced: 13 Nov 2024
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
https://github.com/nikhilbarhate99/hierarchical-actor-critic-hac-pytorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
actor-critic deep-reinforcement-learning gym-environment gym-environments hierarchical-reinforcement-learning openai-gym pytorch pytorch-implementation pytorch-rl reinforcement-learning reinforcement-learning-algorithms
Last synced: 13 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/sajjjadayobi/FaceLib
Face Analysis: Detection, Age Gender Estimation & Recognition
age-gender deep-learning face face-detection face-recognition facial-expression-recognition gender-estimation pytorch recognition retinaface
Last synced: 04 Aug 2024
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: 08 Aug 2024
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/sunzeyeah/RLHF
Implementation of Chinese ChatGPT
chatgpt deep-learning deepspeed glm nlp pangu pytorch
Last synced: 31 Oct 2024
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: 06 Aug 2024
https://github.com/pmj110119/YOLOX_deepsort_tracker
using yolox+deepsort for object-tracking
deep-sort deepsort object-detection object-tracker pytorch tracker yolo yolo-x yolov3 yolov5 yolox
Last synced: 09 Nov 2024
https://github.com/aimagelab/show-control-and-tell
Show, Control and Tell: A Framework for Generating Controllable and Grounded Captions. CVPR 2019
caption-generation captioning-images cvpr2019 image-captioning pytorch visual-semantic
Last synced: 14 Nov 2024
https://github.com/gabrielilharco/snap-n-eat
Food detection and recommendation with deep learning
deep-learning deep-neural-networks fastai flask food food-classification food-recommendation knn nodejs pytorch resnext
Last synced: 14 Nov 2024
https://github.com/rballester/tntorch
Tensor Network Learning with PyTorch
cp-decomposition data-science learning pytorch tensor-decomposition tensor-networks tensor-train tensors tucker-decomposition
Last synced: 15 Nov 2024
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: 17 Nov 2024
https://github.com/merantix-momentum/squirrel-core
A Python library that enables ML teams to share, load, and transform data in a collaborative, flexible, and efficient way :chestnut:
ai cloud-computing collaboration computer-vision cv data-ingestion data-mesh data-science dataops datasets deep-learning distributed internal machine-learning ml natural-language-processing nlp python pytorch tensorflow
Last synced: 02 Nov 2024