pre-trained-model Questions
4
I’m trying to do a finetuning without an evaluation dataset.
For that, I’m using the following code:
training_args = TrainingArguments(
output_dir=resume_from_checkpoint,
evaluation_strategy=&quo...
Centenary asked 22/5, 2023 at 23:54
1
I am using a quite large GPU which is around 80 GB. The training epochs runs fine but for some reason when evaluating (the training set and validation sets have the same length more or less), I am ...
Seventh asked 20/3, 2023 at 16:31
3
I'm using the following code to load an imagenet pre-trained VGG19 model and fit to my custom dataset.
from keras.applications.vgg19 import VGG19
optim = tf.keras.optimizers.RMSprop(momentum=0.9)...
Gussi asked 5/12, 2022 at 6:40
4
Solved
I am referring to the models that can be found here: https://pytorch.org/docs/stable/torchvision/models.html#torchvision-models
Cairn asked 3/10, 2018 at 13:35
2
Given a simple neural net in Pytorch like:
import torch.nn as nn
net = nn.Sequential(
nn.Linear(3, 4),
nn.Sigmoid(),
nn.Linear(4, 1),
nn.Sigmoid()
).to(device)
How do I convert it into a Hug...
Sidwel asked 4/10, 2022 at 12:56
3
Solved
I have some custom data I want to use to further pre-train the BERT model. I’ve tried the two following approaches so far:
Starting with a pre-trained BERT checkpoint and continuing the pre-traini...
Jit asked 20/7, 2021 at 20:52
4
I am new to pyTorch and I am trying to Create a Classifier where I have around 10 kinds of Images Folder Dataset, for this task I am using Pretrained model( MobileNet_v2 ) but the problem is I am n...
Kila asked 31/7, 2019 at 7:16
4
I just saved a model, by that code:
def train():
with tf.Session() as sess:
saver = tf.train.Saver(max_to_keep = 2)
Loss = myYoloLoss([Scale1,Scale2,Scale3],[Y1, Y2 ,Y3])
opt = tf.train.AdamOp...
Aloysia asked 6/11, 2018 at 12:46
2
"Obviously!", you might say... But there's one significant difference that I have trouble explaining by the difference in random initialization.
Take the two pre-trained basenets (before ...
Winne asked 3/5, 2021 at 7:46
3
I would like to pre-train a model and then train it with another model.
I have model Decision Tree Classifer and then I would like to train it further with model LGBM Classifier. Is there a possibi...
Dwanadwane asked 28/11, 2021 at 17:37
2
Solved
Code
import numpy as np
from keras.preprocessing.image import ImageDataGenerator
from keras.models import Sequential,Model
from keras.layers import Dropout, Flatten, Dense,Input
from keras import ...
Sparkie asked 29/7, 2018 at 14:48
2
Solved
I have downloaded a pre-trained model on ImageNet of Inception v3 from http://download.tensorflow.org/models/image/imagenet/inception-2015-12-05.tgz (found this link while following one of the tuto...
Henotheism asked 6/5, 2018 at 21:19
2
I have found the VGG16 network pre-trained on the (color) imagenet database (as .npy). Is there a VGG16 network pre-trained on a gray-scale version of the imagenet database available?
(The usual ...
Salol asked 5/2, 2018 at 19:44
2
Solved
I am working with Keras and trying to analyze the effects on accuracy that models which are built with some layers with meaningful weights, and some layers with random initializations.
Keras:
I loa...
Fiducial asked 1/11, 2020 at 10:56
1
So I have few words without labels but I need to classify them into 4-5 categories.
I can visibly say that this test set can be classified. Although I do not have training data so I need to use a p...
Phyto asked 12/12, 2020 at 8:5
1
I am trying to implement a classification head for the reformer transformer. The classification head works fine, but when I try to change one of the config parameters- config.axial_pos_shape i.e se...
Mohn asked 26/6, 2020 at 21:31
2
Solved
I've two networks, which I need to concatenate for my full model. However my first model is pre-trained and I need to make it non-trainable when training the full model. How can I achieve this in P...
Admiralty asked 9/12, 2020 at 12:3
1
Thanks to Google for providing a few pre-trained models with tensorflow API.
I would like to know how to retrain a pre-trained model available from the above repository, by adding new classes...
Rhearheba asked 4/10, 2017 at 19:18
2
Are there any latest pre-trained multilingual word embeddings (multiple languages are jointly mapped to a same vector space)?
I have looked at the following but they don't fit my needs:
FastText...
Bundestag asked 15/6, 2020 at 9:13
2
I am following instructions for TensorFlow Retraining for Poets. GPU utilization seemed low so I instrumented the retrain.py script per the instructions in Using GPU. The log verifies that the TF g...
Lialiabilities asked 3/6, 2018 at 19:6
4
Solved
I use Keras pretrained model VGG16. The problem is that after configuring tensorflow to use the GPU I get an error that I didn't have before when using the CPU.
The error is the following one:
T...
Magnetometer asked 13/8, 2018 at 11:41
1
I'm trying to get a pytorch model running on a sentence classification task. As I am working with medical notes I am using ClinicalBert (https://github.com/kexinhuang12345/clinicalBERT) and would l...
Callaghan asked 14/4, 2020 at 15:42
2
Solved
I am using VGG16 with keras for transfer learning (I have 7 classes in my new model) and as such I want to use the build-in decode_predictions method to output the predictions of my model. However,...
Solorio asked 13/3, 2018 at 14:57
1
Solved
I want to train a model in a sequential manner. That is I want to train the model initially with a simple architecture and once it is trained, I want to add a couple of layers and continue training...
Fibroid asked 9/3, 2020 at 1:18
6
Solved
The tensorflow_hub library maintainers has made it every easy for users to download and use the pre-trained tensorflow modules, e.g.:
import tensorflow_hub as hub
embed = hub.Module("https://tfhu...
Macur asked 14/5, 2018 at 1:7
1 Next >
© 2022 - 2024 — McMap. All rights reserved.