Skip to main content
Filter by
Sorted by
Tagged with
0 votes
0 answers
96 views

I have done a XGBoost model, and used Optuna to get the best parameters. I saved the trained model and the features used. My question is, when I got to load the model and use it when making ...
Brandy Horne's user avatar
3 votes
0 answers
91 views

Context: Hello to everybody and to Prof. John Hedengren, I am using the Python Gekko library to use MPC with a heating system of a multi-zone building. The objective is to either minimize a ...
Giulio Tonellato's user avatar
0 votes
1 answer
67 views

I'm working on a task dependency prediction problem using Graph Neural Networks with PyTorch Geometric. The goal is to predict directed precedence links (A -> B) between tasks within specific sets (...
user180417's user avatar
0 votes
0 answers
49 views

I have a macro for inventory replenishment prediction using Markov Chain. It uses data for last 10 days including today to predict inventory replenishment (rep R) or not (blank B). The model works ...
DM_Darko's user avatar
2 votes
1 answer
85 views

I am fitting a nonlinear regression on a dataset with two explanatory variables Day and Treatment modelling a response Amount using {nls}. I want to get the predicted values for Amount together with ...
eee ppp's user avatar
  • 23
0 votes
1 answer
233 views

Test Time Augmentation (TTA) in FastAI should be easily applied with learn.tta, yet has led to numerous issues in my Cloud Run deployment. I have a working Cloud Run deployment that does base learner ...
Hack-R's user avatar
  • 23.5k
2 votes
1 answer
62 views

I've recently encountered a problem with predict() function for plm regression that uses AR(1) term in form of lag(). Here is an toy example: 3 countries, 3 periods, current population as a function a ...
user19957's user avatar
0 votes
0 answers
18 views

svm_model <- svm(response ~ ., data = train_data, kernel = "radial", probability = TRUE) Erreur dans contrasts<-(*tmp*, value = contr.funs[1 + isOF[nn]]) : les contrastes ne peuvent ...
Corine Laurenda Sinsin's user avatar
0 votes
0 answers
47 views

In this neural network structure, I want the model to do the train and validation without using the historical target values and to make the prediction directly through the covariates, so I set these ...
zzhuqshun's user avatar
0 votes
0 answers
20 views

I'm using R's caretEnsemble with HMDA data to implement "voting" method. After I fitted the base models with caretList, stack them together using caretEnsemble, and predict the trained ...
Chris T.'s user avatar
  • 1,821
0 votes
0 answers
50 views

I'm researcher and want to predict how data from instrument will be after more than 10k cycles. I got data from 10,000 cycles and now would like to make a precise prediction. With the simplest version ...
Dominik Trzmielewski's user avatar
0 votes
0 answers
92 views

I’m working on training a transformer model to predict a categorical variable in my dataset, which includes 10 features, an ID variable, outcome, and a relative timestamp variable. Each row represents ...
JS_ps's user avatar
  • 1
0 votes
0 answers
29 views

I'm trying to train a model to predict the close column 2 steps ahead. Prepared the dataset: datetime close close_forward close_shift_1 close_shift_2 close_shift_3 close_shift_4 close_shift_5 2024-10-...
Graf 35's user avatar
0 votes
0 answers
26 views

I just discovered the webversion of vscode and it seems amazing for big chunk of work I have to do regular. In particular, the IntelliSense is unexpectedly awesome because it automatically populated ...
user28734274's user avatar
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
32 views

