Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with transformers

A curated list of projects in awesome lists tagged with transformers .

https://github.com/huangwl18/language-planner

Official Code for "Language Models as Zero-Shot Planners: Extracting Actionable Knowledge for Embodied Agents"

artificial-intelligence codex deep-learning embodied-ai foundation-models gpt-3 in-context-learning knowledge-extraction language-model planning transformers

Last synced: 01 Aug 2024

https://github.com/lucidrains/equiformer-pytorch

Implementation of the Equiformer, SE3/E3 equivariant attention network that reaches new SOTA, and adopted for use by EquiFold for protein folding

artificial-intelligence attention-mechanisms deep-learning equivariance molecules protein-folding transformers

Last synced: 03 Oct 2024

https://github.com/lucidrains/soft-moe-pytorch

Implementation of Soft MoE, proposed by Brain's Vision team, in Pytorch

artificial-intelligence deep-learning mixture-of-experts transformers

Last synced: 03 Oct 2024

https://github.com/linjieli222/HERO

Research code for EMNLP 2020 paper "HERO: Hierarchical Encoder for Video+Language Omni-representation Pre-training"

pretraining pytorch transformers tvr vision-and-language

Last synced: 08 Aug 2024

https://github.com/hppRC/bert-classification-tutorial

【2023年版】BERTによるテキスト分類

bert deep-learning japanese nlp python pytorch transformers

Last synced: 01 Aug 2024

https://github.com/maiqingqiang/ChatMLX

🤖✨ChatMLX is a modern, open-source, high-performance chat application for MacOS based on large language models.

chat llama mlx mlx-swift qwen swift swift-transformers swiftui transformer transformers

Last synced: 02 Oct 2024

https://github.com/lucidrains/simple-hierarchical-transformer

Experiments around a simple idea for inducing multiple hierarchical predictive model within a GPT

artificial-intelligence attention-mechanisms deep-learning hierarchical-predictive-coding transformers

Last synced: 03 Oct 2024

https://github.com/monologg/kobert-transformers

KoBERT on 🤗 Huggingface Transformers 🤗 (with Bug Fixed)

kobert korean-nlp transformers

Last synced: 30 Sep 2024

https://github.com/iPieter/RobBERT

A Dutch RoBERTa-based language model

bert bert-model language-model nlp nlp-resources roberta transformers

Last synced: 03 Aug 2024

https://github.com/lucidrains/speculative-decoding

Explorations into some recent techniques surrounding speculative decoding

artificial-intelligence deep-learning efficient-inference transformers

Last synced: 03 Oct 2024

https://github.com/lucidrains/palm-jax

Implementation of the specific Transformer architecture from PaLM - Scaling Language Modeling with Pathways - in Jax (Equinox framework)

artificial-general-intelligence attention-mechanism deep-learning jax transformers

Last synced: 03 Oct 2024

https://github.com/lucidrains/PaLM-jax

Implementation of the specific Transformer architecture from PaLM - Scaling Language Modeling with Pathways - in Jax (Equinox framework)

artificial-general-intelligence attention-mechanism deep-learning jax transformers

Last synced: 01 Aug 2024

https://github.com/do-me/SemanticFinder

SemanticFinder - frontend-only live semantic search with transformers.js

ai codemirror semantic-search semanticsearch transformers

Last synced: 01 Aug 2024

https://github.com/fathyb/parcel-plugin-typescript

🚨 Enhanced TypeScript support for Parcel

code-quality lint parcel-plugin transformers type-checker typescript

Last synced: 31 Jul 2024

https://github.com/PaddlePaddle/PALM

a Fast, Flexible, Extensible and Easy-to-use NLP Large-scale Pretraining and Multi-task Learning Framework.

baidu multi-task-learning nlp paddlepaddle pretrain-model transformers

Last synced: 07 Aug 2024

https://github.com/lucidrains/mlm-pytorch

An implementation of masked language modeling for Pytorch, made as concise and simple as possible

artificial-intelligence deep-learning pre-training transformers unsupervised-learning

Last synced: 03 Oct 2024

https://github.com/prrao87/fine-grained-sentiment

A comparison and discussion of different NLP methods for 5-class sentiment classification on the SST-5 dataset.

fasttext flair nlp python pytorch sentiment-analysis text-classification transformers

Last synced: 03 Oct 2024

https://github.com/microsoft/presidio-research

