The huggingface tag can be used for all libraries made by Hugging Face. Please ALWAYS use the more specific tags; huggingface-transformers, huggingface-tokenizers, huggingface-datasets if your question concerns one of those libraries.
Questions tagged [huggingface]
606 questions
-1
votes
0 answers
Heroku Issues With Streamlit ElevenLabs Audio Implementation - Timeout & Connection Error
Having Issues with trying to deploy my Streamlit Python Program which uses 3 API Sets. ElevenLabs for Text-To-Speech, OpenAI from prompt to Story, HuggingFace Model from Image to Prompt.
Everything worked perfectly locally. However this is my first…
-1
votes
0 answers
How Can I Download All Models from a HuggingFace Profile?
For example, there is a HuggingFace user named "a". I want to download all the models in the profile of user "a", can there be a python code that does this automatically? I wrote a rudimentary code that did this before, but it only downloaded the…

Playizm
- 1
- 2
-1
votes
0 answers
Why is it OK to zip a Python dictionary with a list?
I see examples on Hugging face where they are zipping dictionaries with list (one such example below):
batch = {'input_ids': [[1,2,3], [4,5,6]], 'attention_mask': [[1,1,1], [0,0,0]], 'labels': [[10, 11, 12], [13, 14, 15]]}
def…

PS1
- 179
- 1
- 1
- 7
-1
votes
0 answers
Struggling to make Huggingface Image Captioning Dataset work with local data
I'm trying to use a load a local dataset I have with huggingfaces dataloaders (as shown here https://huggingface.co/docs/datasets/v2.4.0/en/image_load) and I can only seem to get the images to show and not the labels/captions.
My data is stored in…

Josh
- 1
- 2
-1
votes
0 answers
What's the role of -qU in this code: "!pip install -qU transformers accelerate einops langchain xformers bitsandbytes faiss-gpu sentence_transformers"
I am following this blog and in the coding part they are mentioned installing libraries at the very beginning. In the first line what's the use of '-qU', what does it do specifically here?
I tried searching for documentation but didn't get it. It…

Manish Jayswal
- 1
- 1
-1
votes
0 answers
Fine tuning wav2vec2.0 with common voice chinese dataset
I'm a total newbie in NLP. I'm currently working on fine tuning wav2vec2.0 model with huggingface libraries(datasets, transformers). I have built some script to fine tune the model with common voice dataset. I followed some useful scripts from…

yesj1234
- 1
- 2
-1
votes
0 answers
How to fine tune GODEL-v1_1-base-seq2seq?
I can't find enough information on how to fine tune model microsoft/GODEL-v1_1-base-seq2seq on certain dialogs. Maybe someone can tell me more? What should the training data look like? How do the instruction, knowledge, dialog fields work? How to…

Artem M
- 1
-1
votes
1 answer
Unexpected error with falcon 7B, running locally doesn’t work for an odd matrix mismatch dimension error, how to fix?
I was runing the falcon 7b tutorial locally on my RTX A6000 but got an error with an odd mistmach of matrix mult:
File "/lfs/hyperturing1/0/brando9/miniconda/envs/data_quality/lib/python3.10/site-packages/peft/tuners/lora.py", line 565, in…

Charlie Parker
- 5,884
- 57
- 198
- 323
-1
votes
1 answer
How to convert pandas data frame to Huggingface Dataset grouped by column value?
I have the following data frame df
import pandas as pd
from datasets import Dataset
data = [[1, 'Jack', 'A'], [1, 'Jamie', 'A'], [1, 'Mo', 'B'], [1, 'Tammy', 'A'], [2, 'JJ', 'A'], [2, 'Perry', 'C']]
df = pd.DataFrame(data, columns=['id', 'name',…

Adrian
- 9,229
- 24
- 74
- 132
-1
votes
1 answer
getting "memory_efficient_attention() got an unexpected keyword argument 'scale'" on hugging face using the inference API of diffusion model?
Hugging face Error
i tried to enter different prompts and the same error keep showing up with different models
-1
votes
1 answer
Libretranslate (+ Huggingface Transformers) - Cannot translate text: Error(s) in loading state_dict for Tokenizer: Missing key(s) in state_dict:
Python 3.10.6, Libretranslate 1.3.10, on Ubuntu 22.04
Installed libretranslate with pip install libretranslate, ran it with libretranslate --host 0.0.0.0 --port 5001. Everything worked as expected. Note: I ran pip as root, which gave me a warning to…

Guntram
- 414
- 2
- 5
- 18
-1
votes
1 answer
Creating a function on Digital Ocean for hugging face
Hugging face provides transforms and models that allows AL/ML processing offline - https://huggingface.co/
We currently use Digital Ocean and I would like to unload our ML onto DO functions. I know AWS does this already with a few AWS…

RodgerThat
- 19
- 1
- 4
-1
votes
1 answer
How to fine tune a model from hugging face?
I want to download a pretrained a model and fine tune the model with my own data. I have downloaded a bert-large-NER model artifacts from hugging face,I have listed the contents below . being new to this, I want to know what files or artifacts do i…

kyagu
- 155
- 2
- 11
-1
votes
1 answer
Multiprocessing with large ml models
I have got a large transformer model from huggingface. The model is about 2gb in storage. When I try to run multiprocessing processes or pool the program just freezes. Even if I just try to have 2 workers/processes.
From what I understand it freezes…

Aiden Goodall
- 9
- 1
-1
votes
1 answer
Converting h5 to tflite
I have been trying to get this zero-shot text classification joeddav / xlm-roberta-large-xnli to convert from h5 to tflite file (https://huggingface.co/joeddav/xlm-roberta-large-xnli), but this error pops up and I cant find it described online, how…

zinger44
- 13
- 4