Category "deep-learning"

TypeError: Failed to convert elements of SparseTensor to Tensor

TypeError: Failed to convert elements of SparseTensor(indices=Tensor("DeserializeSparse:0", shape=(None, 2), dtype=int64), values=Tensor("DeserializeSparse:1",

any script to test the installation of Pytorch

I have installed the pytorch, and would like to check are there any script to test whether the installation is correct, e.g., whether it can enable CUDA or not,

load_from_checkpoint fails after transfer learning a LightningModule

I try to transfer learn a LightningModule. The relevant part of the code is this: class DeepFilteringTransferLearning(pl.LightningModule): def __init__(self

Why is there a difference in Intersection over Union (IoU) calculation while evaluating for same data using same model?

I evaluated the IoU score for the test dataset using the saved model. (model.evaluate(test_gen, steps) Also, I have calculated the IoU score for each image in

Model.fit() Validation Accuracy different than Model.predict()

I have created a CNN to do binary classification in keras with the following code: def neural_network(): classifier = Sequential() # Adding a first convolu

Fine Tuning Pretrained Model MobileNet_V2 in Pytorch

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( Mob

Save, Recover, and Continue Updating Learning Curves while Training a CNN if Server Crashes Suddenly

I am training a deep learning model with TensorFlow on a remote server. The problem is that I am only allocated 2 hours of training at a time and the server may

Input 0 of layer "conv2d_transpose_4" is incompatible with the layer: expected ndim=4, found ndim=2. Full shape received: (None, 100)

I am trying to develop a GAN, I have created the generator and the discriminator and now I am trying to train it. I am using the Mnist dataset but I plan to use

ValueError: logits and labels must have the same shape ((None, 328, 328, 3) vs (None, 1)) with autoencoder

I am trying to build an autoencoder with the following code import matplotlib.pyplot as plt import numpy as np import pandas as pd import seaborn as sns import

Tensorflow Lite model maker: training chart possible?

i am using the Tensorflow Lite Model Maker library to train an efficient model for object detection. It works well, but I don’t know how to get graphs of

Tensorflow Lite model maker: training chart possible?

i am using the Tensorflow Lite Model Maker library to train an efficient model for object detection. It works well, but I don’t know how to get graphs of

Split files for train and test in Google Colab

I have successfully trained and tested my model on local jupyter notebook, but I want to try the same code in Google Colab as I want to try other expensive mode

How to use keras model inside other model in TPU

I am trying to convert a keras model to tpu model in google colab, but this model has another model inside. Take a look at the code: https://colab.research.goo

ValueError: The first argument to `Layer.call` must always be passed

I was trying to build a model with the Sequential API (it has already worked for me with the Functional API). Here is the model that I'm trying to built in Sequ

How to mount onedrive to google colaboratory?

I use google colab with google drive in deep-learning training, but although I've 100gb premium account, sometimes it accouring error that find: ‘/content

how to modify resnet 50 with 4 channels as input using pre-trained weights in Pytorch?

I would like to change the resnet50 so that I can switch to 4 channel input, use the same weights for the rgb channels and initialize the last channel with a no

How to extract relation between entities for stock prediction

I am trying to extract relation between two entities (entity1- relation- entity2) from news articles for stock prediction. I have used NER for entity extraction

Extracting labels after applying softmax

I have a multi class classification neural network. I apply softmax at the end to get probabilities for my classes. However, now I want to pick the maximum prob

Why the initialization of weights in darknet?

there! I am studying Mr. Redmon's darknet code from https://github.com/pjreddie/darknet I found the initialization of weights of a connected layer is like below

Why the initialization of weights in darknet?

there! I am studying Mr. Redmon's darknet code from https://github.com/pjreddie/darknet I found the initialization of weights of a connected layer is like below