Questions tagged [custom-training]
90 questions
0
votes
0 answers
Stable Baselines RL Training: Error "TypeError: type numpy.ndarray doesn't define __round__ method"
model = PPO("MlpPolicy", normalized_env, verbose=1, tensorboard_log="./RL_SHS_tensorboard/")
model.learn(204800, tb_log_name= "run_ppo")
model.save("ppo_shs")
/usr/local/lib/python3.7/dist-packages/stable_baselines3/common/monitor.py in step(self,…
0
votes
2 answers
Reaching batch prediction quota limit when not submitting that many batch predictions
I'm using Vertex AI batch predictions using a custom XGBoost model with Explainable AI using Shapley values.
The explanation part is quite computationally intensive so I've tried to split up the input dataset into chunks and submit 5 batch…

Jan Zajac
- 11
- 3
0
votes
1 answer
Training ANN using Tensorflow. How to validate the training to avoid overfitting?
To avoid overfitting it's necessary, after the X steps, to hold the training and validate its result. If the curve (iterations x loss) for validation crosses the curve (iterations x loss) for training I need to stop the train.
How can I validate the…

Mariana Flávio
- 1
- 1
0
votes
1 answer
yolov5 not training on custom dataset
I am using yolov5 to train on custom dataset
my dataset.yaml file contains
path: ../testing
train: images
val: images
nc: 10
names:
["door", "cabinetDoor", "refrigeratorDoor", "window", "chair",
"table", "cabinet", "couch", "openedDoor",…

Sardar Raheem
- 13
- 2
0
votes
1 answer
custom model Yolov5 : AssertionError
I am using Google Colab to train and test my network. I have been working with it the past few days and following your tutorial which worked fine.
I wanted to create my own dataset. So I labeled all my images using LabelImg (I set format to Yolo). I…
0
votes
2 answers
Train Amazon SageMaker object detection model on local PC
I wonder if it's possible to run training Amazon SageMaker object detection model on a local PC?

Alexender Iotko
- 63
- 8
0
votes
1 answer
How do I convert labelme json directory to one json file for use in MaskRCNN?
I am attempting to train an object classifier on MaskRCNN and the tutorial I am following uses VGG label software in which converts the labelled data into one JSON file. I have used labelme for my data and need to prepare this for MaskRCNN.
Labelme…

Orlando
- 1
- 2
0
votes
1 answer
Has anyone done training on custom data using AllenNLP for coreference resolution?
I'm trying to train AllenNLP on custom data instead of using the pre-trained model for coreference resolution. The instructions are here but they are very vague and I am not sure how to progress, in particular I don't know how to modify the JSONNET…

Onias
- 51
- 3
0
votes
1 answer
Is it possible to Train an Model with Nvidia ODTK with only one class?
I'm trying to train a model that can detect rotated rects. I've found the Nvidia ODTK, but I find nothing to indicate if I can train it with only one class (category). The default number of categories is 80 and now I'm not sure if it will work well…

FCode
- 41
- 5
0
votes
1 answer
Custom training Extract PDF into table
I have a PDF file that includes a table and I want to convert it into table structured data.
My PDF file includes a pretty complex table which makes most tool insufficient. For example,
I tried to use the following tools and they didn't extract it…

Kristina Hammer
- 31
- 1
- 3
0
votes
1 answer
Can you run training and evalutaion process from a single anaconda prompt?
I am having trouble evaluating my training process during training a Tensorflow2 Custom Object Detector. After reading several issues related to this problem I found that evaluation and training should be treated as two separate processes therefore…

Milán Kriston
- 3
- 1
0
votes
1 answer
Continue training with torch.save and torch.load - key error messages
I am new to Torch and using a code template for a masked-cnn model. In order to be prepared if the training is interrupted, I have used torch.save and torch.load in my code, but I think I cannot use this alone for continuing training sessions? I…

Entropie_13
- 11
- 5
0
votes
2 answers
Error during training in deepspeech Internal: Failed to call ThenRnnForward with model config: [rnn_mode, rnn_input_mode, rnn_direction_mode]
Getting following error when trying to excecute
%cd /content/DeepSpeech
!python3 DeepSpeech.py --train_cudnn True --early_stop True --es_epochs 6 --n_hidden 2048 --epochs 20 \
--export_dir /content/models/ --checkpoint_dir…

Danish Bansal
- 608
- 1
- 7
- 25
0
votes
1 answer
Custom Training Loop for Tensorflow Variational Autoencoder: `tape.gradient(loss, decoder_model.trainable_weights)` Always Returns List Full of None's
I am trying to write a custom training loop for a variational autoencoder (VAE) that consists of two separate tf.keras.Model objects. The objective of this VAE is multi-class classification. As usual, the outputs of the encoder model are fed as…

Jared Frazier
- 413
- 1
- 4
- 10
0
votes
1 answer
How to Check if Trainable Weights of Keras Model Change Before/After Custom Training Loop
I am trying to verify whether a custom training loop changes the Keras Model's weights. My current method is to deepcopy the model.trainable_weights list before training and then compare that to model.trainable_weights after training. Is this a…

Jared Frazier
- 413
- 1
- 4
- 10