DORSETRIGS
Home

huggingface-transformers (129 post)


posts by category not found!

How to reconstruct text entities with Hugging Face's transformers pipelines without IOB tags?

Extracting Text Entities Without IOB Tags A Guide to Hugging Face Transformers Pipelines The Problem You have a text corpus and you want to extract entities lik

2 min read 06-10-2024 47
How to reconstruct text entities with Hugging Face's transformers pipelines without IOB tags?
How to reconstruct text entities with Hugging Face's transformers pipelines without IOB tags?

Does using FP16 help accelerate generation? (HuggingFace BART)

Unleashing the Speed Demon Does FP 16 Supercharge Hugging Face BART Generation The world of natural language processing NLP is constantly evolving with research

3 min read 06-10-2024 47
Does using FP16 help accelerate generation? (HuggingFace BART)
Does using FP16 help accelerate generation? (HuggingFace BART)

Fine-tuning model's classifier layer with new label

Fine Tuning Your Model Adding a New Label to Your Classifier The Challenge You ve built a powerful machine learning model trained on a dataset with specific lab

2 min read 05-10-2024 43
Fine-tuning model's classifier layer with new label
Fine-tuning model's classifier layer with new label

How to get the size of a Hugging Face pretrained model?

Understanding the Size of Your Hugging Face Model A Beginners Guide Are you working with large language models LLMs from Hugging Face and wondering how to deter

2 min read 05-10-2024 45
How to get the size of a Hugging Face pretrained model?
How to get the size of a Hugging Face pretrained model?

Huggingface - Finetuning in Tensorflow with custom datasets

Fine Tuning Hugging Face Models with Custom Datasets in Tensor Flow A Step by Step Guide Tired of pre trained models failing to adapt to your unique data Fine t

2 min read 05-10-2024 45
Huggingface - Finetuning in Tensorflow with custom datasets
Huggingface - Finetuning in Tensorflow with custom datasets

Tokenizer.from_file() HUGGINFACE : Exception: data did not match any variant of untagged enum ModelWrapper

Tokenizing Troubles Decoding the data did not match any variant of untagged enum Model Wrapper Error in Hugging Face The Problem A Tokenizers Dilemma You re try

2 min read 05-10-2024 62
Tokenizer.from_file() HUGGINFACE : Exception: data did not match any variant of untagged enum ModelWrapper
Tokenizer.from_file() HUGGINFACE : Exception: data did not match any variant of untagged enum ModelWrapper

How to load a saved model for a Hoggingface T5 model where the tokenizer was extended in the training phase?

Loading a Hugging Face T5 Model with Extended Tokenizer A Comprehensive Guide Problem You ve trained a Hugging Face T5 model with an extended tokenizer Now you

2 min read 05-10-2024 39
How to load a saved model for a Hoggingface T5 model where the tokenizer was extended in the training phase?
How to load a saved model for a Hoggingface T5 model where the tokenizer was extended in the training phase?

How to pass 2D attention mask to HuggingFace BertModel?

Navigating the Maze Passing 2 D Attention Masks to Hugging Face Bert Model Understanding how to work with attention masks in Hugging Faces BERT model is crucial

2 min read 05-10-2024 35
How to pass 2D attention mask to HuggingFace BertModel?
How to pass 2D attention mask to HuggingFace BertModel?

RuntimeError: mixed dtype (CPU): expect input to have scalar type of BFloat16

Runtime Error mixed dtype CPU expect input to have scalar type of B Float16 Understanding and Troubleshooting Deep learning models often leverage specialized da

3 min read 05-10-2024 35
RuntimeError: mixed dtype (CPU): expect input to have scalar type of BFloat16
RuntimeError: mixed dtype (CPU): expect input to have scalar type of BFloat16

LMM Fine Tuning - Supervised Fine Tuning Trainer (SFTTrainer) vs transformers Trainer

Fine Tuning Large Language Models SFT Trainer vs transformers Trainer Large Language Models LLMs are incredibly powerful tools with wide applications However fo

3 min read 05-10-2024 58
LMM Fine Tuning - Supervised Fine Tuning Trainer (SFTTrainer) vs transformers Trainer
LMM Fine Tuning - Supervised Fine Tuning Trainer (SFTTrainer) vs transformers Trainer

What is the difference between HuggingFace's TextGeneration and Text2TextGeneration pipelines

Navigating the Text Generation Landscape Hugging Faces Text Generation vs Text2 Text Generation Pipelines The world of natural language processing NLP is bursti

2 min read 05-10-2024 47
What is the difference between HuggingFace's TextGeneration and Text2TextGeneration pipelines
What is the difference between HuggingFace's TextGeneration and Text2TextGeneration pipelines

How to run any gguf model using transformers or any other library

Unlocking the Power of GGUF Models A Practical Guide to Running Them GGUF models standing for Generative Pre trained Transformer 3 GPT 3 Universal Fine tuning a

2 min read 04-10-2024 65
How to run any gguf model using transformers or any other library
How to run any gguf model using transformers or any other library

How to fix the learning-rate for Huggingface´s Trainer?

