Skip to main content
Filter by
Sorted by
Tagged with
1 vote
1 answer
469 views

I've created a CNN in RStudio using keras to predict MNIST digits. I am now trying to predict with this model, since predict_classes() was deprecated, I'm attempting to use k_argmax() with the ...
amatof's user avatar
  • 195
0 votes
3 answers
815 views

I've created a CNN in RStudio using keras to predict MNIST digits. I am now trying to predict with this model using the following code cnn_pred <- cnn_model %>% predict_classes(x_test) but ...
amatof's user avatar
  • 195
0 votes
2 answers
134 views

I am using the mlrcs function in the merlin package to fit a restricted cubic spline model with a random variable. The model works great, but there does not seem to be any functionality for getting ...
Dr.FishGirl's user avatar
1 vote
0 answers
274 views

I am getting an error message trying to predict class membership in lcmm::predictClass(). This seems to be due to using a spline-based link function, as exemplified below. The lcmm::predictClass() ...
Big Old Dave's user avatar
0 votes
1 answer
198 views

I have three data sets, which one can generate as follows: library(dplyr) library(tidyr) # Simulate x data countries = LETTERS[1:3] mat_x = matrix(runif(27, 0, 100), nrow = 3) colnames(mat_x) = ...
Saïd Maanan's user avatar
0 votes
1 answer
732 views

I use Amazon Sagemaker for model training and prediction. I have a problem with the returned data with predictions. I am trying to convert prediction data to pandas dataframe format. After the model ...
Denmla's user avatar
  • 135
0 votes
0 answers
58 views

I ask the community for help on the following problem. Suppose we estimate the following regression model with fixed effects Age (factor variable) and Year (factor variable) as random effects. set....
Andrea Ni's user avatar
0 votes
0 answers
69 views

