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/deepvac/libdeepvac

Use PyTorch model in C++ project

cpp deepvac libdeepvac libtorch ncnn pytorch tensorrt

Last synced: 16 Nov 2024

https://github.com/1adrianb/binary-networks-pytorch

Binarize convolutional neural networks using pytorch :fire:

convolutional-neural-networks network-binarization network-quantization pytorch

Last synced: 26 Dec 2024

https://github.com/um-arm-lab/pytorch_volumetric

Volumetric structures such as voxels and SDFs implemented in pytorch

chamfer-distance kinematics pytorch robot sdf signed-distance-field signed-distance-functions voxel voxel-grid voxels

Last synced: 12 Feb 2025

https://github.com/gordicaleksa/pytorch-learn-reinforcement-learning

A collection of various RL algorithms like policy gradients, DQN and PPO. The goal of this repo will be to make it a go-to resource for learning about RL. How to visualize, debug and solve RL problems. I've additionally included playground.py for learning more about OpenAI gym, etc.

deep-learning deep-q-network dqn jupyter policy-gradient ppo python pytorch pytorch-dqn pytorch-implementation pytorch-policy-gradient pytorch-ppo reinforcement-learning reinforcement-learning-algorithms rl

Last synced: 11 Nov 2024

https://github.com/getnamo/MachineLearningRemote-Unreal

Machine Learning plugin for the Unreal Engine, encapsulating calls to remote python servers running e.g. Tensorflow/Pytorch.

cpp machine-learning plugin pytorch socket-io tensorflow unreal

Last synced: 29 Oct 2024

https://github.com/kumar-shridhar/know-your-intent

State of the Art results in Intent Classification using Sematic Hashing for three datasets: AskUbuntu, Chatbot and WebApplication.

chatbot dataset intent intent-classification jupyter python pytorch semantic-hashing state-of-the-art

Last synced: 07 Nov 2024

https://github.com/kentonishi/torch-pitch-shift

Pitch-shift audio clips quickly with PyTorch (CUDA supported)! Additional utilities for searching efficient transformations are included.

audio-augmentation augmentation gpu-support pitch-shift pytorch sound-processing torch torchaudio

Last synced: 15 Feb 2025

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: 25 Oct 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: 15 Nov 2024

https://github.com/eurus-holmes/lis-ynp

:crystal_ball: Life is short, you need PyTorch.

examples models pytorch tutorials

Last synced: 12 Nov 2024

https://github.com/rickiepark/nlp-with-pytorch

<파이토치로 배우는 자연어 처리>(한빛미디어, 2021)의 소스 코드를 위한 저장소입니다.

deep-learning natural-language-processing python pytorch

Last synced: 10 Feb 2025

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: 14 Oct 2024

https://github.com/sherylhyx/pytorch_geometric_signed_directed

PyTorch Geometric Signed Directed is a signed/directed graph neural network extension library for PyTorch Geometric. The paper is accepted by LoG 2023.

deep-learning directed-networks gnn graph-neural-netowrks machine-learning networks python pytorch pytorch-geometric signed-networks

Last synced: 12 Feb 2025

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: 05 Nov 2024

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

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

optimizer pytorch sam

Last synced: 16 Nov 2024

https://github.com/bigpon/vcc20_baseline_cyclevae

Voice Conversion Challenge 2020 CycleVAE baseline system

baseline cyclevae-vc parallel-wavenet-vocoder pytorch vcc2020 voice-conversion

Last synced: 20 Nov 2024

https://github.com/nlp-love/model_log

Model Log 是一款基于 Python3 的轻量级机器学习(Machine Learning)、深度学习(Deep Learning)模型训练评估指标可视化工具,可以记录模型训练过程当中的超参数、Loss、Accuracy、Precision、F1值等,并以曲线图的形式进行展现对比,轻松三步即可实现。

deep-learning log machine-learning metric model pytorch tensorflow

Last synced: 18 Feb 2025

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: 28 Oct 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: 16 Nov 2024

https://github.com/customdiffusion360/custom-diffusion360

CustomDiffusion360: Customizing Text-to-Image Diffusion with Camera Viewpoint Control

camera-pose-control computer-vision customization generative-model pytorch stable-diffusion text-to-image

Last synced: 30 Oct 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: 28 Oct 2024

https://github.com/fhamborg/newsmtsc

