Category "classification"

KeyError: 'Failed to format this callback filepath: "skintype_64_rmsprop_{val_loss:.3f}.h5". Reason: \'val_loss\''

I have been trying to train my skin type classification model but it shows error. model_name = f"skintype_{batch_size}_{optimizer}" tensorboard = tf.keras.callb

Compilation deep learning model is important if we unfreez the layers for fientuneing?

I am classifying a medical images dataset into normal vs abnormal where I am applying transfer learning with ResNet50v2. I did a little change in the last laye

How to deal with overfitting of xgboost classifier?

I use xgboost to do a multi-class classification of spectrogram images(data link: automotive target classification). The class number is 5, training data includ

Basic CNN classification model has UnimplementedError: Graph execution error:

I tried a sample code for CNN application on MNIST data classification from the book : from keras import layers from keras import models model = models.Sequent

Tensorflow classification predictions

I'm dealing with a simple classification problem and I'm new to it. I want it to give results like 0 and 1, but it gives a percentage ending as below. how can i

Error in makeClassifTask - columns to join must specify "on="

I am getting an error here for the makeClassifTask() from MLR package. task = makeClassifTask(data = data[,2:20441], target='Disease') Entering this I get this

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

What is the difference between OneVsRestClassifier and MultiOutputClassifier in scikit learn?

Can someone please explain (with example maybe) what is the difference between OneVsRestClassifier and MultiOutputClassifier in scikit-learn? I've read docume

Plotting learning curve in keras gives KeyError: 'val_acc'

I was trying to plot train and test learning curve in keras, however, the following code produces KeyError: 'val_acc error. The official document <https://k

Siamese Network for binary classification with pre-encoded inputs

I want to train a Siamese Network to compare vectors for similarity. My dataset consist of pairs of vectors and a target column with "1" if they are the same an

Multi-output neural network combining regression and classification

If you have both a classification and regression problem that are related and rely on the same input data, is it possible to successfully architect a neural net

Neural Network for Regression with tflearn

My question is about coding a neural network which does regression (and NOT classification) using tflearn. Dataset: fixed acidity volatile acidity citric acid

tensorflow automatic accuracy calculation for multilabel classifier

I am fitting a multilabel classifier to (train_x, train_y) while monitoring the loss and accuracy on a validation set (val_x, val_y): classification_model.compi

SKLearn: Getting distance of each point from decision boundary?

I am using SKLearn to run SVC on my data. from sklearn import svm svc = svm.SVC(kernel='linear', C=C).fit(X, y) I want to know how I can get the distance of

Scalable/Iterative Large Data Frame Dimensionality Reduction R

I often have truly large data frames (ie 10 to 40 columns, millions to hundreds of millions of rows) that I would like to perform dimensionality reduction on in

Classification metrics can't handle a mix of binary and continuous targets [duplicate]

I try to train and test several scikit-learn models and attempt to print off the accuracy. Only some of these models work, others fail with th

ValueError: Input 0 of layer is incompatible with the layer: expected shape=(None, 224, 224, 3), found shape=(224, 224, 3)

"after converting the dataset to the tfrecord file format, I tried to train the model I created with it, but I couldn't convert it to the input format suitable

Difference between absdiff and normal subtraction in OpenCV

I am currently planning on training a binary image classification model. The images I want to train on are the difference between two original pictures. In ot

Only two distinct values of probabilities in Logistic regression output

I am running a logistic regression in R and extracting the predicted probabilities for a test data of about 15,000 rows using predict(modelglm, test_data, type