Trending questions in Machine Learning

0 votes
1 answer

What does dimensionality reduction mean?

Dimensionality reduction is used in Machine Learning ...READ MORE

Mar 3, 2022 in Machine Learning by Nandini
• 5,480 points
752 views
0 votes
0 answers

Difference between classification and regression, with SVMs

What is the exact difference between a ...READ MORE

Feb 28, 2022 in Machine Learning by Dev
• 6,000 points
867 views
0 votes
1 answer

What is the difference between supervised learning and unsupervised learning?

Supervised and unsupervised learning are two types ...READ MORE

Feb 22, 2022 in Machine Learning by Nandini
• 5,480 points
1,105 views
0 votes
1 answer

Is Genetic Algorithm a Machine Learning Method?

A pure Genetic Algorithm solution does not ...READ MORE

Feb 15, 2022 in Machine Learning by Dev
• 6,000 points
1,375 views
0 votes
1 answer

Getting one word as caption with zero probability using pretrained checkpoints for image captioning-im2txt

Under caption_generator.py change the following line as follow ...READ MORE

Feb 27, 2022 in Machine Learning by CoolCoder
• 4,420 points
844 views
0 votes
1 answer

What is the actual meaning implied by information gain in data mining?

Information gain works on the concept of ...READ MORE

Mar 2, 2022 in Machine Learning by Dev
• 6,000 points
686 views
0 votes
1 answer

Epoch vs Iteration when training neural networks

In the language of neural networks, this ...READ MORE

Feb 10, 2022 in Machine Learning by CoolCoder
• 4,420 points
1,506 views
0 votes
0 answers

Decision tree vs. Naive Bayes classifier

In which cases is it better to ...READ MORE

Feb 28, 2022 in Machine Learning by Dev
• 6,000 points
698 views
0 votes
1 answer

What is cross-entropy?

Cross-entropy is taken from the information theory ...READ MORE

Feb 23, 2022 in Machine Learning by Dev
• 6,000 points
784 views
0 votes
1 answer

What is the difference between Deep Learning and traditional Artificial Neural Network machine learning?

A large number of layers causes serious ...READ MORE

Feb 25, 2022 in Machine Learning by Dev
• 6,000 points
659 views
0 votes
1 answer

Machine Learning: Unsupervised Backpropagation

Backpropagation in unsupervised learning; probably the models ...READ MORE

Feb 23, 2022 in Machine Learning by Dev
• 6,000 points
744 views
0 votes
1 answer

Difference between classification and regression score in Python scikit learn

Classification Score is used for discrete values ...READ MORE

Feb 24, 2022 in Machine Learning by Nandini
• 5,480 points
693 views
0 votes
1 answer
0 votes
1 answer

Training and testing data in machine learning

Unsupervised learning is used with the K-means ...READ MORE

Feb 23, 2022 in Machine Learning by Dev
• 6,000 points
680 views
0 votes
1 answer

Hierarchical clustering of 1 million objects

Consider switching the algorithm instead of using ...READ MORE

Feb 24, 2022 in Machine Learning by Nandini
• 5,480 points
625 views
0 votes
0 answers

Limitations of Regression in Machine Learning?

what happens when you want to do ...READ MORE

Feb 28, 2022 in Machine Learning by Dev
• 6,000 points
430 views
0 votes
0 answers

Is k-Nearest Neighbors algorithm used a lot in real life?

the k-Nearest Neighbors is mentioned as one ...READ MORE

Feb 28, 2022 in Machine Learning by Dev
• 6,000 points
467 views
0 votes
1 answer

Which machine learning classifier to choose, in general?

Choice of Machine Learning Classifier depends upon ...READ MORE

Feb 21, 2022 in Machine Learning by Dev
• 6,000 points
706 views
0 votes
1 answer

A simple explanation of Naïve Bayes Classification

Naive Bayes Classification uses probability to classify ...READ MORE

Feb 22, 2022 in Machine Learning by Nandini
• 5,480 points
574 views
0 votes
0 answers