Target-dependent sentiment classification in news articles reporting on political events. Includes a high-quality data set of over 11k sentences and a state-of-the-art classification model.

cuda dataset deep-learning news-articles pytorch sentiment-analysis sentiment-classification text-classification tsc

Last synced: 13 Feb 2025

https://github.com/kamo-naoyuki/pytorch_convolutional_rnn

PyTorch implementation of Convolutional Recurrent Neural Network

cnn crnn deep-learning pytorch rnn

Last synced: 02 Dec 2024

https://github.com/brightxiaohan/facedetector

A re-implementation of mtcnn. Joint training, tutorial and deployment together.

cnn deep-learning facedetection mtcnn mtcnn-pytorch pytorch

Last synced: 17 Nov 2024

https://github.com/marcoslucianops/deepstream-yolo-pose

NVIDIA DeepStream SDK 6.3 / 6.2 / 6.1.1 / 6.1 / 6.0.1 / 6.0 application for YOLO-Pose models

deepstream nvidia nvidia-deepstream-sdk object-detection pose-estimation pytorch tensorrt ultralytics yolo yolov8

Last synced: 19 Jan 2025

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: 05 Nov 2024

https://github.com/ami-iit/adam

adam implements a collection of algorithms for calculating rigid-body dynamics in Jax, CasADi, PyTorch, and Numpy.

adam-robotics automatic-differentiation casadi jax motion-planning numpy optimization python pytorch reinforcement-learning rigid-body-dynamics robotics urdf

Last synced: 16 Feb 2025

https://github.com/ashawkey/CCNeRF

[NeurIPS 2022] Compressible-composable NeRF via Rank-residual Decomposition.

nerf pytorch

Last synced: 07 Nov 2024

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

abdominal multi-organ segmentation using pytorch

multi-organ-segmentation pytorch segmentation

Last synced: 23 Nov 2024

https://github.com/ashawkey/ccnerf

[NeurIPS 2022] Compressible-composable NeRF via Rank-residual Decomposition.

nerf pytorch

Last synced: 12 Nov 2024

https://github.com/lonepatient/daguan_2019_rank9

datagrand 2019 information extraction competition rank9

bert crf dropout ie information-extraction lookahead lstm ner ngram pytorch span train-bert

Last synced: 06 Nov 2024

https://github.com/guanhuaw/mirtorch

A PyTorch-powered differentiable image reconstruction/optimization toolbox

magnetic-resonance-imaging medical-imaging model-based pytorch

Last synced: 15 Feb 2025

https://github.com/dragen1860/deep-learning-with-pytorch-book

PyTorch深度学习开源电子书

deep-learning pytorch

Last synced: 01 Nov 2024

https://github.com/920232796/setr-pytorch

Implementation of SETR model, Original paper: Rethinking Semantic Segmentation from a Sequence-to-Sequence Perspective with Transformers.

pytorch setr transformer transformer-segmentation

Last synced: 02 Dec 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: 27 Oct 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: 28 Oct 2024

https://github.com/senya-ashukha/real-nvp-pytorch

Real NVP PyTorch a Minimal Working Example | Normalizing Flow

deep-learning density-estimation nf normalizing-flow normalizing-flows pytorch real-nvp

Last synced: 19 Nov 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: 28 Nov 2024

https://github.com/wangleiphy/tensorgrad

Differentiable Programming Tensor Networks

automatic-differentiation pytorch tensor-networks

Last synced: 23 Nov 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: 17 Nov 2024

https://github.com/xrsrke/toolformer

Implementation of Toolformer: Language Models Can Teach Themselves to Use Tools

deep-learning langchain language-model large-language-model pytorch toolformer

Last synced: 26 Dec 2024

https://github.com/lupantech/intergps

Data and Code for ACL 2021 Paper "Inter-GPS: Interpretable Geometry Problem Solving with Formal Language and Symbolic Reasoning"

mathqa pytorch

Last synced: 16 Feb 2025

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: 04 Nov 2024

https://github.com/spijkervet/byol

Bootstrap Your Own Latent: A New Approach to Self-Supervised Learning

byol deep-learning pytorch self-supervised-learning

Last synced: 05 Dec 2024

https://github.com/haozheji/multigen

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

kg nlg pytorch

Last synced: 16 Nov 2024

https://github.com/lartpang/zoomnet

Zoom In and Out: A Mixed-scale Triplet Network for Camouflaged Object Detection, CVPR 2022

