Python Transformer

Open-source Python projects categorized as Transformer

Top 23 Python Transformer Projects

Transformer
  • transformers

    ๐Ÿค— Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

    Project mention: Analyzing Hugging Face Posts with Graphs and Agents | dev.to | 2024-11-21

    [{'id': 'AI Music Generation', 'text': 'Love this new Space built by @enzostvs + @Xenova for Transformers.js: Generate your own AI music (In-browser generation) with AI Jukebox \n\nhttps://huggingface.co/spaces/enzostvs/ai-jukebox', 'score': 0.8460421562194824}, {'id': 'Kolmogorov Arnold Networks', 'text': 'Transformers are not all we need, that is being proven repeatedly now as more alternative frameworks emerge. Another such framework is Kolmogorov Arnold Network based Transformers. I break down exactly how these differ from Perceptron based Transformers and give you the link to my Colab where I create a model based on the research paper that absolutely destroys a standard Transformers based model. Check out the video here: https://www.youtube.com/watch?v=Sw0euxNZCc4', 'score': 0.8424240350723267}, {'id': 'GitHub Issue 8771', 'text': 'This issue is just a treasure ! A bit deprecated i guess, but things are in their historical context. (personally, still need more to understand better)\nhttps://github.com/huggingface/transformers/issues/8771\n\U0001fae1 to the man @stas ', 'score': 0.8417709469795227}]

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
  • nn

    ๐Ÿง‘โ€๐Ÿซ 60+ Implementations/tutorials of deep learning papers with side-by-side notes ๐Ÿ“; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), ๐ŸŽฎ reinforcement learning (ppo, dqn), capsnet, distillation, ... ๐Ÿง 

  • vllm

    A high-throughput and memory-efficient inference and serving engine for LLMs

    Project mention: Running Phi 3 with vLLM and Ray Serve | dev.to | 2024-11-08

    vLLM stands for virtual large language models. It is one of the open source fast inferencing and serving libraries. As the name suggests, โ€˜virtualโ€™ encapsulates the concept of virtual memory and paging from operating systems, which allows addressing the problem of maximum utilization of resources and providing faster token generation by utilizing PagedAttention. Traditional LLM serving involves storing large attention keys and value tensors in GPU memory, leading to inefficient memory usage.

  • mmdetection

    OpenMMLab Detection Toolbox and Benchmark

  • best-of-ml-python

    ๐Ÿ† A ranked list of awesome machine learning Python libraries. Updated weekly.

    Project mention: Top Github repositories for 10+ programming languages | dev.to | 2024-07-16

    Best of ml python

  • fish-speech

    Brand new TTS solution

    Project mention: Leveraging Large Language Models for Advanced Multilingual Text-to-Speech | news.ycombinator.com | 2024-11-05
  • LaTeX-OCR

    pix2tex: Using a ViT to convert images of equations into LaTeX code.

    Project mention: Show HN: Synthesize TikZ Graphics Programs for Scientific Figures and Sketches | news.ycombinator.com | 2024-06-06

    already claim to (at least partially) support this.

    [1] https://github.com/lukas-blecher/LaTeX-OCR

  • RWKV-LM

    RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.

    Project mention: Do LLMs need a context window? | news.ycombinator.com | 2023-12-25

    https://github.com/BlinkDL/RWKV-LM#rwkv-discord-httpsdiscord... lists a number of implementations of various versions of RWKV.

    https://github.com/BlinkDL/RWKV-LM#rwkv-parallelizable-rnn-w... :

    > RWKV: Parallelizable RNN with Transformer-level LLM Performance (pronounced as "RwaKuv", from 4 major params: R W K V)

    > RWKV is an RNN with Transformer-level LLM performance, which can also be directly trained like a GPT transformer (parallelizable). And it's 100% attention-free. You only need the hidden state at position t to compute the state at position t+1. You can use the "GPT" mode to quickly compute the hidden state for the "RNN" mode.

    > So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding (using the final hidden state).

    > "Our latest version is RWKV-6,*

  • faster-whisper

    Faster Whisper transcription with CTranslate2

    Project mention: Play 3.0 mini โ€“ A lightweight, reliable, cost-efficient Multilingual TTS model | news.ycombinator.com | 2024-10-14

    Hi, I don't know what's SOTA, but I got good results with these (open source, on-device) :

    https://github.com/SYSTRAN/faster-whisper (speech-to-text)

  • PaddleSpeech

    Easy-to-use Speech Toolkit including Self-Supervised Learning model, SOTA/Streaming ASR with punctuation, Streaming TTS with text frontend, Speaker Verification System, End-to-End Speech Translation and Keyword Spotting. Won NAACL2022 Best Demo Award.

  • petals

    ๐ŸŒธ Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading

    Project mention: Serving AI from the Basement โ€“ 192GB of VRAM Setup | news.ycombinator.com | 2024-09-08
  • text-generation-inference

    Large Language Model Text Generation Inference

    Project mention: Best LLM Inference Engines and Servers to Deploy LLMs in Production | dev.to | 2024-06-05

    GitHub repository: https://github.com/huggingface/text-generation-inference

  • PaddleSeg

    Easy-to-use image segmentation library with awesome pre-trained model zoo, supporting wide-range of practical tasks in Semantic Segmentation, Interactive Segmentation, Panoptic Segmentation, Image Matting, 3D Segmentation, etc.

  • mmsegmentation

    OpenMMLab Semantic Segmentation Toolbox and Benchmark.

  • LMFlow

    An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.

  • trax

    Trax โ€” Deep Learning with Clear Code and Speed

    Project mention: Maxtext: A simple, performant and scalable Jax LLM | news.ycombinator.com | 2024-04-23

    Is t5x an encoder/decoder architecture?

    Some more general options.

    The Flax ecosystem

    https://github.com/google/flax?tab=readme-ov-file

    or dm-haiku

    https://github.com/google-deepmind/dm-haiku

    were some of the best developed communities in the Jax AI field

    Perhaps the โ€œtraxโ€ repo? https://github.com/google/trax

    Some HF examples https://github.com/huggingface/transformers/tree/main/exampl...

    Sadly it seems much of the work is proprietary these days, but one example could be Grok-1, if you customize the details. https://github.com/xai-org/grok-1/blob/main/run.py

  • jukebox

    Code for the paper "Jukebox: A Generative Model for Music"

  • GPT2-Chinese

    Chinese version of GPT2 training code, using BERT tokenizer.

  • lm-evaluation-harness

    A framework for few-shot evaluation of language models.

    Project mention: Mistral AI Launches New 8x22B Moe Model | news.ycombinator.com | 2024-04-09

    The easiest is to use vllm (https://github.com/vllm-project/vllm) to run it on a Couple of A100's, and you can benchmark this using this library (https://github.com/EleutherAI/lm-evaluation-harness)

  • bertviz

    BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)

    Project mention: StreamingLLM: tiny tweak to KV LRU improves long conversations | news.ycombinator.com | 2024-02-13

    This seems only to work cause large GPTs have redundant, undercomplex attentions. See this issue in BertViz about attention in Llama: https://github.com/jessevig/bertviz/issues/128

  • BERT-pytorch

    Google AI 2018 BERT pytorch implementation

  • Informer2020

    The GitHub repository for the paper "Informer" accepted by AAAI 2021.

  • manga-image-translator

    Translate manga/image ไธ€้”ฎ็ฟป่ฏ‘ๅ„็ฑปๅ›พ็‰‡ๅ†…ๆ–‡ๅญ— https://cotrans.touhou.ai/