In going through the online mlr3 book Applied Machine Learning Using mlr3 in R (https://mlr3book.mlr-org.com/chapters/chapter4/hyperparameter_optimization.html), I am having a bit of difficulty ...
Charles Green's user avatar
2 votes
1 answer
107 views

I am coding an MPC problem in Python Gekko to heat a building on a winter day (for now I am working with a simple building with 2 zones only). The building is expressed with a Resistor-Capacitor (RC) ...
Giulio Tonellato's user avatar
-1 votes
1 answer
111 views

I have a large set CSVs with numeric and text data; here's a sample: Company ID Company Name Group ID Currency Amount ... 8494494 Acme Inc F942G EUR $1.56 ... 9283422A Walmart XXH3F3 AUD $5.64 ... ... ...
olives's user avatar
  • 118
1 vote
0 answers
58 views

I am modeling the risk of cancer-specific mortality in a Fine-Gray model with three variables: the TNM-stage, age at diagnosis (ie, Age_wins) and Cancer subtype (ie, Disease). The competing risk is ...
MerelSt's user avatar
  • 11
1 vote
1 answer
108 views

I want to run an IV regression in R using ivreg from the AER package. The output gives me a negative R^2 which should be impossible as far as I know. When running the same regression manually with ...
user27435905's user avatar
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
1 vote
0 answers
32 views

I’m uncertain about how to set the seed for training the model. When I use different seeds, the results vary. Is there a gold standard for choosing a seed, or should I try multiple seeds and select ...
Peter's user avatar
  • 11
1 vote
0 answers
30 views

I am working on a project to estimate the weight of pears using their RGB and Depth images in MATLAB. Initially, I used only front-facing images for training, but now I want to improve the accuracy by ...
a21n026e -'s user avatar
3 votes
3 answers
208 views

I'm trying to construct a random, yet predictable cronjob schedule for a monthly and daily cronjob based upon arbitrary user-provided data. The daily and monthly cronjobs should run with a sufficient ...
PhrozenByte's user avatar
0 votes
1 answer
51 views

I want to replicate in MATLAB a simple demo outlined here that uses SAS. The SAS code is ods rtf file='residual plot SAS output.rtf'; proc print; run; proc reg; model hddt=bloc entry/r p; output out=...
Buck Thorn's user avatar
  • 5,092
1 vote
0 answers
36 views

I'm using GluonTS to make time series predictions with the TransformerPredictor. However, when I try to convert the forecast_it iterator to a list, I encounter the following error: Setting an array ...
Grace Xu's user avatar
0 votes
0 answers
154 views

Outline: I am using a vector autoregression (VAR) model from the statsmodel package https://www.statsmodels.org/stable/vector_ar.html#var. My two time-series, let us call them time-series 1) ts1 and 2)...
Philipp's user avatar
  • 415
0 votes
0 answers
45 views

I have tried converting all the files (training, labeled test data and un-labeled test data) prefereably in arff format and it is working good for my labelled test data. But for unlabelled test data ...
Ayesha Asim's user avatar
-1 votes
1 answer
91 views

I have built a drought prediction algorithm. The inputs of this model are future year range such as Start year and end year, Month, and City. The output of this model is a bar chart, its Y axis ...
Viper Rate's user avatar
2 votes
1 answer
2k views

I need to plot prediction and confidence intervals and need to use python and only the following packages. How do I plot both intervals in the same model. I managed to plot the prediction intervals ...
user25524331's user avatar
0 votes
1 answer
117 views

I'm exploring a dataset with the goal to find any interesting relationships (there are a bunch of variables of interest and I want to see which features or feature combinations predict them). As a ...
querent's user avatar
0 votes
1 answer
191 views

I am trying to implement a sliding window regression to predict stock prices and I realized I didn't understand how sliding window regression works for prediction. I have some training data (the ...
Dan1618's user avatar
  • 101
1 vote
0 answers
76 views

I have image classification model on trained on dataiku which is efficinet B4. Now I want to use it pickle file to make prediction on image but I am unable to make predictions. What is the image ...
Utshav Paudel's user avatar
0 votes
0 answers
118 views

I'm trying to construct a prognostic prediction model. To do this I've installed the StepReg package. However, whenever I try to load StepReg from my library, it comes up with a bunch of error ...
Lauren Kopchick's user avatar
0 votes
0 answers
166 views

I'm trying to visualise my adjusted lmer model showing an interaction of education status using the predict function and ggplot, but I get a zig-zag output when I add in my covariates. I want to ...
Rnewbie's user avatar
0 votes
1 answer
181 views

I am trying to implement a Kalman Filter which is used to filter calculated values of Speed, Heading, Acceleration and Yaw Rate. I also use the Kalman Filter to predict future values and use those to ...
André Clérigo's user avatar
-1 votes
1 answer
1k views

I am building a Logistic Regression using statsmodels (statsmodels.api) and would like to understand how to get predictions for the test dataset. This is what I have so far: x_train_data, x_test_data, ...
user3003605's user avatar
0 votes
1 answer
462 views

I use SVR to predict my data import pandas as pd import numpy as np import matplotlib.pyplot as plt from sklearn.svm import SVR from sklearn.model_selection import GridSearchCV from sklearn....
Reyhan Fikri's user avatar
1 vote
0 answers
157 views

In using scikit's 'KNeighborsClassifier' (with n_neighbors = 3) and '.fit' to train, then using '.predict' to do multinomial classification I am getting the error message "OSError: ...
user24637682's user avatar
1 vote
3 answers
124 views

I have generated 10 model summaries after fitting the same model on 10 different subsets of the dataset which is as follows library(mice) data("nhanes") head(nhanes) imp <- mice(nhanes, ...
Science11's user avatar
  • 883
0 votes
1 answer
55 views

I am trying multiple disease prediction system and among them the error occur when trying malaria disease prediction system using svm algorithm. I have no idea how to fix the problem since other 4 ...
Gor Ge's user avatar
  • 3
0 votes
0 answers
49 views

I am trying malaria detection using cnn model and Streamlit UI. But it show the error of "valueerror: input 0 of layer "model_2" is incompatible with the layer: expected shape=(none, ...
soeyu yjj's user avatar
2 votes
0 answers
72 views

This a follow up question to this one: Predictions using python GEKKO I'm trying to create an ARX model to be able to model rotations on a masonry wall using past observations and temperatures ...
yoitsBenjamin's user avatar
0 votes
1 answer
117 views

I'm trying to perform a dummy classification on a dataset for a school project. The idea is to get an idea of the frequency in which different political parties give speeches. My idea is to write this ...
Albin F's user avatar
2 votes
1 answer
83 views

I have created an ARX model using sysid function, and now I want to extrapolate this model for other inputs. I firstly created this model and identified its parameters for a training subset of data. m ...
yoitsBenjamin's user avatar
0 votes
1 answer
77 views

I am a Physics student and I would like to learn how to use the ROOT framework so I am trying to convert the data analyzes of the laboratory experiences of the Radiation-Matter Interaction Laboratory ...
Andpuv's user avatar
  • 29
-1 votes
1 answer
138 views

prediction = "I am ABC. I have completed my bachelor's degree in computer application at XYZ University and I am currently pursuing my master's degree in computer application through distance ...
Zikra Noman's user avatar
-1 votes
1 answer
113 views

I have a dataset of logIC50 values(say A) and another dataset of categorical clinical drug response (say B). There are mainly two important observations in B - sensitive and resistant. But there are ...
Shazzz's user avatar
  • 1
0 votes
1 answer
402 views

I am training a model using Decision Tree and parameter otimization. I read that the objective of the validation set is to assess model performance during training and help tune parameters. With this ...
Fábio's user avatar
  • 37
4 votes
2 answers
88 views

I have data that consists of values on dates, here represented as timestamps: json <- structure(list(creation_date = c(1689356840L, 1689366017L, 1689376446L, 1689504809L, 1690366268L, 1690472012L, ...
user avatar

1
2 3 4 5
55