1. Anuncie Aqui ! Entre em contato fdantas@4each.com.br

[Python] PyTorch UserWarning: Failed to initialize NumPy: _ARRAY_API not found and BERTModel...

Discussão em 'Python' iniciado por Stack, Setembro 28, 2024 às 07:42.

  1. Stack

    Stack Membro Participativo

    I am working with PyTorch and the Hugging Face Transformers library to fine-tune a BERT model (UFNLP/gatortron-base) for a downstream task.

    I received a warning related to NumPy initialization:


    C:\Users\user\AppData\Local\Programs\Python\Python312\Lib\site-packages\torch\storage.py:321: UserWarning: Failed to initialize NumPy: _ARRAY_API not found (Triggered internally at ..\torch\csrc\utils\tensor_numpy.cpp:84.)

    My code:

    type himport torch
    from transformers import BertTokenizer, BertModel

    tokenizer = BertTokenizer.from_pretrained('UFNLP/gatortron-base')
    model = BertModel.from_pretrained('UFNLP/gatortron-base')

    model.eval()

    def prepare_input(text):
    tokens = tokenizer.encode_plus(text, return_tensors='pt', add_special_tokens=True, max_length=512, truncation=True)
    return tokens['input_ids'], tokens['attention_mask']

    def get_response(input_ids, attention_mask):
    with torch.no_grad():
    outputs = model(input_ids=input_ids, attention_mask=attention_mask)
    if 'logits' in outputs:
    predictions = torch.argmax(outputs['logits'], dim=-1)
    else:
    # Adjust this based on the actual structure of `outputs`
    predictions = torch.argmax(outputs[0], dim=-1)

    # predictions = torch.argmax(outputs.logits, dim=-1)
    return tokenizer.decode(predictions[0], skip_special_tokens=True)

    input_text = "Hello, how are you?"
    input_ids, attention_mask = prepare_input(input_text)
    response = get_response(input_ids, attention_mask)
    print("Response from the model:", response)ere

    • Python: 3.12
    • NumPy: 1.19.5

    Continue reading...

Compartilhe esta Página