NOTE: The open source projects on this list are ordered by number of github stars. The number of mentions indicates repo mentiontions in the last 12 Months or since we started tracking (Dec 2020).

Python Transformer discussion

Log in or Post with

Python Transformer related posts

  • Leveraging Large Language Models for Advanced Multilingual Text-to-Speech

    1 project | news.ycombinator.com | 5 Nov 2024
  • Quantized Llama models with increased speed and a reduced memory footprint

    7 projects | news.ycombinator.com | 24 Oct 2024
  • How to Run Llama 3 405B on Home Devices? Build AI Cluster

    2 projects | news.ycombinator.com | 29 Jul 2024
  • Fish Speech 1.3 is released โ€“ Clone Any Voice in 15s

    1 project | news.ycombinator.com | 18 Jul 2024
  • Codestral Mamba

    15 projects | news.ycombinator.com | 16 Jul 2024
  • Show HN: Synthesize TikZ Graphics Programs for Scientific Figures and Sketches

    2 projects | news.ycombinator.com | 6 Jun 2024
  • Best LLM Inference Engines and Servers to Deploy LLMs in Production

    6 projects | dev.to | 5 Jun 2024
  • A note from our sponsor - SaaSHub
    www.saashub.com | 1 Dec 2024
    SaaSHub helps you find the best software and product alternatives Learn more โ†’

Index

What are some of the best open-source Transformer projects in Python? This list will help you:

Project Stars
1 transformers 135,627
2 nn 56,623
3 vllm 30,713
4 mmdetection 29,672
5 best-of-ml-python 18,182
6 fish-speech 14,662
7 LaTeX-OCR 12,836
8 RWKV-LM 12,707
9 faster-whisper 12,676
10 PaddleSpeech 11,191
11 petals 9,260
12 text-generation-inference 9,162
13 PaddleSeg 8,726
14 mmsegmentation 8,321
15 LMFlow 8,291
16 trax 8,102
17 jukebox 7,833
18 GPT2-Chinese 7,475
19 lm-evaluation-harness 7,059
20 bertviz 6,962
21 BERT-pytorch 6,160
22 Informer2020 5,476
23 manga-image-translator 5,419

Sponsored
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com

Did you konow that Python is
the 1st most popular programming language
based on number of metions?