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-10 00:23:23 UTC
- JSON Representation
https://github.com/signatrix/efficientdet
(Pretrained weights provided) EfficientDet: Scalable and Efficient Object Detection implementation by Signatrix GmbH
coco-dataset deep-learning efficientdet efficientnet neural-network object-detection pytorch
Last synced: 07 Aug 2024
https://github.com/mkocabas/epipolarpose
Self-Supervised Learning of 3D Human Pose using Multi-view Geometry (CVPR2019)
3d-pose-estimation computer-vision cvpr cvpr-2019 cvpr19 cvpr2019 human-pose-estimation machine-learning pytorch self-supervised-learning
Last synced: 30 Oct 2024
https://github.com/JiahuiYu/wdsr_ntire2018
Code of our winning entry to NTIRE super-resolution challenge, CVPR 2018
deep-neural-networks efficient-algorithm pytorch super-resolution wdsr
Last synced: 07 Aug 2024
https://github.com/mit-han-lab/lite-transformer
[ICLR 2020] Lite Transformer with Long-Short Range Attention
Last synced: 03 Aug 2024
https://github.com/jiahuiyu/wdsr_ntire2018
Code of our winning entry to NTIRE super-resolution challenge, CVPR 2018
deep-neural-networks efficient-algorithm pytorch super-resolution wdsr
Last synced: 09 Nov 2024
https://github.com/qinzheng93/GeoTransformer
[CVPR2022] Geometric Transformer for Fast and Robust Point Cloud Registration
attention-mechanism computer-vision deep-learning neural-network point-cloud point-cloud-registration pytorch registration transformer
Last synced: 28 Oct 2024
https://github.com/kevinzakka/pytorch-goodies
PyTorch Boilerplate For Research
Last synced: 02 Aug 2024
https://github.com/richzhang/colorization-pytorch
PyTorch reimplementation of Interactive Deep Colorization
computer-graphics computer-vision convolutional-neural-networks deep-learning image-colorization pytorch siggraph
Last synced: 03 Aug 2024
https://github.com/castorini/hedwig
PyTorch deep learning models for document classification
deep-learning document-classification pytorch
Last synced: 06 Nov 2024
https://github.com/AviSoori1x/makeMoE
From scratch implementation of a sparse mixture of experts language model inspired by Andrej Karpathy's makemore :)
deep-learning large-language-models llm mixture-of-experts neural-networks pytorch pytorch-implementation
Last synced: 05 Nov 2024
https://github.com/facebookresearch/fairseq2
FAIR Sequence Modeling Toolkit 2
artificial-intelligence deep-learning machine-learning python pytorch
Last synced: 06 Nov 2024
https://github.com/hirofumi0810/neural_sp
End-to-end ASR/LM implementation with PyTorch
asr attention attention-mechanism automatic-speech-recognition ctc language-model language-modeling pytorch rnn-transducer seq2seq sequence-to-sequence speech speech-recognition streaming transformer transformer-xl
Last synced: 02 Aug 2024
https://github.com/timbmg/sentence-vae
PyTorch Re-Implementation of "Generating Sentences from a Continuous Space" by Bowman et al 2015 https://arxiv.org/abs/1511.06349
deep-learning generative-model neural-network nlp ptb pytorch vae
Last synced: 30 Oct 2024
https://github.com/szagoruyko/functional-zoo
PyTorch and Tensorflow functional model definitions
pretrained-models pytorch tensorflow
Last synced: 29 Oct 2024
https://github.com/bowenc0221/panoptic-deeplab
This is Pytorch re-implementation of our CVPR 2020 paper "Panoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic Segmentation" (https://arxiv.org/abs/1911.10194)
bottom-up cityscapes cvpr2020 deeplab detectron2 instance-segmentation panoptic-segmentation pytorch semantic-segmentation sementation
Last synced: 29 Oct 2024
https://github.com/Malllabiisc/CompGCN
ICLR 2020: Composition-Based Multi-Relational Graph Convolutional Networks
deep-learning graph-convolutional-networks graph-representation-learning iclr2020 link-prediction pytorch relation-embeddings
Last synced: 08 Aug 2024
https://github.com/hrnbot/Basic-Mathematics-for-Machine-Learning
The motive behind Creating this repo is to feel the fear of mathematics and do what ever you want to do in Machine Learning , Deep Learning and other fields of AI
ai algebra beginner calculus linear-algebra machine-learning machinelearning-python mathematical-analysis mathematical-functions mathematics maths notebook prerequisites probability python pytorch siraj siraj-raval statistics
Last synced: 11 Nov 2024
https://github.com/volcengine/vescale
A PyTorch Native LLM Training Framework
Last synced: 10 Nov 2024
https://github.com/quva-lab/e2cnn
E(2)-Equivariant CNNs Library for Pytorch
cnns equivariance equivariant-network group-convolution pytorch
Last synced: 08 Nov 2024
https://github.com/QUVA-Lab/e2cnn
E(2)-Equivariant CNNs Library for Pytorch
cnns equivariance equivariant-network group-convolution pytorch
Last synced: 09 Aug 2024
https://github.com/miguelvr/dropblock
Implementation of DropBlock: A regularization method for convolutional networks in PyTorch.
computer-vision convolutional-neural-networks dropblock dropout machine-learning pytorch pytorch-implementation regularization
Last synced: 01 Nov 2024
https://github.com/as-ideas/ForwardTacotron
⏩ Generating speech in a single forward pass without any attention!
axelspringerai deep-learning forwardtacotron python pytorch tacotron text-to-speech tts
Last synced: 04 Nov 2024
https://github.com/timbmg/vae-cvae-mnist
Variational Autoencoder and Conditional Variational Autoencoder on MNIST in PyTorch
cvae deep-learning latent-variable-models mnist pytorch vae variational-autoencoder
Last synced: 01 Nov 2024
https://github.com/mit-han-lab/spvnas
[ECCV 2020] Searching Efficient 3D Architectures with Sparse Point-Voxel Convolution
3d-deep-learning architecture-search computer-vision deep-learning efficiency lidar point-cloud pytorch semantickitti
Last synced: 28 Oct 2024
https://github.com/graykode/xlnet-pytorch
Simple XLNet implementation with Pytorch Wrapper
bert natural-language-processing nlp pytorch xlnet xlnet-pytorch
Last synced: 30 Oct 2024
https://github.com/graykode/xlnet-Pytorch
Simple XLNet implementation with Pytorch Wrapper
bert natural-language-processing nlp pytorch xlnet xlnet-pytorch
Last synced: 04 Nov 2024
https://github.com/morvanzhou/pytorch-a3c
Simple A3C implementation with pytorch + multiprocessing
a3c actor-critic asynchronous-advantage-actor-critic gym multiprocessing neural-network pytorch toy-example
Last synced: 06 Nov 2024
https://github.com/HarryVolek/PyTorch_Speaker_Verification
PyTorch implementation of "Generalized End-to-End Loss for Speaker Verification" by Wan, Li et al.
pytorch speaker-identification speaker-verification
Last synced: 11 Nov 2024
https://github.com/awarebayes/RecNN
Reinforced Recommendation toolkit built around pytorch 1.7
library news-recommendation pytorch pytorch-rl recommendation-system recommender-system reinforcement-learning toolkit
Last synced: 08 Aug 2024
https://github.com/songdejia/EAST
This is a pytorch re-implementation of EAST: An Efficient and Accurate Scene Text Detector.
deeplearning east icdar ocr pytorch textdetection
Last synced: 03 Nov 2024
https://github.com/benedekrozemberczki/GraphWaveletNeuralNetwork
A PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019)
convolutional-neural-networks deep-learning deepwalk gcn gpt2 gpt3 graph-convolution graph-convolutional-network graph-neural-networks graph-representation graphsage gwnn iclr machine-learning node2vec pytorch research sklearn tensorflow transformer
Last synced: 08 Nov 2024
https://github.com/ikostrikov/pytorch-flows
PyTorch implementations of algorithms for density estimation
deep-learning density-estimation neural-networks probabilities pytorch
Last synced: 25 Oct 2024
https://github.com/NoCLin/LightMirrors
LightMirrors is a lightweight mirror server with caching capabilities that currently supports DockerHub, K8S, PyPI, PyTorch, and NPM.
cache-proxy docker docker-compose dockerhub ghcr k8s mirror mirror-site mirrors npm nvcr pypi python pytorch quay reverse-proxy
Last synced: 29 Oct 2024
https://github.com/hassony2/manopth
MANO layer for PyTorch, generating hand meshes as a differentiable layer
Last synced: 17 Aug 2024
https://github.com/mir-group/nequip
NequIP is a code for building E(3)-equivariant interatomic potentials
atomistic-simulations computational-chemistry deep-learning drug-discovery force-fields interatomic-potentials machine-learning materials-science molecular-dynamics pytorch
Last synced: 02 Aug 2024
https://github.com/szymonmaszke/torchlayers
Shape and dimension inference (Keras-like) for PyTorch layers and neural networks
deep-learning framework inference keras layers library machine-learning pytorch shape sota
Last synced: 11 Oct 2024
https://github.com/Confusezius/Deep-Metric-Learning-Baselines
PyTorch Implementation for Deep Metric Learning Pipelines
cars196 computer-vision cub200 deep-learning deep-metric-learning distance-sampling metric-learning neural-networks pku-vehicle pytorch shop-clothes
Last synced: 02 Aug 2024
https://github.com/benedekrozemberczki/graphwaveletneuralnetwork
A PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019)
convolutional-neural-networks deep-learning deepwalk gcn gpt2 gpt3 graph-convolution graph-convolutional-network graph-neural-networks graph-representation graphsage gwnn iclr machine-learning node2vec pytorch research sklearn tensorflow transformer
Last synced: 10 Oct 2024
https://github.com/bryanyzhu/two-stream-pytorch
PyTorch implementation of two-stream networks for video action recognition
action-recognition pytorch two-stream video
Last synced: 26 Oct 2024
https://github.com/hpcaitech/fastfold
Optimizing AlphaFold Training and Inference on GPU Clusters
alphafold2 cuda evoformer gpu habana-gaudi parallelism protein-folding protein-structure pytorch
Last synced: 02 Nov 2024
https://github.com/Scalsol/mega.pytorch
Memory Enhanced Global-Local Aggregation for Video Object Detection, CVPR2020
pytorch video-object-detection
Last synced: 11 Nov 2024
https://github.com/cheind/pytorch-blender
:sweat_drops: Seamless, distributed, real-time integration of Blender into PyTorch data pipelines
blender openai-gym pytorch reinforcement-learning zmq
Last synced: 30 Oct 2024
https://github.com/yinboc/few-shot-meta-baseline
Meta-Baseline: Exploring Simple Meta-Learning for Few-Shot Learning, in ICCV 2021
few-shot-learning machine-learning pytorch
Last synced: 08 Nov 2024
https://github.com/loudinthecloud/pytorch-ntm
Neural Turing Machines (NTM) - PyTorch Implementation
lstm neural-network neural-turing-machines notebook ntm python pytorch
Last synced: 07 Aug 2024
https://github.com/Hawkeye-FineGrained/Hawkeye
Open source deep learning based fine-grained image recognition toolbox built on PyTorch🔥
deep-learning fine-grained pytorch toolbox
Last synced: 05 Nov 2024
https://github.com/foolwood/pytorch-slimming
Learning Efficient Convolutional Networks through Network Slimming, In ICCV 2017.
deep-learning fast-inference l1-regularization pytorch weight-pruning
Last synced: 09 Nov 2024
https://github.com/underneathall/pinferencia
Python + Inference - Model Deployment library in Python. Simplest model inference server ever.
ai artificial-intelligence computer-vision data-science deep-learning huggingface inference inference-server machine-learning model-deployment model-serving modelserver nlp paddlepaddle predict python pytorch serving tensorflow transformers
Last synced: 31 Oct 2024
https://github.com/GRAAL-Research/poutyne
A simplified framework and utilities for PyTorch
data-science deep-learning keras machine-learning neural-network python pytorch
Last synced: 30 Oct 2024
https://github.com/mackelab/sbi
Simulation-based inference toolkit
bayesian-inference likelihood-free-inference machine-learning parameter-estimation pytorch simulation-based-inference
Last synced: 24 Aug 2024
https://github.com/megvii-research/MOTR
[ECCV2022] MOTR: End-to-End Multiple-Object Tracking with TRansformer
end-to-end multi-object-tracking pytorch transformer
Last synced: 28 Oct 2024
https://github.com/KDD-OpenSource/DeepADoTS
Repository of the paper "A Systematic Evaluation of Deep Anomaly Detection Methods for Time Series".
anomaly-detection deep-learning pytorch tensorflow time-series timeseries
Last synced: 26 Oct 2024
https://github.com/megvii-model/MOTR
[ECCV2022] MOTR: End-to-End Multiple-Object Tracking with TRansformer
end-to-end multi-object-tracking pytorch transformer
Last synced: 02 Aug 2024
https://github.com/opendilab/di-drive
Decision Intelligence Platform for Autonomous Driving simulation.
autodrive autonomous-driving carla imitation-learning metadrive pytorch reinforcement-learning
Last synced: 09 Nov 2024
https://github.com/ignacio-rocco/detectorch
Detectorch - detectron for PyTorch
detectron instance-segmentation object-detection object-segmentation python pytorch
Last synced: 03 Aug 2024
https://github.com/webis-de/small-text
Active Learning for Text Classification in Python
active-learning deep-learning looking-for-contributors machine-learning natural-language-processing nlp python pytorch text-classification transformers
Last synced: 06 Nov 2024
https://github.com/maum-ai/faceshifter
Unofficial PyTorch Implementation for FaceShifter (https://arxiv.org/abs/1912.13457)
face-swapping pytorch pytorch-lightning
Last synced: 11 Nov 2024
https://github.com/longcw/RoIAlign.pytorch
RoIAlign & crop_and_resize for PyTorch
Last synced: 03 Aug 2024
https://github.com/longcw/roialign.pytorch
RoIAlign & crop_and_resize for PyTorch
Last synced: 05 Nov 2024
https://github.com/hpcaitech/FastFold
Optimizing AlphaFold Training and Inference on GPU Clusters
alphafold2 cuda evoformer gpu habana-gaudi parallelism protein-folding protein-structure pytorch
Last synced: 02 Aug 2024
https://github.com/stochasticai/x-stable-diffusion
Real-time inference for Stable Diffusion - 0.88s latency. Covers AITemplate, nvFuser, TensorRT, FlashAttention. Join our Discord communty: https://discord.com/invite/TgHXuSJEk6
aitemplate automl cuda docker inference notebook nvfuser onnx onnxruntime pytorch stable-diffusion tensorrt
Last synced: 09 Nov 2024
https://github.com/RobotLocomotion/pytorch-dense-correspondence
Code for "Dense Object Nets: Learning Dense Visual Object Descriptors By and For Robotic Manipulation"
3d artificial-intelligence computer-vision deep-learning manipulation pytorch robotics self-supervised-learning vision
Last synced: 03 Aug 2024
https://github.com/sbi-dev/sbi
Simulation-based inference toolkit
bayesian-inference likelihood-free-inference machine-learning parameter-estimation pytorch simulation-based-inference
Last synced: 02 Aug 2024
https://github.com/RelevanceAI/vectorhub
Vector Hub - Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
artificial-intelligence audio-processing deep-learning deeplearning embeddings encodings image2vec machine-learning neural-network python pytorch tensorflow tfhub transformers vector vector-similarity video-processing word2vec
Last synced: 11 Nov 2024
https://github.com/d2l-ai/d2l-vi
Một cuốn sách về Học Sâu đề cập đến nhiều framework phổ biến, được sử dụng trên 300 trường Đại học từ 55 đất nước bao gồm MIT, Stanford, Harvard, và Cambridge.
computer-vision d2l deep-learning kaggle keras machine-learning mlbvn mxnet python pytorch tensorflow vietnamese-language
Last synced: 08 Nov 2024
https://github.com/huggingface/transformers-bloom-inference
Fast Inference Solutions for BLOOM
bloom huggingface-transformers nlp pytorch
Last synced: 03 Aug 2024
https://github.com/xwying/torchshow
Visualize PyTorch tensors with a single line of code.
image-tensor notebook pytorch tensor visualization
Last synced: 02 Aug 2024
https://github.com/k2-fsa/sherpa
Speech-to-text server framework with next-gen Kaldi
asr cpp ctc end-to-end-asr python pytorch speech-recognition transducer websocket
Last synced: 09 Nov 2024
https://github.com/xinjli/allosaurus
Allosaurus is a pretrained universal phone recognizer for more than 2000 languages
phonetics pytorch speech speech-recognition
Last synced: 12 Oct 2024
https://github.com/Tencent/Forward
A library for high performance deep learning inference on NVIDIA GPUs.
cuda deep-learning forward gpu inference inference-engine keras neural-network onnx pytorch tensorflow tensorrt
Last synced: 09 Nov 2024
https://github.com/mikeroyal/machine-learning-guide
Machine learning Guide. Learn all about Machine Learning Tools, Libraries, Frameworks, Large Language Models (LLMs), and Training Models.
artificial-neural-networks aws-sagemaker deep-learning generative-ai gpt-3 gpt-4 gpt4all image-classification image-processing jax llms machine-learning-library machine-learning-models machinelearning machinelearning-python python pytorch scikit-learn scikitlearn-machine-learning support-vector-machines
Last synced: 30 Oct 2024
https://github.com/ternaus/ternausnetv2
TernausNetV2: Fully Convolutional Network for Instance Segmentation
computer-vision deep-learning image-segmentation python pytorch satellite-imagery
Last synced: 01 Nov 2024
https://github.com/google-research/fast-soft-sort
Fast Differentiable Sorting and Ranking
differentiable jax pytorch ranking sorting tensorflow
Last synced: 10 Nov 2024
https://github.com/omriav/blended-latent-diffusion
Official implementation for "Blended Latent Diffusion" [SIGGRAPH 2023]
computer-vision deep-learning diffusion diffusion-models generative-model image-generation multimodal multimodal-deep-learning pytorch text-driven-editing text-guided-manipulation text-to-image text-to-image-synthesis
Last synced: 31 Oct 2024
https://github.com/AmazingDD/daisyRec
Official code for "DaisyRec 2.0: Benchmarking Recommendation for Rigorous Evaluation" (TPAMI2022) and "Are We Evaluating Rigorously? Benchmarking Recommendation for Reproducible Evaluation and Fair Comparison" (RecSys2020)
afm biasmf cdae collaborative-filtering deepfm ease factorization-machines item2vec k-nearest-neighbors matrix-factorization neumf neural-collaborative-filtering nfm pytorch recommender-system slim svdpp vae
Last synced: 08 Aug 2024
https://github.com/ternaus/TernausNetV2
TernausNetV2: Fully Convolutional Network for Instance Segmentation
computer-vision deep-learning image-segmentation python pytorch satellite-imagery
Last synced: 04 Aug 2024
https://github.com/vector-ai/vectorhub
Vector Hub - Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
artificial-intelligence audio-processing deep-learning deeplearning embeddings encodings image2vec machine-learning neural-network python pytorch tensorflow tfhub transformers vector vector-similarity video-processing word2vec
Last synced: 15 Aug 2024
https://github.com/relevanceai/vectorhub
Vector Hub - Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
artificial-intelligence audio-processing deep-learning deeplearning embeddings encodings image2vec machine-learning neural-network python pytorch tensorflow tfhub transformers vector vector-similarity video-processing word2vec
Last synced: 30 Oct 2024
https://github.com/achuthasubhash/Complete-Life-Cycle-of-a-Data-Science-Project
Complete-Life-Cycle-of-a-Data-Science-Project
analysis data-analysis data-science dataset deep-learning eda exploratory-data-analysis feature-engineering federated-learning machine-learning nlp-models python python-library pytorch reinforcement-learning scraper supervised-learning transfer-learning unsupervised-learning web-scraping
Last synced: 02 Aug 2024
https://github.com/ctallec/world-models
Reimplementation of World-Models (Ha and Schmidhuber 2018) in pytorch
model-based-rl pytorch reinforcement-learning
Last synced: 07 Aug 2024
https://github.com/voidful/textrl
Implementation of ChatGPT RLHF (Reinforcement Learning with Human Feedback) on any generation model in huggingface's transformer (blommz-176B/bloom/gpt/bart/T5/MetaICL)
chatgpt controlled-nlg gpt-2 gpt-3 language-model nlg nlp pytorch reinforcement-learning rlhf
Last synced: 09 Nov 2024
https://github.com/aimagelab/mammoth
An Extendible (General) Continual Learning Framework based on Pytorch - official codebase of Dark Experience for General Continual Learning
continual-learning dark-experience-replay deep-learning der experience-replay knowledge-distillation neurips2020 pytorch
Last synced: 07 Nov 2024
https://github.com/pemami4911/neural-combinatorial-rl-pytorch
PyTorch implementation of Neural Combinatorial Optimization with Reinforcement Learning https://arxiv.org/abs/1611.09940
neural-combinatorial-optimization pytorch reinforcement-learning seq2seq
Last synced: 02 Nov 2024
https://github.com/xlang-ai/UnifiedSKG
[EMNLP 2022] Unifying and multi-tasking structured knowledge grounding with language models
data-to-text fact-verification huggingface-datasets huggingface-transformers multi-task-learning natural-language-processing nlp prompt-learning pytorch question-answering semantic-parsing structured-knowledge-grounding text-generation
Last synced: 03 Aug 2024
https://github.com/csinva/csinva.github.io
Slides, paper notes, class notes, blog posts, and research on ML 📉, statistics 📊, and AI 🤖.
ai artificial-intelligence awesome blog computational-neuroscience data-science deep-learning jekyll-themes machine-learning machine-learning-tutorials ml neuroscience notes python pytorch research slides statistics stats website
Last synced: 28 Sep 2024
https://github.com/voidful/TextRL
Implementation of ChatGPT RLHF (Reinforcement Learning with Human Feedback) on any generation model in huggingface's transformer (blommz-176B/bloom/gpt/bart/T5/MetaICL)
chatgpt controlled-nlg gpt-2 gpt-3 language-model nlg nlp pytorch reinforcement-learning rlhf
Last synced: 31 Oct 2024
https://github.com/snap-stanford/deepsnap
Python library assists deep learning on graphs
deep-learning graph-neural-networks pytorch
Last synced: 02 Aug 2024
https://github.com/tensorlayer/tensorlayerx
TensorLayerX: A Unified Deep Learning and Reinforcement Learning Framework for All Hardwares, Backends and OS.
deep-learning jittor machine-learning mindspore neural-network oneflow paddlepaddle python pytorch tensorflow tensorlayer tensorlayerx
Last synced: 13 Oct 2024
https://github.com/hendrycks/outlier-exposure
Deep Anomaly Detection with Outlier Exposure (ICLR 2019)
anomaly anomaly-detection calibration deep-learning ml-safety out-of-distribution-detection pytorch
Last synced: 13 Aug 2024
https://github.com/akanimax/pro_gan_pytorch
Unofficial PyTorch implementation of the paper titled "Progressive growing of GANs for improved Quality, Stability, and Variation"
adversarial-machine-learning convolutional-neural-network gan progressive-growing-of-gans pytorch
Last synced: 03 Aug 2024
https://github.com/evilpsycho/deep-time-series-prediction
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
attention bert deep-learning kaggle lstm pytorch regression seq2seq series-prediction time-series-forecasting toturial wavenet
Last synced: 08 Nov 2024
https://github.com/Langboat/Mengzi
Mengzi Pretrained Models
bert chinese-bert deep-learning language-understanding natural-language-processing nlp pytorch
Last synced: 30 Oct 2024
https://github.com/langboat/mengzi
Mengzi Pretrained Models
bert chinese-bert deep-learning language-understanding natural-language-processing nlp pytorch
Last synced: 09 Nov 2024
https://github.com/Media-Smart/vedastr
A scene text recognition toolbox based on PyTorch
ocr ocr-recognition pytorch scene-text-recognition text-recognition transformer
Last synced: 03 Nov 2024
https://github.com/clcarwin/convert_torch_to_pytorch
Convert torch t7 model to pytorch model and source.
Last synced: 03 Aug 2024
https://github.com/Toni-SM/skrl
Modular reinforcement learning library (on PyTorch and JAX) with support for NVIDIA Isaac Gym, Omniverse Isaac Gym and Isaac Lab
deep-learning deepmind gym gymnasium isaac-gym isaac-lab isaac-orbit isaac-sim isaaclab jax machine-learning nvidia-omniverse openai-gym python pytorch reinforcement-learning rl robosuite robotics skrl
Last synced: 03 Nov 2024
https://github.com/WuHuRestaurant/xf_event_extraction2020Top1
科大讯飞2020事件抽取挑战赛第一名解决方案&完整事件抽取系统
competition events-extraction pytorch
Last synced: 06 Nov 2024
https://github.com/stefanopini/simple-hrnet
Multi-person Human Pose Estimation with HRNet in Pytorch
coco-dataset computer-vision deep-learning hrnet human-pose-estimation keypoint-detection machine-learning pytorch yolov3
Last synced: 07 Nov 2024
https://github.com/kmeng01/rome
Locating and editing factual associations in GPT (NeurIPS 2022)
gpt interpretability pytorch transformers
Last synced: 30 Oct 2024