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
1 answer

LSTMStateTuple vs cell.zero_state() for RNN in Tensorflow

I am confused on what is the correct way to use the initial state tensor in Tensorflow for RNNs. There is almost a 50/50 split between turtorials that either use LSTMStateTuple or cell.zero_state. Are the two the same? If so, why are there two…
user3139545
  • 6,882
  • 13
  • 44
  • 87
12
votes
3 answers

How to overwrite Spark ML model in PySpark?

from pyspark.ml.regression import RandomForestRegressionModel rf = RandomForestRegressor(labelCol="label",featuresCol="features", numTrees=5, maxDepth=10, seed=42) rf_model = rf.fit(train_df) rf_model_path = "./hdfsData/" +…
12
votes
4 answers

Regression Tests on Arbitrary Number Sequences

I am trying to come up with a method to regression test number sequences. My system under tests produces a large amount of numbers for each system version (e. g. height, width, depth, etc.). These numbers vary from version to version in an unknown…
Alfe
  • 56,346
  • 20
  • 107
  • 159
12
votes
2 answers

Debugging a Neural Network

TLDR I have been trying to fit a simple neural network on MNIST, and it works for a small debugging setup, but when I bring it over to a subset of MNIST, it trains super fast and the gradient is close to 0 very quickly, but then it outputs the same…
12
votes
3 answers

How can I get biases from a trained model in Keras?

I have built a simple neural network, model = Sequential() model.add(Dense(20, input_dim=5, activation='sigmoid')) model.add(Dense(1, activation='sigmoid')) and I would get its weights by: summary = model.summary() W_Input_Hidden =…
Simone
  • 4,800
  • 12
  • 30
  • 46
12
votes
2 answers

What does -1 in numpy reshape mean?

I have a numpy array (A) of shape = (100000, 28, 28) I reshape it using A.reshape(-1, 28x28) This is very common use in Machine learning pipelines. How does this work ? I have never understood the meaning of '-1' in reshape. An exact question is…
Anuj Gupta
  • 6,328
  • 7
  • 36
  • 55
12
votes
1 answer

Wit.ai recognizes numbers as location

We are facing the issue that wit.ai recognizes almost every number as a location. Sometimes even as a DateTime, but almost never as a number. We tried to teach it that 1 is a number, 2 is a number, etc., but it doesn't seem to pick that up, see the…
larsbeck
  • 665
  • 2
  • 7
  • 11
12
votes
2 answers

LSTM RNN Backpropagation

Could someone give a clear explanation of backpropagation for LSTM RNNs? This is the type structure I am working with. My question is not posed at what is back propagation, I understand it is a reverse order method of calculating the error of the…
12
votes
2 answers

Spark ML - MulticlassClassificationEvaluator - can we get precision/recall by each class label?

I am doing a multiclass prediction with random forest in Spark ML. For this MulticlassClassificationEvaluator() in spark ML, is it possible to get precision/recall by each class labels? Currently, I am only seeing precision/recall combined for all…
12
votes
1 answer

How to set custom stop words for sklearn CountVectorizer?

I'm trying to run LDA (Latent Dirichlet Allocation) on a non-English text dataset. From sklearn's tutorial, there's this part where you count term frequency of the words to feed into the LDA: tf_vectorizer = CountVectorizer(max_df=0.95, min_df=2, …
troll
  • 287
  • 1
  • 4
  • 11
12
votes
1 answer

Drawing decision boundaries in R

I've got a series of modelled class labels from the knn function. I've got a data frame with basic numeric training data, and another data frame for test data. How would I go about drawing a decision boundary for the returned values from the knn…
Dan
  • 1,163
  • 3
  • 14
  • 28
12
votes
3 answers

Shut down server in TensorFlow

When we want to use distributed TensorFlow, we will create a parameter server using tf.train.Server.join() However, I can't find any way to shut down the server except killing the processing. The TensorFlow documentation for join() is Blocks until…
fois
  • 472
  • 5
  • 14
12
votes
2 answers

TensorFlow: getting all states from a RNN

How do you get all the hidden states from tf.nn.rnn() or tf.nn.dynamic_rnn() in TensorFlow? The API only gives me the final state. The first alternative would be to write a loop when building a model that operates directly on RNNCell. However, the…
12
votes
3 answers

What is vector in terms of machine learning

I want to understand what is a vector in terms of machine learning. I looked into the below 2 links: https://en.wikipedia.org/wiki/Support_vector_machine https://en.wikipedia.org/wiki/Feature_vector. I couldn't understand it fully. Can someone…
subho
  • 491
  • 1
  • 4
  • 13
12
votes
3 answers

Edit tensorflow inceptionV3 retraining-example.py for multiple classificiations

TLDR: Cannot figure out how to use retrained inceptionV3 for multiple image predictions. Hello kind people :) I've spent a few days searching many stackoverflow posts and the documentation, but I could not find an answer to this question. Would…
Wboy
  • 2,452
  • 2
  • 24
  • 45
1 2 3
99
100