Topic: "transformers-library"
VinAIResearch/PhoBERT
PhoBERT: Pre-trained language models for Vietnamese (EMNLP-2020 Findings)
Size: 66.4 KB - Last synced at: 20 days ago - Pushed at: 9 months ago - Stars: 705 - Forks: 102

dccuchile/beto
BETO - Spanish version of the BERT model
Size: 276 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 492 - Forks: 63

WeiNyn/DIETClassifier-pytorch
DIET Classifier mini implementation on pytorch.
Language: Python - Size: 90.8 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 45 - Forks: 13

dhpollack/huggingface_libtorch
Minimal example of using a traced huggingface transformers model with libtorch
Language: C++ - Size: 169 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 12

wassemgtk/llm.scala
Extensible implementation of a Language Model (LLM) training framework in Scala.
Language: Scala - Size: 24.4 KB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 29 - Forks: 2

abhilash1910/BERTSimilarity
Sentential Semantic Similarity measurement library using BERT Embeddings for spatial distance evaluation.
Language: Python - Size: 28.3 KB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 5

kyegomez/DifferentialTransformer
An open source community implementation of the model from "DIFFERENTIAL TRANSFORMER" paper by Microsoft.
Language: Python - Size: 2.16 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 24 - Forks: 0

ksm26/Open-Source-Models-with-Hugging-Face
"Open Source Models with Hugging Face" course empowers you with the skills to leverage open-source models from the Hugging Face Hub for various tasks in NLP, audio, image, and multimodal domains.
Language: Jupyter Notebook - Size: 21 MB - Last synced at: 26 days ago - Pushed at: about 1 year ago - Stars: 24 - Forks: 19

shunk031/allennlp-shiba-model
AllenNLP integration for Shiba: Japanese CANINE model
Language: Python - Size: 81.1 KB - Last synced at: 5 days ago - Pushed at: almost 4 years ago - Stars: 12 - Forks: 2

antonio-f/BERT_from_scratch
Training a BERT model from scratch.
Language: Jupyter Notebook - Size: 38.1 KB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 3

kurianbenoy/malayalam_asr_benchmarking
A study to benchmark whisper based ASRs in Malayalam
Language: Jupyter Notebook - Size: 929 KB - Last synced at: 11 days ago - Pushed at: about 1 year ago - Stars: 10 - Forks: 1

LazerLambda/Promptzl
Turn LLMs into zero-shot PyTorch classifiers!
Language: Python - Size: 527 KB - Last synced at: 4 days ago - Pushed at: 3 months ago - Stars: 9 - Forks: 0

utkarsh-21st/Email-Classification-and-Deployment
Multi-Label Text Classification by fine-tuning BERT and XLNet and deployment using Flask
Language: Jupyter Notebook - Size: 144 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 2

juliusberner/emotion_transformer
Contextual Emotion Detection in Text (DoubleDistilBert Model)
Language: Jupyter Notebook - Size: 9.97 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 6

asigalov61/Music-Transformers-Library
A dedicated convenient repo for different Music Transformers implementations (Reformer/XTransformer/Sinkhorn/etc)
Language: Jupyter Notebook - Size: 1.69 MB - Last synced at: 11 months ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 1

hammaad2002/ASRAdversarialAttacks
An ASR (Automatic Speech Recognition) adversarial attack repository.
Language: Jupyter Notebook - Size: 10 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 1

tensorsofthewall/BetterSearch
Desktop search tool that brings natural language to traditional file search.
Language: Python - Size: 525 KB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 4 - Forks: 1

ELS-RD/transformers-notebook
Resources regarding Transformers library
Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: 8 days ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

gorjanradevski/cross_modal_full_transfer
PyTorch code for cross-modal-retrieval on Flickr8k/30k using Bert and EfficientNet
Language: Python - Size: 72.3 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 1

Abdelhakim-gh/Falcon_LLM
Exploring the Falcon LLM Series: A deep dive into one of the leading open-source model families, their architecture, benchmarks, and practical applications, including an interactive demo.
Size: 6.62 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

thefilesareinthecomputer/offline_file_translation
Text file language translation app that translates .txt, .csv, and .xlsx files on the local device using lightweight, open-source LLMs from Hugging Face (no internet connection needed). Uses batch processing and token chunking which provides the ability to translate large file sizes while preserving semantic meaning across paragraphs / sections.
Language: Python - Size: 12.7 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

