Category "machine-learning"

training = False in Keras Sequential API

We can pass the training = False argument while calling the pre-trained model when using Keras Functional API as shown in this tutorial. How to implement the sa

Cant properly load saved model and call predict method

I am having trouble loading large model after saving. have tried all below saveing methods: tf.saved_model.save(model, model_save_path) model.save(model_save_pa

How does MindsDB renew/develop models?

I've linked a datasource to mindsdb, using scout. I'm wondering, does it automatically pull new data and retrain the model incrementially, or do I have to trigg

How to apply cross_val_score to cross valid our own model

Usually, we apply cross_val_score to the Sklearn models by doing the following way. scores = cross_val_score(clf, X, y, cv=5, scoring='f1_macro') Now I have my

How to Upload Many Files to Google Colab?

I am working on a image segmentation machine learning project and I would like to test it out on Google Colab. For the training dataset, I have 700 images, most

ImportError('Could not import PIL.Image. ' working with keras-ternsorflow

I'm following some lectures from lynda.com about deep learning using Keras-TensorFlow in a PyCharmCE enviroment and they didn't have this problem. I get this er

selective search in cv2 python

I am learning R-CNN, the first step for R-CNN is selective search, I used this algorithm on a sample image from my dataset. Code - ss = cv2.ximgproc.segmentatio

Implement Relu derivative in python numpy

I'm trying to implement a function that computes the Relu derivative for each element in a matrix, and then return the result in a matrix. I'm using Python and

Getting ValueError: y contains new labels when using scikit learn's LabelEncoder

I have a series like: df['ID'] = ['ABC123', 'IDF345', ...] I'm using scikit's LabelEncoder to convert it to numerical values to be fed into the RandomForestC

AttributeError: module 'tensorflow.python.pywrap_tensorflow' has no attribute 'TFE_Py_RegisterExceptionClass'

I am trying to develop some time-series sequence prediction, using the latest resources available. To that end, I did check the example code from TensorFlow tim

What is "linear projection" in convolutional neural network [closed]

I am reading through Residual learning, and I have a question. What is "linear projection" mentioned in 3.2? Looks pretty simple once got this

Metrics F1 warning zero division

I want to calculate the F1 score of my models. But I receive a warning and get a 0.0 F1-score and I don't know what to do. here is the source code: def model_

Input 0 of layer "sequential_3" is incompatible with the layer: expected shape=(None, 256, 256, 3), found shape=(None, 324, 500, 3)

I'm having an issue if anyone can help please comment input_shape=(BATCH_SIZE,256,256,3) model=models.Sequential([ resize_and_rescale, data_aug

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