Expected 2D array, got 1D array instead: array=[].

from sklearn.linear_model import LinearRegression lin_reg = LinearRegression(normalize = ...READ MORE

Mar 5, 2022 in Machine Learning by Robel

edited Mar 4 10 views
0 votes
1 answer

What is the difference between linear regression and logistic regression?

Hi Dev, to answer your question Linear Regression ...READ MORE

Feb 2, 2022 in Machine Learning by Nandini
• 5,480 points
1,274 views
0 votes
1 answer

Hierarchical Clustering

K-means and Hierarchical clustering are both Clustering ...READ MORE

Feb 2, 2022 in Machine Learning by Nandini
• 5,480 points
847 views
0 votes
1 answer

Assumptions of Naïve Bayes and Logistic Regression

There are very few difference between Naive ...READ MORE

Feb 7, 2022 in Machine Learning by Nandini
• 5,480 points
574 views
0 votes
2 answers

valueerror: found input variables with inconsistent numbers of samples: [40, 10]

X_train, X_test, y_train, y_test = train_test_split( input ...READ MORE

Sep 29, 2021 in Machine Learning by SREEKANTH REDDY DADHIREDDY

edited Mar 5 15,373 views
+1 vote
1 answer

ValueError: could not convert string to float in Machine learning.

Hi@akhtar, You are trying to use constant variable ...READ MORE

Apr 14, 2020 in Machine Learning by MD
• 95,460 points
27,375 views
0 votes
1 answer

How to know if a problem is solvable by machine learning?

Transitioning from learning machine learning algorithms through ...READ MORE

Dec 13, 2023 in Machine Learning by anonymous
• 1,420 points
867 views
0 votes
0 answers

Error while using Random Forest.

I am using this script rf.partial.prob(x=rf.mod,pred.data=FOR, xname="Qmax",which.class ...READ MORE

Dec 1, 2021 in Machine Learning by Khan
• 120 points
608 views
0 votes
0 answers

How to find all latest java files.

I need all the latest java packages ...READ MORE

Dec 1, 2021 in Machine Learning by anonymous
• 120 points
439 views
0 votes
2 answers

ModuleNotFoundError: No module named 'tensorflow'

If you are using Anaconda, go to ...READ MORE

Nov 17, 2020 in Machine Learning by Vignesh

edited Aug 11, 2021 by Soumya 17,796 views
0 votes
0 answers

Unable to import tensorflow , getting the error mentioned in the image

I'm trying to import the below packages ...READ MORE

Sep 15, 2021 in Machine Learning by Dhanush

edited Mar 4 16 views
0 votes
0 answers

I am trying to create one Machine Learning model using LinearRegression model, but I am getting the below error.

 training data (input and output) for Measuring temperature using crickets x_train =[44.000,46.400,43.600,35.000,35.000,32.600,28.900,27.700,25.500,20.375,12.500,37.000,37.500,36.500,36.200] #Cricket Chirp per 1 y_train =[80.500,78.500,78.000,73.500,70.500,68.000,66.000,65.000,61.500,57.000,55.000,76.250,74.000,74.000,72.500]  # Temp in F  Training based on training data (input and output) for Measuring temperature using crickets x=x_train y=y_train opt = np.polyfit(x, y, 1) y_pred = int(opt[0]) * x + opt[1] opt_rmse = math.sqrt(metrics.mean_squared_error(y_pred, y)) slope = opt[0] bias = opt[1] #print("y_pred", y_pred, "y ", y) print("Optimal Training RMSE =", opt_rmse, "for solution", opt) the error is ValueError: Found input variables with ...READ MORE

Sep 2, 2021 in Machine Learning by anonymous

edited Mar 4 24 views
0 votes
0 answers

How do I solve this error from my code? KeyError: "['Date' 'Adj Close'] not found in axis"

#import libraries: import numpy as np import streamlit as ...READ MORE

Aug 26, 2021 in Machine Learning by anonymous

edited Mar 4 19 views
0 votes
1 answer

AttributeError: module 'sklearn' has no attribute 'LinearRegresion'

Hi@akhtar, You need to import the LinearRegression module ...READ MORE

Oct 15, 2020 in Machine Learning by MD
• 95,460 points
11,474 views
0 votes
1 answer

What is h5 model in Keras?

Hi@akhtar, H5 is a file format to store ...READ MORE

Jul 14, 2020 in Machine Learning by MD
• 95,460 points
14,894 views
0 votes
0 answers

classification report

Hi, I execute the decision tree algorithm ...READ MORE

Jun 16, 2021 in Machine Learning by anonymous

edited Mar 4 12 views
0 votes
0 answers

KNN on breast cancer

Hi, I am performing a KNN classifier ...READ MORE

Jun 16, 2021 in Machine Learning by anonymous

edited Mar 4 12 views
0 votes
0 answers

NameError: name '_train' is not defined

Mar 30, 2020 in Machine Learning by anonymous
• 120 points
3,148 views
0 votes
1 answer

ModuleNotFoundError: No module named 'cPickle'

Hi@akhtar, There is no cPickle module in Python 3. ...READ MORE

Jul 14, 2020 in Machine Learning by MD
• 95,460 points
14,042 views
+1 vote
1 answer

TypeError: A sparse matrix was passed, but dense data is required. Use X.toarray() to convert to a dense numpy array.

Hi, There is a problem with your X ...READ MORE

Dec 16, 2020 in Machine Learning by MD
• 95,460 points
7,177 views
0 votes
1 answer

ValueError: Expected 2D array, got 1D array instead: array=[2 4 7 9].

Hi@akhtar, According to your code, you are trying ...READ MORE

Apr 9, 2020 in Machine Learning by MD
• 95,460 points
17,200 views
0 votes
1 answer

AttributeError: module 'cv2.cv2' has no attribute 'face_LBPHFaceRecognizer'

Hi@MD, LBPHFaceRecognizer module comes from a package named ...READ MORE

Apr 20, 2020 in Machine Learning by akhtar
• 38,260 points
16,412 views
0 votes
1 answer

AttributeError: module 'tensorflow' has no attribute 'log'

Use tf.math.log READ MORE

Apr 23, 2021 in Machine Learning by Vipulnath

edited Mar 5 6,598 views
0 votes
0 answers

Even though I have installed tensorflow, the error is showing to install it

This is the pip list. I have ...READ MORE

Apr 12, 2021 in Machine Learning by Jeevan

edited Mar 4 14 views
0 votes
0 answers

I can not install Tensor Flow. DLL Error 3221225501 tensorflow internal

I have a Windows 7 i5 core ...READ MORE

Apr 3, 2021 in Machine Learning by Shilpa

edited Mar 4 23 views
0 votes
0 answers
0 votes
1 answer

ValueError: Found input variables with inconsistent numbers of samples: [2, 515738].

Hi, You are asking your query in the ...READ MORE

Dec 15, 2020 in Machine Learning by MD
• 95,460 points
3,951 views
0 votes
1 answer

OpenCV Error: Assertion failed (size.width>0 && size.height>0)

Hi@akhtar, You are getting this error, because your ...READ MORE

Apr 20, 2020 in Machine Learning by MD
• 95,460 points
14,120 views
0 votes
1 answer

ValueError: Unknown label type: (array([ 7.5, 9.2, 9.2, ..., 5.8, 10. , 9.6]),)

Hi, There is a problem with your steps. ...READ MORE

Dec 16, 2020 in Machine Learning by MD
• 95,460 points
3,508 views
0 votes
1 answer

Found input variables with inconsistent numbers of samples: [30, 120]

Hi@Kinjal, There is a problem with your X ...READ MORE

Dec 21, 2020 in Machine Learning by MD
• 95,460 points
3,207 views
+1 vote
0 answers

Stock Prediction using previous data

Hello, I had followed one of the ...READ MORE

Jan 2, 2021 in Machine Learning by liamliu
• 130 points
1,276 views