I have an sklearn pipeline consisting of a TfidfVectorizer and a SGDClassifier(loss='log'), fitted on a multi-label training dataset. When I then use ELI5 explain_prediction on a sample (using the vectorizer and classifier from pipeline), I get different probabilities than when I use pipeline.predict_proba on the same sample. Why is this?
Why do ELI5 probabilities differ from predict_proba
180 Views Asked by Dennis At
0
There are 0 best solutions below
Related Questions in SCIKIT-LEARN
- How to use meshgrid with large arrays in Matplotlib?
- Enforcing that inputs sum to 1 and are contained in the unit interval in scikit-learn
- scikit-learn preperation
- Python KNeighborsClassifier
- How to interpret scikit's learn confusion matrix and classification report?
- svmlight / libsvm format
- Scikit-learn: overriding a class method in a classifier
- Memory Error with Classifier fit and partial_fit
- Difference between weka tool's correlation coefficient and scikit learn's coefficient of determination score
- Peak fitting with gaussian mixure model (Scikit); how to sample from a discrete pdf?
- sklearn LDA unique labels issue
- Break up Random forest classification fit into pieces in python?
- How to reuse pickled objects in python?
- Scikit Learn Multilabel Classification Using Out Of Core
- Scikit-learn Random Forest taking up too much memory
Related Questions in LOGISTIC-REGRESSION
- Building a logistic trend surface in R
- Error when making a parallel, binary (logistic) regression for a Sparse matrix with glmnet
- 'Unexpected result from lpSolveAPI for primal test' error for Logistic Regression
- logistic regression with caret and glmnet in R
- Logistic regression on huge dataset
- Plot ROC curve of predictive model after internal validation with bootstrap method?
- How to adjust scaled scikit-learn Logicistic Regression coeffs to score a non-scaled dataset?
- Can scikit-learn's LogisticRegression() automatically normalize input data to z-scores?
- Extracting predictor names when one predictor present in regression R
- Find selected features by RandomizedLogisticRegression
- Instrumental variable in logistics regression in R (ivreg in AER)
- Logistic Regression in python using Logit() and fit()
- Pipeline giving different answer in sklearn python
- Python statsmodels logit wald test input
- Wouldn't setting the first derivative of Cost function J to 0 gives the exact Theta values that minimize the cost?
Related Questions in MULTILABEL-CLASSIFICATION
- Interpretation of Java-ML results for multi-class classification
- Scikit Learn Multilabel Classification Using Out Of Core
- Which classifiers provide weight vector?
- how to use SIFT features for bag of words in opencv?
- ConvNet : Validation Loss not strongly decreasing but accuracy is improving
- exporting weights and parameters from matlab to c++
- Multiclass vs Multilabel
- Multi-label Text classification with Keras/Theano and LSTM
- Spark is creating too many threads when reading ML model
- Keras multi-label
- Create train and test variables from loaded arff file
- Variable size multi-label candidate sampling in tensorflow?
- Python based multi-label Classification
- Unsupervised Classification: Assign classes to to data
- How to build classifier chain where each binary classifier is a Keras's neural network?
Related Questions in TFIDFVECTORIZER
- How can i solve my tf-idf vocabulary error?
- Why do ELI5 probabilities differ from predict_proba
- Re-calculate similarity matrix given new documents
- How to correctly inverse_transform TFIDF vectorizer
- Feeding my classifier one document at a time
- I do not understand the working of tfidfvectorizer of sckit-learn
- How does TfidfVectorizer calculate the TF-IDF number for each word?
- Why do I keep getting the "AttributeError: lower not found" error when using a Vectorizer command?
- How to extract calculations using tf-idf
- sklearn TfidfVectorizer does't eliminate common words
- Is there an advantage in using a word2vec model as a feature extractor for text clustering?
- 'list' object has no attribute 'lower''list' object has no attribute 'lower' in TfidfVectorizer
- Issue while deploying an model locally
- sklearn.pipeline.Pipeline: Fitting CountVectorizer in different corpus than training text
- Analyzer ignoring certain word when used in Sklearn Tfidf
Related Questions in ELI5
- Why do ELI5 probabilities differ from predict_proba
- I cannot use "PermutationImportance"
- Explainable AI (XAI) : Permutation Importance
- AttributeError: module 'jinja2.ext' has no attribute 'with_'
- Using eli5.show_prediction() - NLP Logistic Regression (scikitlearn) - X has 1 features per sample; expecting 13791
- eli5.permutation_importance get_score_importances crashes Google Colab session
- TypeError when trying to explain weights of XGBoost Classifier
- How to explain text clustering result by feature importance? (DBSCAN)
- Eli5.Sklearn PermutationImportance() -- TypeError: check_cv() takes from 0 to 2 positional arguments but 3 were given
- Eli5: AttributeError: 'HTML' object has no attribute 'highlight_spaces'
- How to get feature names from ELI5 when transformer includes an embedded pipeline
- Python render eli5 explanation to image
- eli5 explain_weights_xgboost KeyError: 'bias'
- Problem with XGboost Classification & eli5 package
- How to correctly use model explainer with unseen data?
Trending Questions
- UIImageView Frame Doesn't Reflect Constraints
- Is it possible to use adb commands to click on a view by finding its ID?
- How to create a new web character symbol recognizable by html/javascript?
- Why isn't my CSS3 animation smooth in Google Chrome (but very smooth on other browsers)?
- Heap Gives Page Fault
- Connect ffmpeg to Visual Studio 2008
- Both Object- and ValueAnimator jumps when Duration is set above API LvL 24
- How to avoid default initialization of objects in std::vector?
- second argument of the command line arguments in a format other than char** argv or char* argv[]
- How to improve efficiency of algorithm which generates next lexicographic permutation?
- Navigating to the another actvity app getting crash in android
- How to read the particular message format in android and store in sqlite database?
- Resetting inventory status after order is cancelled
- Efficiently compute powers of X in SSE/AVX
- Insert into an external database using ajax and php : POST 500 (Internal Server Error)
Popular Questions
- How do I undo the most recent local commits in Git?
- How can I remove a specific item from an array in JavaScript?
- How do I delete a Git branch locally and remotely?
- Find all files containing a specific text (string) on Linux?
- How do I revert a Git repository to a previous commit?
- How do I create an HTML button that acts like a link?
- How do I check out a remote Git branch?
- How do I force "git pull" to overwrite local files?
- How do I list all files of a directory?
- How to check whether a string contains a substring in JavaScript?
- How do I redirect to another webpage?
- How can I iterate over rows in a Pandas DataFrame?
- How do I convert a String to an int in Java?
- Does Python have a string 'contains' substring method?
- How do I check if a string contains a specific word?