This package features data-science related tasks for developing new recognizers for Presidio. It is used for the evaluation of the entire system, as well as for evaluating specific PII recognizers or PII detection models.

deep-learning flair machine-learning named-entity-recognition natural-language-processing ner nlp pii privacy spacy transformers

Last synced: 30 Sep 2024

https://github.com/IDSIA/modern-srwm

Official repository for the paper "A Modern Self-Referential Weight Matrix That Learns to Modify Itself" (ICML 2022 & NeurIPS 2021 Deep RL Workshop) and "Accelerating Neural Self-Improvement via Bootstrapping" (ICLR 2023 Workshop)

fast-weight-programmers fast-weights pytorch reinforcement-learning rnn-based-few-shot-learning self-referential-learning self-referential-weight-matrix torchbeast transformers

Last synced: 02 Aug 2024

https://github.com/Yachay-AI/byt5-geotagging

Confidence and Byt5 - based geotagging model predicting coordinates from text alone.

coordinates deep-learning geo-location geotagging machine-learning neural-network nlp nlp-machine-learning python pytorch transformers

Last synced: 01 Aug 2024

https://github.com/lucidrains/calm-pytorch

Implementation of CALM from the paper "LLM Augmented LLMs: Expanding Capabilities through Composition", out of Google Deepmind

artificial-intelligence attention-mechanisms cross-attention deep-learning transformers

Last synced: 03 Oct 2024

https://github.com/lucidrains/transganformer

Implementation of TransGanFormer, an all-attention GAN that combines the finding from the recent GanFormer and TransGan paper

artificial-intelligence attention-mechanism deep-learning generative-adversarial-networks transformers

Last synced: 03 Oct 2024

https://github.com/jina-ai/rungpt

An open-source cloud-native of large multi-modal models (LMMs) serving framework.

flamingo gpt-4 large-language-models large-multimadality-models llama llm-hosting llm-serve lmm-serve multi-modality opengpt self-hosting transformers

Last synced: 01 Oct 2024

https://github.com/rishit-dagli/fast-transformer

An implementation of Fastformer: Additive Attention Can Be All You Need, a Transformer Variant in TensorFlow

artificial-intelligence attention-mechanism deep-learning keras machine-learning tensorflow transformers

Last synced: 03 Oct 2024

https://github.com/hiyouga/dual-contrastive-learning

Code for our paper "Dual Contrastive Learning: Text Classification via Label-Aware Data Augmentation"

bert contrastive-learning deep-learning natural-language-processing neural-networks text-classification transformers

Last synced: 03 Aug 2024

https://github.com/lucidrains/etsformer-pytorch

Implementation of ETSformer, state of the art time-series Transformer, in Pytorch

artificial-intelligence deep-learning exponential-smoothing time-series transformers

Last synced: 03 Oct 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/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: 27 Sep 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/EleutherAI/knowledge-neurons

A library for finding knowledge neurons in pretrained transformer models.

interpretability transformers

Last synced: 03 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/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/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: 30 Sep 2024

https://github.com/minimaxir/imgbeddings

Python package to generate image embeddings with CLIP without PyTorch/TensorFlow

ai clip embeddings image-processing images onnx transformers

Last synced: 03 Oct 2024

https://github.com/AlekseyKorshuk/optimum-transformers

Accelerated NLP pipelines for fast inference on CPU and GPU. Built with Transformers, Optimum and ONNX Runtime.

benchmark huggingface infinity natural-language-processing nlp onnx onnxruntime optimum pipeline transformers

Last synced: 07 Aug 2024

https://github.com/patil-suraj/onnx_transformers

Accelerated NLP pipelines for fast inference on CPU. Built with Transformers and ONNX runtime.

inference nlp onnx onnxruntime transformers

Last synced: 03 Oct 2024

https://github.com/lucidrains/stam-pytorch

Implementation of STAM (Space Time Attention Model), a pure and simple attention model that reaches SOTA for video classification

artificial-intelligence attention-mechanism deep-learning transformers video-classification

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

https://github.com/pszemraj/textsum

CLI & Python API to easily summarize text-based files with transformers

batch-processing inference inference-api pipeline summarization summary text text-to-text-transformer transformer transformers

Last synced: 03 Oct 2024

https://github.com/yusufhilmi/client-vector-search

A client side vector search library that can embed, store, search, and cache vectors. Works on the browser and node. It outperforms OpenAI's text-embedding-ada-002 and is way faster than Pinecone and other VectorDBs.

