Questions tagged [machine-learning]

Implementation questions about machine learning algorithms. General questions about machine learning (concepts, theory, methodology, terminology, etc.) should be posted to their specific communities.

Machine learning revolves around developing self-learning computer algorithms that function by virtue of discovering patterns in data and making intelligent decisions based on such patterns.

Machine learning is a subfield of computer science that evolved from the study of pattern recognition and computational learning theory in artificial intelligence. Machine learning explores the construction and study of algorithms that can learn from and make predictions about data. Such algorithms operate by building a model from example inputs in order to make data-driven predictions or decisions rather than following strictly static program instructions.

NOTE: If you want to use this tag for a question not directly concerning implementation, then consider posting on Cross Validated, Data Science, or Artificial Intelligence instead; otherwise you're probably off-topic. Please choose one site only and do not cross-post to more than one - see Is cross-posting a question on multiple Stack Exchange sites permitted if the question is on-topic for each site? (tl;dr: no).

Classic Problems:

Relevant Algorithms:

Applications:

Software:

Related-tags:

Video Lectures:-

55241 questions
12
votes
3 answers

Agile: User Stories for Machine Learning Project?

I've just finished up with a prototype implementation of a supervised learning algorithm, automatically assigning categorical tags to all the items in our company database (roughly 5 million items). The results look good, and I've been given the…
benjismith
  • 16,559
  • 9
  • 57
  • 80
12
votes
1 answer

Getting reproducible results using tensorflow-gpu

Working on a project using Tensorflow. However, I can't seem to reproduce my results. I have tried setting the graph level seed, numpy random seed and even operation level seeds. However, it still not reproducible. On searching Google, most people…
uchman21
  • 678
  • 3
  • 6
  • 22
12
votes
1 answer

Implementing im2col in TensorFlow

I wish to implement an operation similar to 2D convolution in TensorFlow. As per my understanding, the most common approach to implementing convolution is by first applying an im2col operation to the image (see here - subsection "Implementation as…
12
votes
1 answer

how to give the test size in stratified kfold sampling in python?

Using sklearn , I want to have 3 splits (i.e. n_splits = 3)in the sample dataset and have a Train/Test ratio as 70:30. I'm able split the set into 3 folds but not able to define the test size (similar to train_test_split method).Is there a way to do…
raul
  • 631
  • 2
  • 10
  • 23
12
votes
2 answers

Tensorflow Object Detection API

I decided to take a dip into ML and with a lot of trial and error was able to create a model using TS' inception. To take this a step further, I want to use their Object Detection API. But their input preparation instructions, references the use of…
eshirima
  • 3,837
  • 5
  • 37
  • 61
12
votes
2 answers

shape Detection - TensorFlow

I'm trying to train a model to detect the basic shapes like Circle, Square, Rectangle, etc. using Tensorflow. What would be the best input data set? To load the shapes directly or to find the edge of the image using OpenCV and load only the edge…
OpenCV User
  • 139
  • 1
  • 1
  • 8
12
votes
2 answers

Why am i getting AttributeError: 'KerasClassifier' object has no attribute 'model'?

This is the code and I'm getting the error in the last line only which is y_pred = classifier.predict(X_test). The error I'm getting is AttributeError: 'KerasClassifier' object has no attribute 'model' # Importing the libraries import numpy as…
Vijay
  • 320
  • 2
  • 3
  • 12
12
votes
2 answers

What does it mean when train and validation loss diverge from epoch 1?

I was recently working on a deep learning model in Keras and it gave me very perplexing results. The model is capable of mastering the training data over time, but it consistently gets worse results on the validation data. I know that if the…
Bren077s
  • 152
  • 1
  • 2
  • 8
12
votes
3 answers

Using Reinforcement Learning for Classfication Problems

Can I use reinforcement learning on classification? Such as human activity recognition? And how?
Chaine
  • 1,368
  • 4
  • 18
  • 37
12
votes
1 answer

Pandas DataFrame RangeIndex

I have created a Pandas DataFrame. I need to create a RangeIndex for the DataFrame that corresponds to the frame - RangeIndex(start=0, stop=x, step=y) - where x and y relate to my DataFrame. I've not seen an example of how to do this - is there a…
MaxRussell
  • 518
  • 1
  • 11
  • 25
12
votes
1 answer

Why does TensorFlow's documentation call a softmax's input "logits"?

TensorFlow calls each of the inputs to a softmax a logit. They go on to define the softmax's inputs/logits as: "Unscaled log probabilities." Wikipedia and other sources say that a logit is the log of the odds, and the inverse of the sigmoid/logistic…
12
votes
4 answers

What is the difference between tf.estimator.Estimator and tf.contrib.learn.Estimator in TensorFlow

Some months ago, I used the tf.contrib.learn.DNNRegressor API from TensorFlow, which I found very convenient to use. I didn't keep up with the development of TensorFlow the last few months. Now I have a project where I want to use a Regressor again,…
Morpheus1822
  • 121
  • 1
  • 4
12
votes
3 answers

NotFittedError: TfidfVectorizer - Vocabulary wasn't fitted

I am trying to build a sentiment analyzer using scikit-learn/pandas. Building and evaluating the model works, but attempting to classify new sample text does not. My code: import csv import pandas as pd import numpy as np from…
killer_manatee
  • 395
  • 1
  • 5
  • 19
12
votes
1 answer

How to calculate Cohen's kappa coefficient that measures inter-rater agreement ? ( movie review )

I am using scikit learn and tackle the exercise of predicting movie review rating. I have read on Cohen's kappa ( i Frankly to not understand it fully ), and it's usefulness as a metric of comparison between Observed and Expected accuracy. I have…
GuidoKaz
  • 195
  • 1
  • 2
  • 11
12
votes
4 answers

Mnist recognition using keras

How can I train the model to recognize five numbers in one picture. The code is as follows: from keras.layers import Conv2D from keras.layers import MaxPooling2D from keras.layers import Flatten from keras.layers import Dropout, Dense, Input from…
1 2 3
99
100