camouflaged-object-detection cod codeforpaper cvpr cvpr2022 paper papercode python pytorch rgbcod rgbsod saliency-detection salient-object-detection sod

Last synced: 11 Jan 2025

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

A modular PyTorch library for optical flow estimation using neural networks

modular optical-flow pytorch

Last synced: 01 Nov 2024

https://github.com/pprp/captcha.pytorch

验证码识别比赛code,针对数字,大小写字母能达到97-99%的准确率

captcha pytorch

Last synced: 22 Jan 2025

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

Scientific Computing in Mojo 🔥

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

Last synced: 16 Nov 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: 28 Oct 2024

https://github.com/pinto0309/keras-oneclassanomalydetection

[5 FPS - 150 FPS] Learning Deep Features for One-Class Classification (AnomalyDetection). Corresponds RaspberryPi3. Convert to Tensorflow, ONNX, Caffe, PyTorch. Implementation by Python + OpenVINO/Tensorflow Lite.

anomaly-detection caffe cnn grad-cam keras mobilenetv2 onnx openvino pytorch raspberrypi tensorflow

Last synced: 01 Nov 2024

https://github.com/jackaduma/cyclegan-vc3

Voice Conversion by CycleGAN (语音克隆/语音转换):CycleGAN-VC3

aigc cyclegan cyclegan-vc cyclegan-vc2 cyclegan-vc3 gan pytorch pytorch-implementation voice-cloning voice-conversion

Last synced: 11 Nov 2024

https://github.com/nvidia/clara-train-examples

Example notebooks demonstrating how to use Clara Train to build Medical Imaging Deep Learning models

automl clara-train deep-learning healthcare-imaging medical-imaging-computing medical-imaging-processing python3 pytorch tcia-dac

Last synced: 18 Feb 2025

https://github.com/real-stanford/decentralized-multiarm

[CoRL 2020] Learning a Decentralized Multiarm Motion Planner

deep-learning motion-planning multiagent-reinforcement-learning pytorch robotics

Last synced: 17 Nov 2024

https://github.com/sanghyun-son/bicubic_pytorch

A PyTorch implementation of widely-used bicubic interpolation, which is fully compatible with MATLAB.

imageprocessing pytorch superresolution

Last synced: 06 Nov 2024

https://github.com/microsoft/adamix