Tuning the Learning Rate for Optimal Performance in Hugging Faces Trainer The Problem Achieving optimal performance with Hugging Faces Trainer often hinges on f

2 min read 04-10-2024 50
How to fix the learning-rate for Huggingface´s Trainer?
How to fix the learning-rate for Huggingface´s Trainer?

ORPOTrainer Error: Calculated loss must be on the original device: cuda:0 but device in use is cuda:3

Unraveling the ORPO Trainer Error Calculated loss must be on the original device cuda 0 but device in use is cuda 3 Problem You re attempting to train a machine

2 min read 04-10-2024 50
ORPOTrainer Error: Calculated loss must be on the original device: cuda:0 but device in use is cuda:3
ORPOTrainer Error: Calculated loss must be on the original device: cuda:0 but device in use is cuda:3

AutoTokenizer.from_pretrained took forever to load

Troubleshooting Slow Loading Times for Auto Tokenizer from pretrained When working with natural language processing NLP tasks using Hugging Faces Transformers l

3 min read 04-10-2024 44
AutoTokenizer.from_pretrained took forever to load
AutoTokenizer.from_pretrained took forever to load

Loading pre-trained Transformer model with AddedTokens using from_pretrained

Loading Pre trained Transformer Models with Added Tokens A Guide for NLP Practitioners In the realm of Natural Language Processing NLP transformers have become

3 min read 04-10-2024 46
Loading pre-trained Transformer model with AddedTokens using from_pretrained
Loading pre-trained Transformer model with AddedTokens using from_pretrained

How can I save a tokenizer from Huggingface transformers to ONNX?

From Hugging Face to ONNX Exporting Tokenizers for Efficient Inference The Hugging Face Transformers library is a cornerstone for natural language processing ta

3 min read 04-10-2024 52
How can I save a tokenizer from Huggingface transformers to ONNX?
How can I save a tokenizer from Huggingface transformers to ONNX?

Seq2SeqTrainer produces incorrect EvalPrediction after changing another Tokenizer

Understanding Seq2 Seq Trainers Eval Prediction Issue with Tokenizer Changes When working with natural language processing NLP models particularly those built w

2 min read 30-09-2024 37
Seq2SeqTrainer produces incorrect EvalPrediction after changing another Tokenizer
Seq2SeqTrainer produces incorrect EvalPrediction after changing another Tokenizer

ImportError and TypeError Issues in Nougat OCR with BARTDecoder and cached_property

Understanding Import Error and Type Error Issues in Nougat OCR with BART Decoder and cached property When working with machine learning frameworks and libraries

2 min read 30-09-2024 44
ImportError and TypeError Issues in Nougat OCR with BARTDecoder and cached_property
ImportError and TypeError Issues in Nougat OCR with BARTDecoder and cached_property

ViTMAE hidden states from encoder to a Unet decoder for binary semantic segmentation. (Huggingface ViTMAEModel)

Utilizing Vi T MAE Hidden States in a U Net Decoder for Binary Semantic Segmentation In the realm of computer vision segmentation plays a crucial role particula

3 min read 29-09-2024 54
ViTMAE hidden states from encoder to a Unet decoder for binary semantic segmentation. (Huggingface ViTMAEModel)
ViTMAE hidden states from encoder to a Unet decoder for binary semantic segmentation. (Huggingface ViTMAEModel)

why is my fine tuned model being saved as a safetensors file?

Understanding Why Your Fine Tuned Model is Saved as a Safetensors File When working with machine learning models particularly when fine tuning them you may enco

3 min read 29-09-2024 55
why is my fine tuned model being saved as a safetensors file?
why is my fine tuned model being saved as a safetensors file?

DETR and Deformable DETR Colab notebooks or Python scripts

Understanding DETR and Deformable DETR A Guide to Implementing with Colab Notebooks or Python Scripts In recent years object detection has made significant adva

3 min read 29-09-2024 48
DETR and Deformable DETR Colab notebooks or Python scripts
DETR and Deformable DETR Colab notebooks or Python scripts

How to extract image hidden states in LLaVa's transformers (Huggingface) implementation?

How to Extract Image Hidden States from L La Vas Transformers Implementation on Hugging Face When working with advanced transformer models like L La Va Language

2 min read 29-09-2024 46
How to extract image hidden states in LLaVa's transformers (Huggingface) implementation?
How to extract image hidden states in LLaVa's transformers (Huggingface) implementation?

Huggingface autograd

Understanding Hugging Face Autograd A Comprehensive Guide Hugging Face has become a cornerstone in the field of natural language processing NLP thanks to its ri

3 min read 28-09-2024 37
Huggingface autograd
Huggingface autograd

Cannot Export HuggingFace Model to ONNX with Optimum-CLI

Troubleshooting Exporting Hugging Face Models to ONNX Using Optimum CLI When working with machine learning models especially those from the Hugging Face library

2 min read 26-09-2024 63
Cannot Export HuggingFace Model to ONNX with Optimum-CLI
Cannot Export HuggingFace Model to ONNX with Optimum-CLI