ksm26/Quantization-Fundamentals-with-Hugging-Face
Learn linear quantization techniques using the Quanto library and downcasting methods with the Transformers library to compress and optimize generative AI models effectively.
Language: Jupyter Notebook - Size: 205 KB - Last synced at: 26 days ago - Pushed at: 12 months ago - Stars: 2 - Forks: 9

rachitjindal56/Correlation-of-Names-and-Numbers
ML (Machine Learning)/NLP project for extraction of Names, Aadhar ID, PAN numbers. It uses Pytesseract OCR for extracting text from images, and uses Hugging Face NER model for Name extraction and regex library for extracting PAN and Aadhaar ID numbers.
Language: Python - Size: 8.32 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

Md-Emon-Hasan/Generative-AI-With-Langchain-and-Huggingface
An industry-focused guide for building, deploying, and optimizing generative AI applications, incorporating advanced techniques such as RAG, model fine-tuning, and scalable cloud/on-premise deployment strategies.
Language: Jupyter Notebook - Size: 27.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

Manohara-Ai/NLP_Enhanced_Emailer
Email synthesis using state-of-the-art Natural Language Processing (NLP) techniques
Language: Python - Size: 41 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

VitalinaZlo/Translator_Russian-Aleutian
Проект представляет собой модель машинного перевода с русского на алеутский язык, обученную на основе MarianMT и пользовательского набора данных для автоматизации переводов.
Language: Python - Size: 169 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

raihanmhmmd/Translator_Russian-Aleutian
Проект представляет собой модель машинного перевода с русского на алеутский язык, обученную на основе MarianMT и пользовательского набора данных для автоматизации переводов.
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

UlianaDzhumok/deepseek_janus_pro_experiments
Sample project of multimodal decision and image generation with DeepSeek Janus Pro 7B with Real-ESRGAN upscaling
Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

noramoor2007/aichatbot
Learn how to build a simple AI chatbot using Hugging Face transformers library
Language: Python - Size: 723 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

nourmag/prompt_engineering_task1
A Software Tools & Methods Project including prompt engineering techniques for leveraging pre-trained models on Hugging Face. Concludes design, evaluation, and refining prompts for specific use cases, ensuring optimal model performance.
Language: Python - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

khaledsoudy-1/Sentiment-Analysis-with-BERT
BERT-Sentiment-Analysis: A project using BERT-based models to perform sentiment analysis on multilingual text data, with examples in Arabic and English. This repository demonstrates loading, preprocessing, and analyzing text data with pre-trained models for accurate sentiment classification.
Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

abhi227070/Image-to-text-gradio
A web-based application that generates descriptive captions for uploaded images using Hugging Face’s "Salesforce/blip-image-captioning-large" model. Built with Gradio and deployed on Hugging Face Spaces, the app provides a simple interface for transforming images into meaningful text descriptions.
Language: Python - Size: 10.7 KB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

vjymisal0/sentiment_analysis
js app to analyze your sentiments
Language: HTML - Size: 102 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

nicolay-r/RuSentNE-LLM-Benchmark
This repository highlights the LLMs reasoning capabilities in Targeted Sentiment Analysis in Russian 📊
Language: Python - Size: 7.08 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

dimits-ts/text_analytics
Language Modelling (text generation, spell correction) and Sentiment Analysis / POS Tagging with MLP, RNN, CNN and BERT models and LLM prompting
Language: Jupyter Notebook - Size: 69.1 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

noostale/style-aligned-image-generation-via-shared-attention
Re-implementation of the method proposed in the paper "Style Aligned Image Generation via Shared Attention" in PyTorch.
Size: 0 Bytes - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Abuzariii/Movie-Reviews-Multi-Class-Text-Classification
Language: Jupyter Notebook - Size: 1.25 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

SMMousaviSP/huggingface_transformers_tutorial
How to fine-tune transformer models for text classification using Hugging Face Transformers and Datasets
Language: Jupyter Notebook - Size: 70.3 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

LaurentVeyssier/Exploration-of-Transformers-Overview-of-NLP-capabilities
Testing of the possible use of transformers model for various NLP tasks leveraging BERT pretrained model from Hugginface
Language: Jupyter Notebook - Size: 76.2 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

T-Sumida/my-bert-example
My personal BERT validation notebook.
Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0
