Most voted "machine-learning" questions
Machine learning is a sub-field of artificial intelligence where there is the development of algorithms that in several areas allow the computer to learn something.
Learn more…136 questions
Sort by count of
-
1
votes0
answers115
viewsHow to detect fraud through a text field?
I must make a program of hiring simple services with evaluation of the service after completed and deal with fraud in this hiring. Fraud in this case would be a server that create multiple profiles…
-
1
votes1
answer1608
viewsHelp with Strike Match Similarity Algorithm
Friends need a help in implementing the algorithm below that looks for similarities: import nltk import pandas as pd def get_bigrams(string): s = string.lower() return [s[i:i+2] for i in…
-
1
votes1
answer108
viewsMachine Learning with a server language and another desktop language
I could use Python, for the machine Learning and C++ for a desktop program? The machine Learning is done on the server, correct?
-
1
votes1
answer67
viewsWhat to do after preparing a Model?
I would like to understand how I can put into practice in some system, the model I create with Deep Learning or machine Learning. I see several tutorials teaching to create a very simple structure…
-
1
votes2
answers508
viewsMost Important Attributes in Random Forest Classifier
Good afternoon guys, I wonder if you have to return a percentage of each attribute used in training Random Forest Classifier, to show which attributes are the most deterministic.
-
1
votes1
answer242
viewsHow to group numeric sequences?
Friends, I have a csv file with 5k lines in which there are purchase transactions. There is an id for each purchase, it occurs that for a lot where several purchases transactions are made there is…
-
1
votes1
answer40
viewsHow to calculate the ROC curve using only confusion matrix
I would like to know how to find the ROC curve having only the confusion matrix. tp = 55922 fp = 1221 fn = 1035 tn = 41812
-
1
votes1
answer40
viewsHow to calculate the ROC curve using only confusion matrix
I would like to know how to find the ROC curve having only the confusion matrix. tp = 55922 fp = 1221 fn = 1035 tn = 41812
-
1
votes1
answer139
viewsCross Validation following the dataset
Regarding cross validation, I would like to know if when we use the command below the system makes a random choice of data or sequential. I am looking for a way to use the data order to generate the…
-
1
votes0
answers77
viewsWord classification
I’m trying to classify the words of a Dictionarie extracted from the Tesseract when analyzing an image with standardized texts like these: Note: The "RATING" column has been added to illustrate the…
-
1
votes1
answer89
viewsHelp with variable prediction with machine Learning and unbalanced classes in R(Caret)
I’m learning Learning machine techniques to predict sheet size values (numerical) from multiple predictors (numerical). However, leaf sizes are conditioned to life form, (trees or grams), which are…
-
1
votes1
answer632
viewsTraining of images in tensorflow
Good night! I’m trying to build a neural network in python using tensorflow and its other libraries, my doubt and, I have 4 classes and I need to do a training of them I have many images for each…
-
1
votes3
answers2843
viewsHow does train_test_split work in Scikit Learn?
I am learning machine Learning and in most examples is used the method train_test_split() and there is not a very precise explanation about it (at least not in the articles I’ve read). I know your…
-
1
votes0
answers235
viewsRetrieve value of variables within a Class in a Python function (partial_fit)
I am creating a new algorithm to run along with the algorithms provided by the package sklearn in python, however the dataset used is extremely large and I am using the function partial_fit…
-
1
votes1
answer52
viewsHow to split columns/data with a specific limit?
Hello, my friends! Currently I do a scientific research in the field of AI, Machine Learning - Classification, using the Python language. In view of this, I have some data to develop an algorithm,…
-
1
votes0
answers139
viewsProblems with neural network input data with scikit Learn
I would like to create a neural network that returns 1 (one) to a specific case and 0 (zero) to all others. The idea would be: import numpy as np import pandas as pd from sklearn.preprocessing…
-
1
votes3
answers2247
viewsTypeerror: Object of type 'Nonetype' has no Len()
I’m trying to apply the NMF algorithm to a csv and then extract the phrases linked to each topic import pandas from sklearn.feature_extraction.text import TfidfVectorizer from sklearn.decomposition…
-
1
votes1
answer99
viewsDoubt python model creation machine Learning
I have a question in the creation of my machine model Learning. I want to create a model that provides me the PSS_Stress columns =…
-
1
votes1
answer77
viewsError importing database from Mnist
Good afternoon, I am trying to import a mnist dataset but when I enter this code: # importar as bibliotecas necessárias from sklearn.datasets import fetch_mldata import matplotlib.pyplot as plt…
-
1
votes1
answer151
viewsValidating a model with cross validation (logistic regression). What is Grid search for?
scores = cross_val_score(logmodel,y_test.astype(float).reshape(-1, 1),predictions.reshape(-1, 1), scoring="neg_mean_squared_error",cv=10) log_rmse_scores = np.sqrt(-scores) def…
machine-learningasked 6 years ago Ed S 2,057 -
1
votes0
answers103
viewsnaive Bayes - Warning message: In data.Matrix(newdata) Nas introduced by coercion
I was able to run the algorithm naive Bayes on R, but I’m finding problems to make the result confounding matrix. This is the message I receive after performing the prediction with the command…
-
1
votes0
answers103
viewsnaive Bayes - Warning message: In data.Matrix(newdata) Nas introduced by coercion
I was able to run the algorithm naive Bayes on R, but I’m finding problems to make the result confounding matrix. This is the message I receive after performing the prediction with the command…
-
1
votes0
answers57
viewsError during forecast attempt using Xgbregressor
I was assembling some models for data prediction in Machine Learning and ended up stopping at an error during a prediction attempt using the Linearregressor and Xgbregressor algorithms. Below…
-
1
votes0
answers84
viewsTraining Neural Network MLP
Hello, I am developing a neural network for recognition of 5 geometric figures: circle, star, pentagon, square and triangle. The network is of type MLP with 1 hidden layer(10 neurons), the entrance…
-
1
votes0
answers74
viewsHow to predict the various statistical models generated in R in Power BI?
I trained several models in the R, like these: iris2 <- data.frame(zzz= sample(c(0, 1),size = length(iris$Sepal.Length), replace = TRUE), iris) for (i in unique(iris$Species)) { saveRDS(glm(zzz ~…
-
1
votes0
answers16
viewsIn order to use the Tf.data.Dataset.from_tensor_slices method, do I need to have GPU on the PC?
I’m doing my tensorflow training. So far so good: data = numpy.random.random((1000, 32)) labels = numpy.random.random((1000, 10)) model.fit(data, labels, epochs=10, batch_size=32) But when I do…
artificial-intelligence machine-learning tensorflow supervised-learningasked 4 years, 11 months ago Maf 151 -
1
votes0
answers54
viewsHessian update in BFGS method
I’m developing the nonlinear optimization method BFGS (Broyden-Fletcher-Goldfarb-Shanno) and I’m having a hard time updating the value of Hessian to minimize function. The input variables for…
-
1
votes1
answer83
viewsHow to change Threshold from a classification model?
In addition to providing classes directly, some models of machine Learning generate probability vectors of belonging to each of the classes for each observation in the sample. The class predicted by…
-
1
votes0
answers23
viewsHow to use TSNE for plotting?
I am now beginning my quest for data science. I created a code in the notebook jupyter to work with CBOW and Skip-Gram and I need to plot a similarity graph. Many with whom I talked indicated me the…
-
1
votes1
answer52
viewsHow to do k-fold validation when I change the cut-off of the model?
When I report metrics from a machine-Learning model I always use k-fold validation. Here’s an example of implementation: import pandas as pd import numpy as np from sklearn.model_selection import…
-
1
votes0
answers52
viewsHelp with Precision in Machine Learning Sorting Algorithms
I am following a class where the teacher creates a code that will evaluate 7 different algorithms classificatory of Machine Learning and I tried to do in a more automated way so that this data…
-
0
votes2
answers106
viewsHow to separate similar images (Pyhton / Machine learning)
Objective: To separate images with the same characteristics of a folder with several images (Exp: photo1, photo2, photo3, photo4, photo5 >>> photo1.Copo1 photo2.Copo2 photo3.Copo3;…
-
0
votes1
answer449
viewsText mining with Scikit-Learn
I’m doing some research in the area of feeling analysis, so I’m running some tests on a text database to get results. I was looking for tutorials among other forms of information on the internet and…
-
0
votes1
answer188
viewsPREDICT error in Scikit-Earn
I recently started to learn a little about Machine Learning and grading, through a course at Alura. Well, I tried to perform the first exercise, but I couldn’t due to an error that I don’t know what…
-
0
votes3
answers583
viewsMachine Learning Python
I started in the course of Machine Learning and in exercise I’m having difficulty because it is returning me a silly error that I can not find the solution. from sklearn.model_selection import…
-
0
votes1
answer449
viewsText mining with Scikit-Learn
I’m doing some research in the area of feeling analysis, so I’m running some tests on a text database to get results. I was looking for tutorials among other forms of information on the internet and…
-
0
votes1
answer170
viewsDo you know any libraries for plotting python graphics besides Matplotlib?
I would like to try other types of tables. I want to make a classification using k-Means and looking for some with animation feature, without I need to make this animation in Mallorca.
python matplotlib machine-learning k-means clusterizationasked 5 years, 10 months ago Tiago Sardi 1 -
0
votes1
answer122
viewsKeras: Valueerror: Dimension 0 in Both shapes must be Equal (Vggnets)
I’m following a tutorial and loaded modelo VGGNet16 pre-trained using Keras vgg16_model = keras.applications.vgg16.VGG16() model = Sequential() for layer in vgg16_model.layers: model.add(layer)…
-
0
votes1
answer1460
viewsImport txt files with pandas
I’m starting in the area of machine Learning, following a website that suggested the following initial model: import pandas as pd from sklearn import linear_model import matplotlib.pyplot as plt…
-
0
votes0
answers57
viewsWhy Deep Learning technique are divided into three, known as CCN, DBN and Autoencoders?
I read in several review articles that deep leaning methods are divided into groups of Convolutional Networks, Boltzman Machines and Autoencoders. But none of these works justify why the division.…
-
0
votes1
answer590
viewsCode evaluation: Logistic regression with K fold validation. Is that correct?
The code below is an attempt to make a logistic regression with k fold cross validation. The idea is to take the confusion matrices generated in each fold and then generate an average confounding…
-
0
votes1
answer30
viewsUp to how many different levels can a classifier predict?
I was recently doing a machine learning model and I was wondering if I should use logistic regression. The documentation says that this classifier can predict binary values (0 or 1). In my case, I…
-
0
votes1
answer30
viewsUp to how many different levels can a classifier predict?
I was recently doing a machine learning model and I was wondering if I should use logistic regression. The documentation says that this classifier can predict binary values (0 or 1). In my case, I…
-
0
votes1
answer315
viewsHow to enter new data for prediction (text)?
I’m new to Python and new to Machine Learning. I built an algorithm so that it can be trained to sort texts. So you can predict in which category fits certain text. The training and the score are…
-
0
votes1
answer22
viewsHow to embedding sentences for NLP in Tensorflow?
I need to turn a phrase bank that I created myself into a suitable vector to use as training a neural network in Tensorflow. I have the following structure: I managed to separate the sentences into…
-
0
votes1
answer70
viewsValueerror in Kfold from Scikit-Earn: My dataset has two classes! What’s going on?
I tried to cross-validate with a logistic regression using the Scikit-Learn . Follows the code: kf = KFold(n_splits=5, random_state=None, shuffle=False) kf.get_n_splits(previsores) for train_index,…
-
0
votes0
answers10
viewsNeural Networks in Colab - Runtimeerror: CUDA error
I’m training a simple neural network for database classification Internet Firewall Data Data Set from the UCI Machine Learning site, but in the execution of the training occurs the following error…
-
0
votes1
answer16
viewsWhat is the difference between Kneighborsclassifier and Nearest Neighbors?
I know the concept of neighborhood algorithms but came across two implementations in the Sklearn library Nearestneighbors and K-Nearestneighbors, but I could not understand the difference, it is…
-
0
votes1
answer425
viewsX error has 2 Features per sample; expecting 3147
I’m trying to work with predictions, Machine Learning, but I’ve been having problems with prediction from the training saved, according to the following error: predict(file_name) File…
-
0
votes2
answers501
viewsI cannot install Tensorflow-GPU
I started learning about tensorflow recently and decide to trade for the GPU version, for being much faster, but I can’t, always gives the same error. Specs: I5-8400 GTX 1060 6GB Windows 10 Home 64x…