Category "machine-learning"

tensorflow:Can save best model only with val_acc available, skipping

I have an issue with tf.callbacks.ModelChekpoint. As you can see in my log file, the warning comes always before the last iteration where the val_acc is calcula

Cannot Train Wav2vec XLSR Model With Common Voice Data

I am trying to train a transformer ASR model with wav2vec XLSR in the danish language, but whenever I try to pull the danish dataset with datasets library it's

What is the difference between SVC and SVM in scikit-learn?

From the documentation scikit-learn implements SVC, NuSVC and LinearSVC which are classes capable of performing multi-class classification on a dataset. By the

Errors due to vowpal wabbit's dependencies on boost library

I'm trying real hard to install vowpal wobbit and it fails when i run the make file, throwing: cd library; make; cd .. g++ -g -o ezexample temp2.cc -

Support Vector Machine library for C# [closed]

Is there any Support Vector Machine library already implemented which I could use in my C# projects?

Extract weights and biases from Orange Data Mining

I am using Orange Datamining to train a model on the Iris data set. I used the stochastic gradient descent node to do the training and I am looking to extract t

Are modern CNN (convolutional neural network) as DetectNet rotate invariant?

As known nVidia DetectNet - CNN (convolutional neural network) for object detection is based on approach from Yolo/DenseBox: https://devblogs.nvidia.com/paralle

Whenever i try to print classification report, in accuracy column it prints some other value 0.50 but my accuracy is 0.96

Importing libraries import matplotlib.pyplot as plt import seaborn as sns import keras from keras.layers import * from keras.models import * from sklearn.metric

RuntimeError: Input type (torch.FloatTensor) and weight type (torch.cuda.FloatTensor) should be the same

I am trying to train the following CNN as follows, but I keep getting the same error regarding .cuda() and I am not sure how to fix it. Here is a chunk of my co

How to properly remove redundant components for Scikit-Learn's DPGMM?

I am using scikit-learn to implement the Dirichlet Process Gaussian Mixture Model: https://github.com/scikit-learn/scikit-learn/blob/master/sklearn/mixture/dp

Multilayer perceptron in scikit-learn

I am trying to code a multilayer perceptron in scikit learn 0.18dev using MLPClassifier. I have used the solver lbgfs, however it gives me the warning : Converg

How to find and crop words into individual images with Python OpenCV?

I have a binary image of words as shown, and I want crop the image with each character in different image. Output should have different images of k,7,2,f,5 &am

How to use `Dirichlet Process Gaussian Mixture Model` in Scikit-learn? (n_components?)

My understanding of "an infinite mixture model with the Dirichlet Process as a prior distribution on the number of clusters" is that the number of clusters is d

Plot confusion matrix sklearn with multiple labels

I am plotting a confusion matrix for a multiple labelled data, where labels look like: label1: 1, 0, 0, 0 label2: 0, 1, 0, 0 label3: 0, 0, 1, 0

How to test my trained Tensor Flow model

I currently have a regression model that tries to predict a value based on 25 other ones. Here is the code I currently gave import tensorflow as tf import n

GridSearchCV on LogisticRegression in scikit-learn

I am trying to optimize a logistic regression function in scikit-learn by using a cross-validated grid parameter search, but I can't seem to implement it. It

Speeding up grid search in sklearn

I am performing a grid search to identify the best SVM parameters. I am using ipython and sklearn. The code is slow and runs on only one core. How can this be s