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
182 Views Asked by Dennis At
0
There are 0 best solutions below
Related Questions in SCIKIT-LEARN
- How to transfer object dataframe in sklearn.ensemble methods
- Calculating explained_variance_score, result are different between manual method and function calling
- Scikit-Learn Permutating and Updating Polars DataFrame
- Train and test split in such a way that each name and proportion of tartget class is present in both train and test
- How to transform Dataframe Mapper to PMML?
- ValueError: The feature names should match those that were passed during fit
- How to plot OvO precision recall curve for a multi-class classifier?
- Error when evaluating models: Classification metrics can't handle a mix of binary and continuous targets
- my code always give convergencewarning for every iteration(even 1) please give a solution to that
- Remove empty outputs from scikit-learn KDtree.query_radius() and get unique values
- Grouping Multiple Rows of Data For Use In scikit-learn Random Forest Machine Learning Model
- I am trying to build an AI image classifier in Python using a youtube guide. When I run my program (unfinished) it does not open up the image
- Calling MinMaxScaler differs between same sets
- Compute scores for all point used to train KernelDensity
- How to quantify the consistency of a sequence of predictions, incl. prediction confidence, using standard function from sklearn or a similar library
Related Questions in LOGISTIC-REGRESSION
- Error in eval(predvars, data, env) : object 'Juice_practice' not found when running binary logistic regression in r
- Limited Number of Beta Coefficients for 1000 predictors using glm() in R
- Non-numeric argument to binary operator, despite values being numeric
- fasttext embeddings in order to do logistic regression
- Generalized mixed effect logistic regression model and strange p values (maybe separation of data)?
- Predicting if a customer will do something at a specific time based on previous history
- How do I convert a character string to hms in R? (including hms above 24 hours)
- How to fix the problem "operands could not be broadcast together with shapes" on get_margeff in statsmodels with dummy=True?
- logistic regression implementation - loss is not converging and poor model results
- Printf changes the outcome the program
- Logistic Lasso on large gene dataset specifically through the Knockoff package in R
- Regressions performed by hand
- Logistic Regression - AttributeError: 'tuple' object has no attribute 'fit'
- ImportError: cannot import name '_gb_losses' from 'sklearn.ensemble' ; Error deploying ML python webapp to streamlit community cloud
- why is e used so much in the NN?
Related Questions in MULTILABEL-CLASSIFICATION
- Why is my mutli-label text classification low accuracy?
- Voting classifier doesnt allow multi class
- How to adapt sklearn.semi_supervised.SelfTrainingClassifier() to train a semi-supervised model of multi-label dataset?
- Designing Loss Function for Multi-Label Classification Problem with Fixed Number of Labels
- All Multi-Label Classification Models giving zero accuracy
- Transforming Y-label to perform Multi-Label Classification
- callbacks in sklearn.multiclass.OneVsRestClassifier
- How to do (Multi-class or Multi-label) node Classification in Graph Neural Network?
- Prepare a dataset for multilabel ViTForImageClassification
- Multi-Output ResNet Model in Keras: Issue with Loss Dictionary and Training
- Loading Multi-Label Image Dataset with Tensorflow
- Multilabel image classification using Convolutional Neural Network
- VotingRegressor with MultiOutputRegressor (Python, SKLearn)
- Why the value of accuracy is the exact same every epoch while training a sentiment analysis model?
- MLFlow recipe for multi-label classification
Related Questions in TFIDFVECTORIZER
- How to modify features of tfidfvectorizer from English to Spanish
- How to select text data based on benchmark using TF-IDF weighted Jaccard similarity?
- How does TfidfVectorizer calculate the TF-IDF number for each word?
- I do not understand the working of tfidfvectorizer of sckit-learn
- How to extract calculations using tf-idf
- Why do I keep getting the "AttributeError: lower not found" error when using a Vectorizer command?
- Feeding my classifier one document at a time
- How to take the weighted average of fast-text embedding using TF-IDF as weights of each word
- Getting a Value error : Found input variables with inconsistent numbers of samples:
- Concatenating Dataframes and if there is an 'in place' TfidfVectorizer
- to shown output 10 fold confusion matrix
- Why does this tf-idf model give 0 similarity?
- Ngram creation by removing words which are not present in LM model vectors for TfIdfVectorizer
- why TFIDF is not giving correct output?
- Incompatible dimension error if input one data row for tfidfvectorizer
Related Questions in ELI5
- Explainable AI (XAI) : Permutation Importance
- Python render eli5 explanation to image
- eli5 output score explained using gain?
- Issue with importing TextExplainer from eli5.lime package relating to deprecated 'itemfreq' function
- eli5 and SHAP for interpreting XGBoost results
- ModuleNotFoundError: No module named 'sklearn.metrics.scorer'
- Eli5: AttributeError: 'HTML' object has no attribute 'highlight_spaces'
- AttributeError: module 'jinja2.ext' has no attribute 'with_'
- Eli5.Sklearn PermutationImportance() -- TypeError: check_cv() takes from 0 to 2 positional arguments but 3 were given
- ELI5 package yielding all positive weights for XGBoost feature importance
- TypeError when trying to explain weights of XGBoost Classifier
- eli5.permutation_importance get_score_importances crashes Google Colab session
- Using eli5.show_prediction() - NLP Logistic Regression (scikitlearn) - X has 1 features per sample; expecting 13791
- How to correctly use model explainer with unseen data?
- eli5 show_prediction shows only feature weights and not example prediction
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 # Hahtags
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?