Python Bert

Open-source Python projects categorized as Bert

Top 23 Python Bert Projects

  1. transformers

    🤗 Transformers: the model-definition framework for state-of-the-art machine learning models in text, vision, audio, and multimodal models, for both inference and training.

    Project mention: Run Big LLMs on Small GPUs: A Hands-On Guide to 4-bit Quantization and QLoRA | dev.to | 2025-11-27

    Hugging Face Transformers: https://github.com/huggingface/transformers

  2. Stream

    Stream - Scalable APIs for Chat, Feeds, Moderation, & Video. Stream helps developers build engaging apps that scale to millions with performant and flexible Chat, Feeds, Moderation, and Video APIs and SDKs powered by a global edge network and enterprise-grade infrastructure.

    Stream logo
  3. PaddleNLP

    Easy-to-use and powerful LLM and SLM library with awesome model zoo.

  4. clip-as-service

    🏄 Scalable embedding, reasoning, ranking for images and sentences with CLIP

  5. bertviz

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

    Project mention: Gradient Descent on Token Input Embeddings: A ModernBERT experiment | dev.to | 2025-06-23

    ModernBERT-large was chosen because it is relatively lightweight model with a strong visualization suite and a simplified attention mask (full cross-attention) that is easy to reason about. It would be interesting to see if the results in this post hold across other models.

  6. BERTopic

    Leveraging BERT and c-TF-IDF to create easily interpretable topics.

  7. BERT-pytorch

    Google AI 2018 BERT pytorch implementation

  8. awesome-pretrained-chinese-nlp-models

    Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合

  9. InfluxDB

    InfluxDB – Built for High-Performance Time Series Workloads. InfluxDB 3 OSS is now GA. Transform, enrich, and act on time series data directly in the database. Automate critical tasks and eliminate the need to move data externally. Download now.

    InfluxDB logo
  10. KeyBERT

    Minimal keyword extraction with BERT

  11. Top2Vec

    Top2Vec learns jointly embedded topic, document and word vectors.

  12. adapters

    A Unified Library for Parameter-Efficient and Modular Transfer Learning

  13. DeBERTa

    The implementation of DeBERTa

  14. AliceMind

    ALIbaba's Collection of Encoder-decoders from MinD (Machine IntelligeNce of Damo) Lab

  15. beir

    A Heterogeneous Benchmark for Information Retrieval. Easy to use, evaluate your models across 15+ diverse IR datasets.

    Project mention: Gemini Embedding: Powering RAG and context engineering | news.ycombinator.com | 2025-07-31

    It's always worth checking out the MTEB leaderboard: https://huggingface.co/spaces/mteb/leaderboard

    There are some good open models there that have longer context limits and fewer dimensions.

    The benchmarks are just a guide. It's best to build a test dataset with your own data. This is a good example of that: https://github.com/beir-cellar/beir/wiki/Load-your-custom-da...

    Another benefit of having your own test dataset, is that it can grow as your data grows. And you can quickly test new models to see how it performs with YOUR data.

  16. jiant

    jiant is an nlp toolkit

  17. scibert

    A BERT model for scientific text.

  18. ModernBERT

    Bringing BERT into modernity via both architecture changes and scaling

  19. SparK

    [ICLR'23 Spotlight🔥] The first successful BERT/MAE-style pretraining on any convolutional network; Pytorch impl. of "Designing BERT for Convolutional Networks: Sparse and Hierarchical Masked Modeling" (by keyu-tian)

  20. contextualized-topic-models

    A python package to run contextualized topic modeling. CTMs combine contextualized embeddings (e.g., BERT) with topic models to get coherent topics. Published at EACL and ACL 2021 (Bianchi et al.).

  21. BERT-NER

    Pytorch-Named-Entity-Recognition-with-BERT

  22. Transformers4Rec

    Transformers4Rec is a flexible and efficient library for sequential and session-based recommendation and works with PyTorch.

  23. UForm

    Pocket-Sized Multimodal AI for content understanding and generation across multilingual texts, images, and 🔜 video, up to 5x faster than OpenAI CLIP and LLaVA 🖼️ & 🖋️

  24. detoxify

    Trained models & code to predict toxic comments on all 3 Jigsaw Toxic Comment Challenges. Built using ⚡ Pytorch Lightning and 🤗 Transformers. For access to our API, please email us at contact@unitary.ai.

    Project mention: The AI Ethics Toolkit for Developers | dev.to | 2025-08-28

    Open-source toxicity detection model (based on BERT) https://github.com/unitaryai/detoxify

  25. nncf

    Neural Network Compression Framework for enhanced OpenVINO™ inference

  26. SaaSHub

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

    SaaSHub logo
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 Bert discussion

Python Bert related posts

  • Show HN: Haystack – Review pull requests like you wrote them yourself

    1 project | news.ycombinator.com | 11 Sep 2025
  • The AI Ethics Toolkit for Developers

    4 projects | dev.to | 28 Aug 2025
  • Building AI Agents with Haystack and Gaia Node: A Practical Guide

    2 projects | dev.to | 26 Aug 2025
  • Building a Prompt-Based Crypto Trading Platform with RAG and Reddit Sentiment Analysis using Haystack

    1 project | dev.to | 28 Apr 2025
  • Show HN: A Medical Research Agent Built with BioMCP and Haystack

    3 projects | news.ycombinator.com | 21 Apr 2025
  • Show HN: An adaptive classifier that detects hallucinations in LLM/RAG outputs

    2 projects | news.ycombinator.com | 7 Mar 2025
  • Adaptive Classification for Automatic LLM Temperature Optimization

    1 project | news.ycombinator.com | 3 Feb 2025
  • A note from our sponsor - InfluxDB
    www.influxdata.com | 22 Dec 2025
    InfluxDB 3 OSS is now GA. Transform, enrich, and act on time series data directly in the database. Automate critical tasks and eliminate the need to move data externally. Download now. Learn more →

Index

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

# Project Stars
1 transformers 154,054
2 PaddleNLP 12,879
3 clip-as-service 12,752
4 bertviz 7,839
5 BERTopic 7,257
6 BERT-pytorch 6,507
7 awesome-pretrained-chinese-nlp-models 5,485
8 KeyBERT 4,070
9 Top2Vec 3,094
10 adapters 2,791
11 DeBERTa 2,153
12 AliceMind 2,047
13 beir 2,023
14 jiant 1,666
15 scibert 1,655
16 ModernBERT 1,594
17 SparK 1,356
18 contextualized-topic-models 1,254
19 BERT-NER 1,245
20 Transformers4Rec 1,234
21 UForm 1,206
22 detoxify 1,157
23 nncf 1,110

Sponsored
Stream - Scalable APIs for Chat, Feeds, Moderation, & Video.
Stream helps developers build engaging apps that scale to millions with performant and flexible Chat, Feeds, Moderation, and Video APIs and SDKs powered by a global edge network and enterprise-grade infrastructure.
getstream.io

Did you know that Python is
the 2nd most popular programming language
based on number of references?