I have some strings in my dataframe and I have replaced it. df2['x'].replace(['APPEAL','AppealNo.','AppealNO.','Co.Appeal','COMP.APPL','Co.Appeal','Comp.','AppealNo','CoAppealnies','CoAppealnies','...
edox741's user avatar
  • 43
0 votes
1 answer
470 views

currently Im performing a statistical learning analysis on a given dataset (redwine quality); the goal is to predict the quality value. I already tried the logistic regression and the random forest ...
Turex's user avatar
  • 61
1 vote
0 answers
400 views

I have a variable which is <generator object Estimator.predict at 0x7fc2de02ef20>. It's the result of my_predictions = estimator.predict(input_fn=functools.partial(ds.eval_input_fn, params)). ...
Alessandro's user avatar
1 vote
1 answer
702 views

I am undertaking a ordinal logistic regression using R package MASS. For example: library(MASS) house.plr <- polr(Sat ~ Infl + Type + Cont, weights = Freq, data = housing) summary(house.plr, digits ...
wildgeesechaser's user avatar
1 vote
1 answer
123 views

I have a model in R: lm(formula = Y ~ rowmeans(df[, c(10:14)]), data=df) I want to fit this against the means of columns 10:14 so that my output has 5 rows to predict the Y values. I'm calculating ...
Ricardo Francois's user avatar
0 votes
1 answer
901 views

Looking for feedback on the error below. I built a Random Forest classification model a couple years ago, and now I'm simply trying to run it again in rStudio on a new set of data. Hoping someone can ...
Isolated's user avatar
  • 6,494
1 vote
3 answers
1k views

I have a series of x and y values that I've used to build a linear model. I can use predict() to find a value of y from a known value of x, but I'm struggling to calculate x from a known value of y. ...
Phenomniverse's user avatar
0 votes
1 answer
1k views

After training the model , evaluating prediction that is on dtype=float32. y_pred = model.predict(x_test) y_pred array([[0.952564 ], [0.40119413], [0.8223132 ], ..., [0....
Syed Tusin's user avatar
2 votes
1 answer
185 views

I have a fitted lm model log_log_model = lm(log(price) ~ log(carat), data = diamonds)` I want to predict price using this model, but I'm not sure if I should be entering log(carat) or carat value as ...
A1122's user avatar
  • 1,364
0 votes
0 answers
216 views

Assume that we would like to estimate the concentrations of 2000 samples (500 individuals with 4 samples each) from their observed absorptions. The relationship between absorption and concentration is ...
andrjens's user avatar
0 votes
1 answer
1k views

So I tried the one in FbProphet tutorial website: https://facebook.github.io/prophet/docs/additional_topics.html#updating-fitted-models I got this error: RuntimeError: mismatch in dimension declared ...
Moody's user avatar
  • 65
0 votes
0 answers
103 views

I would like to generate multiple test data splits using stratified KFold (skf) and then generate/assemble predictions for each of these test data splits (and hence all of the data) using a sklearn ...
veg2020's user avatar
  • 1,030
0 votes
1 answer
256 views

Confession: I attempted to ask this question yesterday, but used a sample, congruent dataset which resembles the my "real" data in hopes this would be more convenient for readers here. One ...
professor.luther.ratigan's user avatar
0 votes
1 answer
48 views

I am in the process of self-educating myself in R, and attempting to use the predict() for the first time. My objective is creating a linear model of two predicted vectors: "yC.hat", and &...
professor.luther.ratigan's user avatar
2 votes
2 answers
6k views

I'm trying to predict what a 15-minute delay in flight departure does to the flight's arrival time. I have thousands of rows as well as several columns in a DF. Two of these columns are dep_delay and ...
FutureDataScientist's user avatar
2 votes
1 answer
435 views

The following code was made up to replicate my problem with a bigger, more complex data set. library(marginaleffects) library(truncnorm) yield_kgha<-rtruncnorm(n=100, mean=2000, sd=150) n_kgha<-...
Erin's user avatar
  • 67
-1 votes
1 answer
707 views

I had the following dataset library(MASS) install.packages("gclus") data(wine) View(wine) install.packages("car") I wanted to split it according to the proportions 70:30 into a ...
nils's user avatar
  • 165
0 votes
1 answer
35 views

I have 2 dataframes - the first dataframe (df1) has columns with values at different times of the year; these columns are ones that don't have stationary or Air in the column name. I used a linear ...
Kristen Cyr's user avatar
2 votes
1 answer
78 views

I have a dataframe that looks like so: df = structure(list(Date_Time_GMT_3 = structure(c(1622552400, 1622553300,1622554200, 1622555100, 1622556000, 1622556900), ...
Kristen Cyr's user avatar
0 votes
1 answer
36 views

I tried to import pictures from the camera and I could get 3-dim data from the image. img = WebcamModule.getImg(True, size=[240,120]) img = image.img_to_array(img) then, from the code below I ...
Edme W's user avatar
  • 1
1 vote
1 answer
574 views

I'm using a Cox Proportional Hazards (survival::coxph) model in a competing risks context- i.e. multiple event types with one endpoint for each observation. I'm having a hard time using the coxph....
Nick O's user avatar
  • 21
0 votes
1 answer
75 views

My problem goes as follows. I have the following dataset. This is Ibex (Spanish stockmarket) ranging from 2020-01-01 to 2022-05-01 tail(ibex, 3) Date Open High Low Close Adj.Close Volume 2022-04-01 ...
David Aguinaga's user avatar
0 votes
0 answers
67 views

import matplotlib.pyplot as plt import pandas as pd import pylab as pl import numpy as np pd.set_option("display.max_columns", None) df = pd.read_csv(r"C:\Users\kiaab\Downloads\...
kiazad's user avatar
  • 1
0 votes
1 answer
194 views

I build a model model.5 <- lm(formula = rent ~ area + rooms + age + nationality + maritalstat + education + traveltime + region + center, data=mysample) and now I did the prediction sel <- is....
Uhtredbr's user avatar
1 vote
1 answer
537 views

I have a growth rate model: model <- nls(Length~a*exp(-b*exp(-c*Age)), data=df, start=list(a=160,b=0.5, c=0.1)) > summary(model) Formula: Length ~ a * exp(-b * exp(-c * Age)) Parameters: ...
billyleaf's user avatar
2 votes
2 answers
206 views

I want to write a sliding window function in order to use the model trained from t, t+1, and t+2 year to make prediction on the outcome of the t+3 year. This means that for a 10-year's data, the ...
Chris T.'s user avatar
  • 1,821
1 vote
1 answer
913 views

I'm working with a growth curve model (generated with lmer) and would like to add confidence intervals to the model plot using geom_ribbon(). (The full R code can be downloaded here and the data set ...
Nick's user avatar
  • 13
-1 votes
1 answer
425 views

I want to fill in NAs in the prop_below5 variable for those depths (depth_round) where I don't have measurements using a linear interpolation and keep the actual measured value when available. I want ...
Sil's user avatar
  • 25
1 vote
0 answers
609 views

I am trying to predict the output of two GAMs using the package mgcv and the predict() function and for some reason one output has the smooth prediction I am looking for and the other does not. My ...
David Smith's user avatar
0 votes
1 answer
76 views

I want to disable a computation of several filters during Predict call with Tensorflow 2 and Keras. Do i have to modify the source code of Tensorflow to achieve that ?
abyss_learning's user avatar
0 votes
1 answer
457 views

Hello and thank you for you time and consideration, I'd like to recreate this graph with ggplot. The top blue dots are the predicted values from my fitted model na_lmod and the lower red values are ...
Austin Lokey's user avatar
0 votes
0 answers
289 views

I applied the following GLMM to my data using glmmTMB. M1 <- glmmTMB(Count1 ~ Count2 + Year + Location + Depth + (1|Site/Transect), data = df, family = &...
Bill_marinestats98's user avatar
0 votes
0 answers
134 views

I have a database with the variables: recodedTime_second, OperatorStepLevel, Operator and StepType. There are 11 operators and 16 stepTypes (tasks). The recoded time is the amount of seconds a worker ...
MONICA CAMARENA ESCRIHUELA's user avatar
0 votes
1 answer
1k views

I am using the randomForestSRC package to model some survival data. I train the model using the rfsrc function. My train data is heavily censored, the event occurs only in 1% of the cases. The ...
ggapac's user avatar
  • 3
0 votes
3 answers
2k views

I just started to learn Tensorflow and got an error. I watched a Neural Network Tutorial of Tech with Tim. I finished this episode and got a problem to the end. I couldn't predict the value. when i ...
Havilash's user avatar
4 votes
1 answer
1k views

I have a multivariate conditional logistic regression model. Case and controls are matched on a 1 to many basis. I want to make predictions using the model. However, the predicted values I keep ...
Hannah's user avatar
  • 41
0 votes
0 answers
145 views

I have been tasked with calculating the SE for logistic regression point estimates (where all my predictor variables are factors). I typically use ggpredict to estimate my predictions which provides ...
Amanda Goldberg's user avatar
0 votes
0 answers
517 views

Anytime I use .predict or fit_predict, Im encountering the same error. The following code works for others and Im guessing it has to do with my environment or my particular packages. Really appreciate ...
MyBrain's user avatar
  • 13
1 vote
0 answers
145 views

I repeat the example from https://learn.microsoft.com/en-us/azure/azure-sql-edge/deploy-onnx "Deploy and make predictions with an ONNX model and SQL machine learning" In this quickstart, you'...
Konstatntin's user avatar
0 votes
1 answer
661 views

I have a simple dataset which looks like this: v1 v2 v3 hour_day sales 3 4 24 12 133 5 5 13 12 243 4 9 3 3 93 5 12 5 3 101 4 9 3 6 ...
MohammedE's user avatar
  • 109
0 votes
0 answers
90 views

I got some problems predicting my arima model when I use expanding window function. My code looks like this: iTraininSet <- trunc(nrow(adj_consumption)*0.7) iValidationSet <- trunc(nrow(...
Christian Jensen's user avatar
0 votes
1 answer
482 views

I cannot get a plot for the effects I get from a fixed-effects model in plm. I tried using effect(), predict() and all kinds of packages like sjPlot, etc. Is there a way of plotting it, especially ...
Alessio's user avatar
0 votes
1 answer
463 views

Let´s assume I want to draw a plot similar to here here using R, i.e. hazard ratio on y axis and some predictor variable on x axis based on a Cox model with spline term. The only exception is that I ...
Jacko's user avatar
  • 51

1
3 4
5
6 7
32