embedding-models embedding-vectors embeddings openai search text-embeddings transformers vector vector-search

Last synced: 01 Aug 2024

https://github.com/lucidrains/long-short-transformer

Implementation of Long-Short Transformer, combining local and global inductive biases for attention over long sequences, in Pytorch

artificial-intelligence attention-mechanism deep-learning transformers

Last synced: 03 Oct 2024

https://github.com/huggingface/transformers.js-examples

A collection of 🤗 Transformers.js demos and example applications

transformers transformersjs

Last synced: 28 Aug 2024

https://github.com/arrmansa/Basic-UI-for-GPT-J-6B-with-low-vram

A repository to run gpt-j-6b on low vram machines (4.2 gb minimum vram for 2000 token context, 3.5 gb for 1000 token context). Model loading takes 12gb free ram.

gpt gpt-neo transformers

Last synced: 02 Aug 2024

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

https://github.com/shibing624/nerpy

🌈 NERpy: Implementation of Named Entity Recognition using Python. 命名实体识别工具,支持BertSoftmax、BertSpan等模型,开箱即用。

bert bert-softmax bert-span named-entity-recognition ner nlp pytorch transformers

Last synced: 30 Sep 2024

https://github.com/yihongXU/TransCenter

This is the official implementation of TransCenter (TPAMI). The code and pretrained models are now available here: https://gitlab.inria.fr/yixu/TransCenter_official.

computer-vision deep-learning multiple-object-tracking pytorch transformers

Last synced: 02 Aug 2024

https://github.com/prrao87/tweet-stance-prediction

Applying NLP transfer learning techniques to predict Tweet stance toward a topic

natural-language-processing nlp openai-gpt python text-classification transfer-learning transformers ulmfit

Last synced: 03 Oct 2024

https://github.com/lucidrains/memformer

Implementation of Memformer, a Memory-augmented Transformer, in Pytorch

artificial-intelligence attention-mechanism memory transformers

Last synced: 03 Oct 2024

https://github.com/billp/TermiNetwork

🌏 A zero-dependency networking solution for building modern and secure iOS, watchOS, macOS and tvOS applications.

apple carthage cocoapods deserialization interceptors ios library macos mock-data networking routers swift swift-packages swiftui transformers tvos watchos xcode

Last synced: 17 Aug 2024

https://github.com/billp/terminetwork

🌏 A zero-dependency networking solution for building modern and secure iOS, watchOS, macOS and tvOS applications.

apple carthage cocoapods deserialization interceptors ios library macos mock-data networking routers swift swift-packages swiftui transformers tvos watchos xcode

Last synced: 29 Sep 2024

https://github.com/lucidrains/uniformer-pytorch

Implementation of Uniformer, a simple attention and 3d convolutional net that achieved SOTA in a number of video classification tasks, debuted in ICLR 2022

3d-convolutional-network artificial-intelligence attention-mechanism deep-learning transformers video-classification

Last synced: 03 Oct 2024

https://github.com/lucidrains/zorro-pytorch

Implementation of Zorro, Masked Multimodal Transformer, in Pytorch

artificial-intelligence attention-mechanisms deep-learning masking multimodal transformers

Last synced: 03 Oct 2024

https://github.com/xenova/sponsorblock-ml

Automatically detect in-video YouTube sponsorships, self/unpaid promotions, and interaction reminders.

machine-learning python sponsorblock transformers youtube

Last synced: 01 Aug 2024

https://github.com/rishit-dagli/perceiver

Implementation of Perceiver, General Perception with Iterative Attention in TensorFlow

artificial-intelligence attention attention-mechanism deep-learning machine-learning neural-network python tensorflow transformer transformers

Last synced: 30 Sep 2024

https://github.com/lucidrains/mirasol-pytorch

Implementation of 🌻 Mirasol, SOTA Multimodal Autoregressive model out of Google Deepmind, in Pytorch

artificial-intelligence attention-mechanism deep-learning multimodality transformers

Last synced: 03 Oct 2024

https://github.com/huggingface/optimum-graphcore

Blazing fast training of 🤗 Transformers on Graphcore IPUs

fine-tuning graphcore machine-learning pytorch training transformers

Last synced: 01 Aug 2024

https://github.com/lucidrains/tf-bind-transformer

A repository with exploration into using transformers to predict DNA ↔ transcription factor binding

artificial-intelligence attention-mechanism deep-learning gene-expression transcription-factor-binding transcription-factors transformers

