Skip to main content
Filter by
Sorted by
Tagged with
0 votes
1 answer
88 views

I am modelling the probability of species presence based on environmental variables. My dataset contains both real presence data and pseudo-absence (randomly generated absence) data. My environmental ...
Rnoobie's user avatar
  • 139
0 votes
1 answer
71 views

I found related questions here ( 1 (where I made a reference to this question), 2, 3 ) but I can't figure out how I can really solve this problem within lme4. Because of an early error cholmod-factor ...
Christoph's user avatar
  • 7,267
2 votes
1 answer
77 views

I am following the Maturity Schedules fishR Vignette by Dr Derek Ogle (https://derekogle.com/fishR/examples/oldFishRVignettes/Maturity.pdf) to generate stock assessments. Following the code and ...
DeepSeaG's user avatar
2 votes
1 answer
63 views

I've got a bit of a headscratcher from what I thought was going to be a routine fit. The logistic regression model I fit through the glm function instead gives a linear model when I use the predict ...
Ingolifs's user avatar
  • 358
0 votes
1 answer
66 views

I have a csv. with my data and I put it through a RF to predict sediment type based off of bathymetry data from 24 sample points (and get sediment distribution as an image output), the RF is working ...
user30057623's user avatar
0 votes
0 answers
129 views

When we use lightning in multigpu setting with strategy ddp, predictions = trainer.predict(model, dataloaders=predict_dataloader) the predictions are from a single gpu. From Combining loss, ...
user3731622's user avatar
  • 5,159
0 votes
1 answer
60 views

I am trying to apply a model obtained from the cosinor::cosinor.lm() function to predict values of a dummy dataset by using the predict() function. However, when I run the predict() function, I ...
Brennan's user avatar
0 votes
1 answer
49 views

I am using the REEMtree package in R to build a tree with random effects, but when I attempt to make predictions on the test data, I encounter the following error: Error in predict.REEMtree(...
Linus's user avatar
  • 343
0 votes
0 answers
24 views

Disclaimer: I am new to R and survival analyses so apologies if I don't use the right terms or coding etiquette-figuring it out. In the carcass package, I've used function persistence.prob to develop ...
stalegeck's user avatar
0 votes
1 answer
33 views

I am trying to run svm (from e1071 package) on a document-feature matrix produced by the package quanteda. I start by training the svm on training data: svm_fit <- svm(x=dfm_train, y=as.factor(...
Clara's user avatar
  • 3
1 vote
3 answers
166 views

I've been trying to deploy a very simple toy Keras model to Cloud Functions, which would predict the class of an image, but for reasons unknown, when the execution gets to the predict method, it gets ...
Denny Ceccon's user avatar
0 votes
0 answers
25 views

I'm creating a backpropagation neural network in R using neural net The data I use are montly u and v wind, sea surface, relative humidity data from era5 in netcdf (.nc) format to predict monthly ...
ExHunter's user avatar
  • 307
1 vote
1 answer
48 views

Does anyone know why the predict(X) methods of scikit-learn classifiers and regressors expect input X to be a 2D array (matrix) rather than a 1D array (vector)? I'm just curious about the history of ...
JMcCaffrey's user avatar
1 vote
1 answer
89 views

I am attempting to estimate the difference in predicted probabilities between groups using the avg_predictions() function and the hypothesis argument from the powerful marginaleffects package. However,...
Tony's user avatar
  • 35
1 vote
0 answers
30 views

trying to use predict function to find ValueScore (vs in my chart) using different independent variables and a regression. encountered an error I cannot get passed. sales <- read.csv("...
Aidan Shaw's user avatar
1 vote
1 answer
44 views

I made an basic multiple linear regression model and ı wanted predict some values but ı took this warning array=np.array([[26,1.5],[27,3]]) multiple_linear_regression.predict(array) /Users/mali/...
Mehmet Ali Can Coşkun's user avatar
1 vote
1 answer
70 views

Suppose I create a sequential input LSTM in Tensorflow along the lines of: def Sequential_Input_LSTM(df, input_sequence): df_np = df.to_numpy() X = [] y = [] for i in range(len(...
user27886601's user avatar
0 votes
2 answers
112 views

I'm pretty sure this has a very easy solution but I've been scratching my head at this all day and cannot seem to see where the problem lies. I am graphing some pharmacological dose-response data (...
engpol's user avatar
  • 37
0 votes
1 answer
164 views

I am trying to figure out what is the most accurate way to plot average adjusted predictions at the mean using the svyglm function from the survey package. I have used two approaches so far. One using ...
John Smith's user avatar
3 votes
1 answer
112 views

I am fitting a model with somewhat collinear predictors, and then predicting out of it. This works fine when using the original model object, but for performance reasons, I want to save a "...
isDotR's user avatar
  • 1,063
0 votes
1 answer
285 views

I have trained an XGBoost model using caret and now, I am calculating the mean SHAP value of each predictor using the package SHAPforxgboost, using the following code: library(SHAPforxgboost) ...
a12456's user avatar
  • 1
1 vote
1 answer
403 views

I want to predict a fitted poisson glm on newdata, given that it was fitted using offset=log(Exposure), but I get confused with the inclusion of the term "offset" inside of predict.glm(). I ...
rmcm22's user avatar
  • 11
1 vote
0 answers
71 views

I am fitting a Dirichlet regression in R, with the DirichletReg package (version 0.7-1). In short, the Dirichlet regression extends the beta regression to C categories: bounded responses (0, 1) across ...
M. Riera's user avatar
  • 195
0 votes
1 answer
61 views

I gathered 3 studies on healthy subjects assessing same biological parameter y. y is a positive bounded parameter. His distribution follows a gamma distribution. I have a model glmm wth gamma family ...
Aurelien Hugues's user avatar
2 votes
1 answer
75 views

I am using MGCV to generate predictions for a GAM using a cubic spline forced through a certain point. I have generated the gam exactly as outlined in this post: https://stat.ethz.ch/pipermail/r-help/...
Gretel's user avatar
  • 23
0 votes
1 answer
387 views

I have a presence/absence data for a species occurrence and I did a binomial GAM using sea surface temperature (sst) as a predictor variable. My df object is a data.frame with the presence/absence ...
Maria Inês Silva's user avatar
0 votes
1 answer
154 views

I am trying to run a spatial logistic regression model using the spaMM package in R. I have a stack of three predictor rasters representing canopy height, canopy layers, and large tree density, and am ...
user25754519's user avatar
1 vote
0 answers
64 views

In R version 3.6.3, my predict.gam function gives a result. When I use R 4.x, I get errors for some types of predict, but not others: library(gam) library(dplyr) gm1 <- predCol ~ s(VCF_nontree) + ...
we need a Mat. Stat.'s user avatar
1 vote
1 answer
75 views

I'm working on making forecasts using a model where variables were scaled by $ x_i = \frac{{x_i - \text{mean}(x_i)}}{{\text{sd}(x_i)}} $, and I've saved the mean and standard deviation. Now, for out-...
Joe94's user avatar
  • 405
0 votes
1 answer
134 views

Here's the code using statsmodels.tsa.arima.model.Arima model to predict the store sales from statsmodels.tsa.arima.model import ARIMA from datetime import datetime # fit model model = ARIMA(ts, ...
Jammy Wang's user avatar
0 votes
2 answers
247 views

I am trying to predict the occurrence of a species (presence/absence) using a GAM in R. I have fit the GAM, but I get an error when I try to make the prediction to spatial data with terra::predict(). ...
seak23's user avatar
  • 327
1 vote
1 answer
115 views

I am trying to run a Partial Least Squares Discriminant Analysis (PLSDA) in R, followed by a prediction and confusion matrix, using the mdatools package. The mdatools::plsda function works normally, ...
Rodrigo Nehara's user avatar
0 votes
0 answers
78 views

I have estimated a Multinomial Logit (MNL) Model using mlogit() from the R package mlogit: df_long<- mlogit::mlogit.data(data = df_wide, choice = "vote", shape = "wide") ...
fabian_h's user avatar
0 votes
3 answers
82 views

I have a random forest model that I'm trying to understand better. For the sake of the example, lets say we have a grove of blueberry bushes. What we're interested in is predicting the production of ...
SqueakyBeak's user avatar
1 vote
0 answers
26 views

I am trying to apply multiple linear regression between 4 predictors and 1 response variable using R. All these variables exist in separate .csv files , as there are more than 1000 data points in each ...
tom's user avatar
  • 75
0 votes
1 answer
105 views

I am hoping to replicate what the fabulous Chuck Huber produced here (margins). In this example, he was able to calculate the predicted birthweight for mothers who were smokers and who were non-...
Sandro's user avatar
  • 123
1 vote
0 answers
92 views

I am fitting the following model using ASReml: nmod11 <- asreml(fixed = Cocc_Prevalence ~ Sex + Age + Sample_Period + Sex:Sample_Period, random = ~ Animal_ID + ...
alex's user avatar
  • 193
0 votes
0 answers
229 views

I am working with nest success data. Nests are either successful (1) or not (0), depending on whether or not a nest produces at least 1 hatchling. Because this is binomial data, I am running glmmer ...
Sofie's user avatar
  • 1
1 vote
1 answer
91 views

I am hoping to do an event study analysis, but I cannot seem to properly build a simple predictive mode with time as the independent variable. I've been using this as a guide. import pandas as pd ...
josephbags's user avatar
0 votes
1 answer
98 views

I am trying to use h2o.deeplearning model to predict on raster data. It returns me the following error Error: Not compatible with requested type: [type=character; target=double]. Here is a minimal, ...
UseR10085's user avatar
  • 8,316
1 vote
1 answer
76 views

I'm working on a nonlinear regression analysis using R and have encountered an issue with error propagation. Specifically, I'm using predictNLS to estimate the errors of my predictions, but in some ...
Squan Schmaan's user avatar
0 votes
0 answers
74 views

I have survey data involving two categorical IVs (Prompt_Condition and Response_Condition) of three levels each and one ordinal DV (value, a Likert-type ranking 1-7). There are 31 subjects who rated ...
Peter Kortenkamp's user avatar
0 votes
0 answers
60 views

I'm trying to plot the density curves from a brms model and add a line showing the mean predicted value. I've calculated the mean in two different ways, and the yeild slightly different results. Am I ...
tnt's user avatar
  • 1,527
1 vote
1 answer
591 views

I have a brm model that I'd like to generate predicted values for a fixed value of one parameter (length). I think I need to do this with the posterior_predict function (or possibly the ...
tnt's user avatar
  • 1,527
0 votes
1 answer
136 views

I am creating a boosted regression tree using the function gbm.step: M <- gbm.step(data = DF, gbm.x = c("X1","X2","X3","X4","X5",&...
Jerome's user avatar
  • 35
0 votes
1 answer
92 views

Ahoy, As an example, I have multiple time series of temperature. These times series are of different lengths (1-8 days), and generally from non-overlapping date:time, but the interval between data ...
user23594227's user avatar
1 vote
0 answers
99 views

i have point clusters in my point cloud and want to fit a line though these clusters along the highest density, to predict the x,y coordinate at a certain height. These clusters can mostly be ...
OverflowEnte's user avatar
0 votes
1 answer
151 views

I was following the instructions on this page: https://strengejacke.github.io/ggeffects/articles/practical_robustestimation.html I did a basic regression without robust standard errors: data(mtcars) ...
hy9fesh's user avatar
  • 661
2 votes
0 answers
541 views

I aim to make predictions at 30-second intervals within my video. How can I optimize the vid_stride parameter for this purpose? The video has a frame rate of 25 fps, consisting of a total of 7478 ...
sibhive's user avatar
  • 33
1 vote
0 answers
290 views

I'm building a model with pytorch lightning and I'm using the Distributed Data Parallel (DDP) strategy on 2 GPU for accelerating the process. After the fitting of the model, I need to return 4 pairs ...
MrCosta57's user avatar

1
2 3 4 5
32