This is the implementation of the paper AdaMix: Mixture-of-Adaptations for Parameter-efficient Model Tuning (https://arxiv.org/abs/2205.12410).

adapter bert dart glue gpt-2 nlg nlp nlu parameter-efficient pytorch roberta webnlg

Last synced: 18 Feb 2025

https://github.com/SherylHYX/pytorch_geometric_signed_directed

PyTorch Geometric Signed Directed is a signed/directed graph neural network extension library for PyTorch Geometric. The paper is accepted by LoG 2023.

deep-learning directed-networks gnn graph-neural-netowrks machine-learning networks python pytorch pytorch-geometric signed-networks

Last synced: 17 Nov 2024

https://github.com/warner-benjamin/commented-transformers

Highly commented implementations of Transformers in PyTorch

bert gpt pytorch transformers

Last synced: 28 Oct 2024

https://github.com/EthanRosenthal/torchmf

matrix factorization in PyTorch

matrix-factorization pytorch recommender-systems

Last synced: 11 Nov 2024

https://github.com/dandelin/dynamic-memory-networks-plus-pytorch

Implementation of Dynamic memory networks plus in Pytorch

dmn language-model python pytorch question-answering

Last synced: 06 Nov 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: 15 Nov 2024

https://github.com/borchero/pycave

Traditional Machine Learning Models for Large-Scale Datasets in PyTorch.

gaussian-mixture-models kmeans machine-learning markov-model pytorch pytorch-lightning

Last synced: 12 Feb 2025

https://github.com/jackaduma/chatglm-lora-rlhf-pytorch

A full pipeline to finetune ChatGLM LLM with LoRA and RLHF on consumer hardware. Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the ChatGLM architecture. Basically ChatGPT but with ChatGLM

chatglm chatglm-6b chatgpt deepspeed finetune gpt llama llm lora peft ppo pytorch reward-models rlhf

Last synced: 11 Nov 2024

https://github.com/hosseinshn/basic-multi-task-learning

This is a repository for Multi-task learning with toy data in Pytorch and Tensorflow

multitask-learning pytorch tensorflow

Last synced: 08 Nov 2024

https://github.com/donydchen/sem2nerf

👩🏼‍🦰😺[ECCV'22] Official PyTorch Implementation of Sem2NeRF: Converting Single-View Semantic Masks to NeRFs

eccv-2022 eccv2022 gan image-generation image-manipulation image-to-image image-translation nerf pytorch semantic-to-nerf

Last synced: 16 Nov 2024

https://github.com/yurizzzzz/Helmet-Detection-YoloV5

Safety helmet wearing detection on construction site based on YoloV5s-V5.0 including helmet dataset(基于YoloV5-V5.0的工地安全帽检测并且包含开源的安全帽数据集)

python pytorch yolov5s

Last synced: 09 Nov 2024

https://github.com/lupantech/InterGPS

Data and Code for ACL 2021 Paper "Inter-GPS: Interpretable Geometry Problem Solving with Formal Language and Symbolic Reasoning"

mathqa pytorch

Last synced: 16 Nov 2024

https://github.com/cwx-worst-one/eat

[IJCAI 2024] EAT: Self-Supervised Pre-Training with Efficient Audio Transformer

audio audio-classification deep-learning eat fairseq pytorch representation-learning self-supervised-learning

Last synced: 12 Feb 2025

https://github.com/ibaigorordo/sapiens-pytorch-inference

Minimal code and examnples for inferencing Sapiens foundation human models in Pytorch

computer-vision deep-learning depth-estimation inference pose-estimation python pytorch semantic-segmentation

Last synced: 16 Feb 2025

https://github.com/ise-uiuc/nnsmith

Automatic DNN generation for fuzzing and more

compiler deep-learning fuzzing machine-learning pytorch tensorflow

Last synced: 12 Feb 2025

https://github.com/kefirski/pytorch_NEG_loss

NEG loss implemented in pytorch

python pytorch word2vec

Last synced: 14 Nov 2024

https://github.com/leehanchung/cs224n

Stanford CS224n: Natural Language Processing with Deep Learning, Winter 2020

2020 cs224n cs224n-assignment-solutions cs224nwinter2020 natural-language-processing pytorch stanford stanford-nlp

Last synced: 10 Nov 2024

https://github.com/pytorch-labs/torchfix

TorchFix - a linter for PyTorch-using code with autofix support

flake8 flake8-plugin hacktoberfest linter python pytorch static-analysis static-code-analysis

Last synced: 12 Feb 2025

https://github.com/vra/flopth

A simple program to calculate and visualize the FLOPs and Parameters of Pytorch models, with handy CLI and easy-to-use Python API.

cnn deep-learning deeplearning flop flops pip pypi python python3 pytorch visualization

Last synced: 17 Feb 2025

https://github.com/sayakpaul/robustness-vit

Contains code for the paper "Vision Transformers are Robust Learners" (AAAI 2022).

computer-vision jax pytorch robustness self-attention tensorflow transformers

Last synced: 13 Jan 2025

https://github.com/zhiqwang/sightseq

Computer vision tools for fairseq, containing PyTorch implementation of text recognition and object detection

attention crnn ctc densenet faster-rcnn image-captioning mobilenet object-detection ocr pytorch scene-texts text-recognition transformer

Last synced: 15 Dec 2024

https://github.com/rsnk96/Ubuntu-Setup-Scripts

Scripts to help you set up your Ubuntu quickly, especially if you're in any subfield of Data Science or AI!

anaconda cuda deep-learning deeplearning dl ffmpeg installers ml opencv python pytorch tensorflow tensorflow-setup ubuntu zsh

Last synced: 06 Nov 2024

https://github.com/rasbt/faster-pytorch-blog

Outlining techniques for improving the training performance of your PyTorch model without compromising its accuracy

deeplearning lightning pytorch transformers

Last synced: 01 Nov 2024

https://github.com/jingtaozhan/DRhard

SIGIR'21: Optimizing DR with hard negatives and achieving SOTA first-stage retrieval performance on TREC DL Track.

information-retrieval pytorch web-search

Last synced: 16 Nov 2024

https://github.com/szagoruyko/binary-wide-resnet

PyTorch implementation of Wide Residual Networks with 1-bit weights by McDonnell (ICLR 2018)

pytorch wide-residual-networks

Last synced: 03 Jan 2025