Last synced: 03 Oct 2024

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

A Transformer made of Rotation-equivariant Attention using Vector Neurons

artificial-intelligence attention-mechanism deep-learning geometric-deep-learning transformers

Last synced: 03 Oct 2024

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

Implementation of a Transformer that Ponders, using the scheme from the PonderNet paper

adaptive-computation-time artificial-intelligence deep-learning transformers

Last synced: 03 Oct 2024

https://github.com/julesbelveze/bert-squeeze

🛠️ Tools for Transformers compression using PyTorch Lightning ⚡

bert deebert distillation fastbert lstm nlp pruning pytorch-lightning quantization theseus transformers

Last synced: 02 Oct 2024

https://github.com/lucidrains/marge-pytorch

Implementation of Marge, Pre-training via Paraphrasing, in Pytorch

artificial-intelligence deep-learning pre-training retrieval transformers

Last synced: 03 Oct 2024

https://github.com/lucidrains/hourglass-transformer-pytorch

Implementation of Hourglass Transformer, in Pytorch, from Google and OpenAI

artificial-intelligence deep-learning transformers

Last synced: 03 Oct 2024

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

Implementation of RQ Transformer, proposed in the paper "Autoregressive Image Generation using Residual Quantization"

artificial-intelligence attention-mechanism deep-learning image-generation transformers

Last synced: 03 Oct 2024

https://github.com/lucidrains/n-grammer-pytorch

Implementation of N-Grammer, augmenting Transformers with latent n-grams, in Pytorch

artificial-intelligence deep-learning memory n-gram transformers

Last synced: 03 Oct 2024

https://github.com/lucidrains/product-key-memory

Standalone Product Key Memory module in Pytorch - for augmenting Transformer models

artificial-intelligence deep-learning pytorch transformers

Last synced: 03 Oct 2024

https://github.com/aryan-jadon/Regression-Loss-Functions-in-Time-Series-Forecasting-Tensorflow

This repository contains the implementation of paper Temporal Fusion Transformers for Interpretable Multi-horizon Time Series Forecasting with different loss functions in Tensorflow. We have compared 14 regression loss functions performance on 4 different datasets.

deep-learning forecasting keras loss-functions machine-learning python tensorflow time-series time-series-forecasting transformers

Last synced: 01 Aug 2024

https://github.com/lucidrains/diffusion-policy

Implementation of Diffusion Policy, Toyota Research's supposed breakthrough in leveraging DDPMs for learning policies for real-world Robotics

artificial-intelligence attention-mechanisms deep-learning denoising-diffusion robotics transformers

Last synced: 03 Oct 2024

https://github.com/alexeykarnachev/full_stack_transformer

Pytorch library for end-to-end transformer models training, inference and serving

gpt-2 language-model language-model-finetuning language-model-generation pytorch-lightning telegram-bot transformers

Last synced: 07 Aug 2024

https://github.com/prajjwal1/fluence

A deep learning library based on Pytorch focussed on low resource language research and robustness

attention deep-learning nlp pytorch transformers

Last synced: 07 Aug 2024

https://github.com/lucidrains/transframer-pytorch

Implementation of Transframer, Deepmind's U-net + Transformer architecture for up to 30 seconds video generation, in Pytorch

artificial-intelligence attention-mechanisms deep-learning transformers unet video-generation

Last synced: 03 Oct 2024

https://github.com/lucidrains/multimodal-dit-pytorch

Implementation of a multimodal diffusion transformer in Pytorch

artificial-intelligence audio deep-learning denoising-diffusion transformers video

Last synced: 03 Oct 2024

https://github.com/hv0905/nekoimagegallery

An AI-powered natural language & reverse Image Search Engine powered by CLIP & qdrant.

clip computer-vision image-search image-search-engine search-engine transformers

Last synced: 01 Oct 2024

https://github.com/lucidrains/molecule-attention-transformer

Pytorch reimplementation of Molecule Attention Transformer, which uses a transformer to tackle the graph-like structure of molecules

artificial-intelligence deep-learning molecules transformers

Last synced: 03 Oct 2024

https://github.com/gsarti/t5-flax-gcp

Tutorial to pretrain & fine-tune a 🤗 Flax T5 model on a TPUv3-8 with GCP

gcp huggingface seq2seq t5 text-to-text-transfer-transformer tpu tpu-vm transformers

Last synced: 01 Aug 2024