Logistic regression is a statistical classification model used for making categorical predictions.

learn more… | top users | synonyms

3
votes
0answers
671 views

Logistic Regression\SVM implementation in Mahout

I am currently working on sentimental analysis of twitter data for one of telecom company data.I am loading the data into HDFS and using Mahout's Naive Bayes Classifier for predicting the sentiments ...
2
votes
0answers
28 views

Creating a sklearn.linear_model.LogisticRegression instance from existing coefficients

Can one create such an instance based on existing coefficients which were calculated say in a different implementation (e.g. Java)? I tried creating an instance then setting coef_ and intercept_ ...
2
votes
0answers
38 views

Scipy - A better way to avoid manually loop when matrix is sparse

Logistic regression's objective function is and the gradient is where w is a scipy's csr sparse matrix with dim n-by-1. My question is, when I have one scipy's csr sparse matrix and one numpy ...
2
votes
0answers
34 views

Implementing a regression function on a multidimensional array

I'm going through an algorithm that does regression on some training data. The training dataset X consists of n samples, where n = 10. Each sample x[i] from X is an array consisting of, say, 4 ...
1
vote
0answers
6 views

slow logistic regression performance in accord.net

Logistic Regression using Accord.net (http://accord-framework.net/docs/html/T_Accord_Statistics_Analysis_LogisticRegressionAnalysis.htm) takes about 5 mins compute. SAS does it in a few seconds (using ...
1
vote
0answers
78 views

sklearn setting learning rate of SGDClassifier vs LogsticRegression

As in sklearn, LogisticRegression(short for LR) has not direct method for solving weighted LR, so i pass to SGDClassifier(SGD). As with my experiment: i generate data follow LR distribution with ...
1
vote
0answers
47 views

Error with Simple Logistic Regression in Python

import numpy as np import matplotlib.pyplot as plt class Logistic_Regression(object): def __init__(self, input): self.data = np.loadtxt(input, delimiter=',') self.x = ...
1
vote
0answers
36 views

R penalized fails with Lapack dtrtrs matrix inversion error

In trying to run optL1 from the R penalized package, with the logistic model: optL1(OS_event_ID, sdf, data=sdf, model='logistic', standardize=TRUE, fold=10) ... I am then encountered with an error ...
1
vote
0answers
36 views

No zeros predicted from zeroinfl object in R?

I created a zero inflated negative binomial model and want to investigate how many of the zeros were partitioned out to sampling or structural zeros. How do I implement this in R. The example code on ...
1
vote
0answers
116 views

Strange error with multinomial logit regression in R

I tried to do multinomial logit regression in R. I used the following command: fit <- glmnet(xdata, newdata2$state, family="multinomial" ) but I got this error: Error: from glmnet Fortran code ...
1
vote
0answers
67 views

Coding segmented regression terms in a two part (hurdle) regression model

I am using a two-part or hurdle model to model the probability of flight given a set of covariates (hurdle part) and another set of coavriates to model the negative binomial part of the model. First ...
1
vote
0answers
78 views

Rmpi for conditional logisitc regression (clogit and coxph) using R

I'm trying to run a conditional logistic regression in a computing center with mulitple nodes to evaluate a big dataset of 969 million rows. But the calculation cancels because the job exceeds the ...
0
votes
0answers
5 views

Dealing with missing values (NA) for backward selection for multivariate logistic regression in R (3.1.1)

I am trying to do backward selection on a multivariate logistic regression. This was my original code with which I faced the issue : "Error in step(m, direction = "backward") : number of rows in ...
0
votes
0answers
31 views

Logistic regression object consuming an enormous amount of disk space in R

All, I've declined to produce sample code because so far I have been unable to replicate this example on a smaller data set. I am training several logistic regressions (50 in this example) using ...
0
votes
0answers
24 views

Logistic regression with gradient descent resulting different outcome for different dataset

I am trying logistic regression using gradient descent with two data set, I get different result for each of them. Dataset1 Input X= 1 2 3 1 4 6 1 7 3 1 5 5 1 5 4 1 ...
0
votes
0answers
9 views

How to program grouped errors in the “ordinal” package for cumulative probit regression?

I am looking for a way to group errors around individuals in a cumulative logit/probit regression. My data stem from a survey in which individuals rate different scenarios and my focal explanatory ...
0
votes
0answers
12 views

Where and how to download and install PyROC

I'm new to machine learning and am trying to plot a ROC to determine the sensitivity and specificity of my logistic regression. I understand that Python has built-in modules with PyROC to facilitate ...
0
votes
0answers
18 views

How to manually score multinomial regression data in SAS?

suppose I ran a multinomial logistic regression in SAS..there are 3 levels of the dependant variable... Suppose I have a model with estimates for some significant variables.. How do I manually score ...
0
votes
0answers
10 views

logistic regression taking two variables from the same factor

I'm currently trying to run a logistic regression model to model the probability of draws in sport. My data contains the home team, away team and a binary variable indicating whether their match was a ...
0
votes
0answers
19 views

Bayesglm ambiguous error message

Actually, the error message is pretty clear, but I have difficulty interpreting why I'm getting this error, and how I should fix it. Here's the code: library(arm) PriorMean <- c(0.07141, 0.1484, ...
0
votes
0answers
31 views

Weka Logistic Regression Output (Gender)

I'm running logistc regression in Weka against a dataset which contains an attribute "Gender" whose members can be {Male,Female}. I understand the other cofficients in the output, but what does it ...
0
votes
0answers
35 views

error… 'a' must be a complex matrix

I have a binary dataset of patients' residence, by Census Geographic Division. library(car) df <- structure(list(GeoDiv1 = c(0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 1), GeoDiv2 ...
0
votes
0answers
37 views

Accounting for temporal correlation in GLMM

I am trying to account for autocorrelation in a GLMM. My response variable is boolean, it represents the presence and absence of a en event in the life cycle of a set of bee nests. I am trying to ...
0
votes
0answers
10 views

Distribution used in gbm

My question is a little more generic and not specific to a technique per se. First- What is the difference between GBM & Random forest and which 1 is better? Second- When i try to run GBM using ...
0
votes
0answers
60 views

Ordinal independent variables for logistic regression in R using ordered() function

I'm doing binary logistic regression in R, and some of the independent variables represent ordinal data. I just want to make sure I'm doing it correctly. In the example below, I created sample data ...
0
votes
0answers
31 views

mediation analysis when mediator is categorical (SPSS)

I want to do a mediation analysis, with the following variables: X: Independent variable: Categorical (2 levels) M: Mediator: Categorical (5 levels) Y: Dependent variable: Continuous Following ...
0
votes
0answers
33 views

How can I split R GLM coeffcient name into column and level name?

I want to use the output from my R GLM code to score datasets that are too large to fit into memory. My data is both continuous and categorical so I have a subset of columns (independent variables) ...
0
votes
0answers
5 views

How to create a logistic regression package in R with mixed variables?

Also help we with developing GUI in R for logistic regression?The program should take user input and if it could be interactive ?
0
votes
0answers
6 views

Logistic regression understanding variable nature

I have 2 categorically dependent variables in logistic regression which individually both give positive estimates against the response. However if modeled together one give positive and other give ...
0
votes
0answers
4 views

How to get the intercept value(B0) in logistic regression built using SSAS?

In logsitic regression, we know that the score assigned to a record is obtained from the formula, P=exp(Y)/(1+exp(Y)) where Y=B0+(B1*X1)+(B2*X2)+(B3*X3)+...+(Bn*Xn). How to get B0 value when the model ...
0
votes
0answers
35 views

Can “glmfit” be used for logistic regression as a classification type

"glmfit" is a command provided by matlab. Can "glmfit" be used for logistic regression as a classification problem? I am getting this doubt because it is mentioned in this link ...
0
votes
0answers
42 views

How to classify with multinomial logistic regression in R

I want to fit a multinomial logistic regression model in R and use it for classification. In all sources I see people use the logit models for calculating the probabilities, but I want the model to ...
0
votes
0answers
43 views

Selecting threshold for a model with binary class labels in python

Usecase : Selecting the "optimal threshold" for a Logistic model built with statsmodel's Logit to predict say, binary classes (or multinomial, but integer classes) To select your threshold for a ...
0
votes
0answers
61 views

Learning an ensemble model for “multiple runs” of logistic regression on very large data-set using islice

I have a data-set(.gz) of upwards of 30 million cross-section user records, and I intend to use most of the data for train , test & cross validation cycle. assuming I use the iterator, islice as ...
0
votes
0answers
57 views

how to improve accuracy of the following logistic regression code, which tests the accuracy using 10-fold cross-validation tchnique

how to improve accuracy of the following logistic regression code, which tests the accuracy using 10-fold cross-validation technique.I have implemented this code using "glmfit" and "glmval". The ...
0
votes
0answers
194 views

Gradient Boosting using gbm in R with distribution = “bernoulli”

I am using gbm package in R and applying the 'bernoulli' option for distribution to build a classifier and i get unusual results of 'nan' and i'm unable to predict any classification results. But i do ...
0
votes
0answers
25 views

Feature extraction for custumer churn data

I have customer churn data, and would be implementing algorithms(Decision tree, logistic regression, segment analysis).I have doubt on feature extraction procedure though. The training sample has ...
0
votes
0answers
34 views

How can I know the regression logistic's outcome value based on a specific value of the Independent variable

I would like to know the regression logistic value based on a specific value of the Independent variable, how can I do it? here is my example data frame: dat <- read.table(text = " ...
0
votes
0answers
11 views

Using the Sum of neural network outputs as exepected number of positives

I'm working with a single-output neural network using the logistic activation function to classify individuals into classes A and B. The output for a given individual can be interpreted as the ...
0
votes
0answers
179 views

Using Logistic Regression in Mahout

I have about 11000 rows of data in a CSV file which contains column Text and Class. Text is twitter message and each of them is assigned with a True or false in Class. I used these two commands to ...
0
votes
0answers
85 views

plotting GLM using ggplot2 example

I've fitted some GLM models and I am trying to plot them for visualization. I've been looking at examples and questions about plotting a GLM for a few hours, yet I wasn't able to output any graph ...
0
votes
0answers
27 views

Implementation of multinomial logistic regression algorithm

I can't find an implementation (pseudocode is fine) for multi-class logistic regression. Here's what I want: (1) an implementation of multi-class logistic regression AND (2) something that shows what ...
0
votes
0answers
55 views

Predicted probabilities in R

I have a logit model with a dummy variable and I'd like to plot the predicted variables at renting=0 and renting=1. I get an error message after creating the cex2 object that says: Error in ...
0
votes
0answers
56 views

logistic regression doesn't converge consistently MVC C# accord

I'm working on a project to calculate probability using logistic regression. So, here is my code. We don't have enough false data to support the analysis, so we create a way to spoof false inputs. ...
0
votes
0answers
85 views

glmnet: variable standarization in regularized logistic regression

I have a question concerning regularized logistic regression. According to the description of the glmnet algorithm (http://www.jstatsoft.org/v33/i01/paper), in each loop of Newton- Raphson procedure ...
0
votes
0answers
115 views

Multinomial logit models and nested logit models

I am using the mlogit package in program R. I have converted my data from its original wide format to long format. Here is a sample of the converted data.frame which I refer to as 'long_perp'. All of ...
0
votes
0answers
49 views

Weka Logistic Regression Percentage Accuracy Suggestion

public class RegressionLogistic { public static void main(String args[]) throws Exception{ //load train data Instances trainData = new Instances(new BufferedReader(new ...
0
votes
0answers
137 views

what went wrong with my logistic regression implementation in c++?

I have implemented a simple logistic regression function with IRLS algorithm using the armadillo linear algebra libray: #include <iostream> #include <string> #include ...
0
votes
0answers
129 views

How the get stepwise logistic regression run faster

I'm using the standard glm function with step function on 100k rows and 107 variables. When I did a regular glm I got the calculation done with in a minute or two but when I added step(glm(...)) it ...
0
votes
0answers
71 views

Include all binarized dummies of categorical variable in logistic regression (scikit-learn)?

For each categorical (nominal) variable I created a set of binary dummies. Is it OK to throw the whole dummy set into scikit-learn's logistic regression or should I exclude one dummy of each set in ...