Skip to main content
The 2024 Developer Survey results are live! See the results

All Questions

Tagged with
0 votes
2 answers
26 views

isinstance() arg 2 must be a type, a tuple of types, or a union

I'm getting an error message when trying to train my model, but some reason its giving me the same message every time I alter it. Here is the code: # Define training arguments training_args = ...
Jay-Tech456's user avatar
0 votes
0 answers
36 views

How to achieve Hyperparameter Tuning with TensorFlow 2's Object Detection API?

I have managed to create a custom object detection model using TF2's Object Detection API using this tutorial: https://tensorflow-object-detection-api-tutorial.readthedocs.io/en/latest/training.html, ...
peru_45's user avatar
  • 310
1 vote
0 answers
103 views

How to change the labels of a pretrained hugging face model?

I am using below pretrained hugging face model for sentiment analysis: "cardiffnlp/twitter-roberta-base-sentiment-latest" And it's providing three sentiments - Positive, Negative and Neutral ...
Gangadhar Neelam's user avatar
0 votes
0 answers
18 views

Fail to extract the last hidden layer from DistilBERT

I want to extract the last hidden layer from the DistilBERT for sentiment analysis from huggingface IMDb dataset. I've tried several ways (at least I know...) to get the last hidden layer state; ...
Kevin.M.t's user avatar
0 votes
0 answers
14 views

Problem in fine tuning when I use "flow_from_dataframe"

I use a CNN for classification using the following code (Summarized!) without problem. cnn_input = Input((128, 32,3)) cnn_output = Conv2D(32, (3, 3), padding='same', activation=LeakyReLU(alpha=0.01)) (...
Hadi M's user avatar
  • 9
1 vote
1 answer
143 views

ValueError: Can't convert non-rectangular Python sequence to Tensor. during fine tuning a falcon 40b model

I have a list of text comments and a list of their labels. I want to fine tune LLM; for this i need to create a tensor dataset below is the code I am using. #LIST OF ALL LABELS labels_list = [...
Rahul Dhiman's user avatar
0 votes
1 answer
997 views

How to improve an accuracy of validation and test of my model of Transfer Learning BERT

I trained my BERT model, then I get 99% in the training part whoever in part of validation I get just 80%, so how can I improve my validation accuracy? Code : def build_model(self, n_categories): ...
o akka's user avatar
  • 81
0 votes
1 answer
785 views

Huggingface - Finetuning in Tensorflow with custom datasets

I have been battling with my own implementation on my dataset with a different transformer model than the tutorial, and I have been getting this error AttributeError: 'NoneType' object has no ...
Olive Yew's user avatar
  • 361
1 vote
1 answer
302 views

How to freeze layers and fine tune a custom Siamese Network

I have the following Siamese Network (Xception-Based) that is composed as follows: from tensorflow.keras.models import Model, model_from_json, Sequential from tensorflow.keras.preprocessing.image ...
mad's user avatar
  • 2,759
0 votes
1 answer
175 views

Why is the Accuracy Different in my PC From Kaggle When Using the Same Code

I am writing a watermark detection algorithm, and I've tried a code from Kaggle which fine-tunes a ResNet, but when I run the same code in Jupyter notebook, I get 50% accuracy when the sample code in ...
Mahsa Geshvadi's user avatar
0 votes
1 answer
229 views

Tensorflow: access to see the layer activation (fine-tuning),

I use fine-tuning. How can I see and access the activations of all layers that are inside of the convolutional base? conv_base = VGG16(weights='imagenet', include_top=False, ...
Tanya's user avatar
  • 5