I have been having this error, and I don't know why, especially since I am following someone's code exactly and the person had no error when running this img_sh
I am building a simple CNN for binary image classification, and the AUC obtained from model.evaluate() is much higher than AUC obtained from model.predict() + r
cfg.optimizer.lr = 0.02 / 8 cfg.lr_config.warmup = None cfg.log_config.interval = 600 # Change the evaluation metric since we use customized dataset. cfg.evalua
I'm using Google's Colab to run the Deep Learning codes from the Book " Deep Learning with python" by François Chollet. The 1st exercise is to use the mn
I trained my tensorflow model on images after convert it to BatchDataset IMG_size = 224 INPUT_SHAPE = [None, IMG_size, IMG_size, 3] # 4D input model.fit(
I am using Yolov5 for this project Here is my code import numpy as np import cv2 import torch import torch.backends.cudnn as cudnn from models.experimental impo
I am trying to train Unet model with the following parameters: droput_: 0.2, activation_: sigmoid, activation_inner_: relu, learning_rate_: 0.0001, epsilon_: 1
""" Defining two sets of inputs Input_A: input from the features Input_B: input from images my train_features has (792,192) shape my train_images has (792,28,28
I am using pixellib fot training custom image instance segmentation. I have created a dataset whiche can be seen below in link. Dataset:https://drive.google.com
I have a problem where I need to modify a variable inside a Tensorflow function. Then I need to convert this function to a tensorflow graph. The problem is that
I am using some text for some NLP analyses. I have cleaned the text taking steps to remove non-alphanumeric characters, blanks, duplicate words and stopwords, a
Tensorflow/Keras I have developed a CNN model to classify images as circle, triangle or square. However, my accuracy values have wide fluctuations. Is it someth
In my CNN model I want to extract X_train and y_train from train_generator. I want to use ensemble learning, bagging and boosting to evaluate the model. the mai
I am developing a mini autonomous car using 3 CNNs and a camera sensor using this approach. One of the CNNs detects lanes on the images and outputs images wit
I'm trying to build a model which can be trained on both audio and video samples but I get this error ValueError: Please initialize `TimeDistributed` layer with
I trained my network several times and I already got some results. Then I found out about the Keras tuner and wanted to find the best hyperparameters with it. b
I am trying to use Tensorflow to create a recommendation system. What I want to do is to read data from two csv files, one containing 'item_id' and the other co
So I have a problem when train deep learning with BERT with tensorflow which contain text dataset. So i want to fit() the model but got an error when training.
when running the following code from a jupyter notebook in the ec2 instance: from keras.datasets import imdb the following error message pops out: ModuleNotFoun
I am currently using a dataset of over 2.5 million images, of which I use the image itself as a comparison to eachother, for use in a content-based recommendati