Category "deep-learning"

Setting up keras-rl2 on my M1 Macbook Pro

I am working on a project on Reinforcement Learning - and completely new at this. I installed keras-rl as pip install keras-rl, however it caused an error as ma

How contrastive loss work intuitively in siamese network

I am having issue in getting clear concept of contrastive loss used in siamese network. Here is pytorch formula torch.mean((1-label) * torch.pow(euclidean_dista

Keras Dense Model ValueError: logits and labels must have the same shape ((None, 200, 1) vs (None, 1, 1))

I'm new in machine learning and I'm trying to train a model. I'm using this Keras oficial example as a guide to set my dataset and feed it into the model: https

How can I calculate the Accurracy for a Graph Convolutional Networks?

how can I calculate the Accuracy on a GCN based on an event log? With my code I get the following result: Epoch: 0, Loss: 1.299316294690154, Accuracy: [tensor([

Pytorch: Finetuning the inputs to a non-pytorch model

I want to finetune the inputs to a XGBClassifier model using pytorch. I have an XGB classifier model which takes in a vector comprised of floats and integer val

Convert a pth pytorch file to an onnx model

I'm trying to convert a PyTorch model(pth file containing weights) to an onnx file then to a TensorFlow model since I work on TensorFlow. to then fine-tune it.

Inspite of my model being properly trained and dumped in an pickle file and getting an unwanted error while testing the file using cv2.VideoCapture

My model is already trained and is saved in model_trained.pkl file. And I'm trying to test the same using video captures. But getting error "FileNotFoundError:

Intermediate Output of let' s say Resnet50 from Keras Model

import keras print(keras.__version__) #2.3.0 from keras.models import Sequential from keras.layers import Input, Dense,TimeDistributed from keras.models import

How bert_en_uncased_preprocess was made? Such as by training a NN or manual coding?

I am new to deep learning and have come across BERT. I tried small_bert/bert_en_uncased_L-4_H-512_A-8 as a Tensorflow tutorial did, and the result was quite ama

How can I determine validation loss for faster RCNN (PyTorch)?

I followed this tutorial for object detection: https://pytorch.org/tutorials/intermediate/torchvision_tutorial.html and their GitHub repository that contains th

Attribute Error on predicting the image 'DirectoryIterator' object has no attribute 'Filepath'

I am working on a CNN architecture with an image RGB dataset that belongs to two categories, i.e., crops and another one is grass. However, I am concerned about

Predict Image loose saturation compare to the original after training

I am trying super-resolution of RGB images. I have an input image and output image I run the model and when I predict the output the image loses saturation com

Trying to get output of each layer while predicting test image, however getting an error Input tensors to a Functional must come from `tf.keras.Input`

I am trying to do Image Recognition in Python with TensorFlow and Keras. Please look at my code in the link below which I provided as I was facing another issue

Tensorflow_io: ValueError: Cannot infer argument `num` from shape (None, None, None)

I am trying to read and decode tiff images in tensorflow. I am using tensrflow_io package as follows, I am getting this error that I cant figure out. import ten

fastai show_batch and show_results does nothing

I build a model on fastai v2.3.1. When I try to call functions show_batch and show_results it does not show anything. Here is the problematic code: from fastai.

Pytorch parallel functional calls for multiple locations in a tensor

Does anyone know if there is a function in PyTorch that allows you to call a particular function for all the locations in a tensor where a condition is satisfie

How can I resolve " InvalidArgumentError: Graph execution error: jpeg::Uncompress failed. Invalid JPEG data or crop window"?

Beginner here. I recently converted my images to grayscale using opencv. Then I used those images for training. When I was training, there was an error. "Invali

Why FLAIR does't recognize the entire location name of simple sentence?

I'm tying to to detect simple location with NER algorithm, and I'm getting semi-correct results: from flair.data import Sentence from flair.models import Sequ

Combination of two Neural Networks

I want to use an image segmentation program which use CNN and fuse it with another lane detection network. Is it possible to train these two networks separately

Tensorflow gpu - out of memory error, the kernel appears to have died

Here is my classification problem : Classify pathological images between 2 classes : "Cancer" and "Normal" Data sets contain respectively 150 000 and 300 000 im