For questions about machine learning modelling, architectures and design choices, as well as traditional models (AlexNet, VGGNet, Inception, ResNet, etc).
Questions tagged [machine-learning-model]
131 questions
0
votes
1 answer
Is it possible in python to train 2 SVMs on different columns of dataset and then use both SVMs to make the final prediction
Suppose I have a dataset containing 20 columns. Now is there a way in python to train one SVM on the 1st 10 columns and the other SVM on the remaining 10 columns, and then combine the output of two SVMs to make the final prediction?

Saad Farooq
- 39
- 1
- 8
0
votes
1 answer
Will the augmented data set really improve the ML model
We previously had 411 size data set. With that we got 70 % of the objects detected. We augmented it to 5000 by implementing rotations and different levels of brightnesses. But the accuracy dropped to 40%. We don't know where it went wrong.
0
votes
1 answer
Keras network not training
I am trying to learn Keras and have created a simple network. The feature data is is [1, 2, 3, 4, 5], and the labels are [7, 9, 11, 13, 15] - or a line with a slope of 2 and an intercept of 5 (Y = X * 2 + 5).
Here is the Keras network:
# simple…

R. Klein
- 58
- 6
0
votes
1 answer
Tensorflow Issue in the Shortest Path Graph Learning Model of OctavianAI
I am setting a a Graph Machine Learning application using Ocatvian AI Graph ML toolset. In this particular case, I am trying to setup Shortest Path library. It is failing with error with Tesnforflow backend.
AttributeError: module…

Gokul Alex
- 441
- 4
- 21
0
votes
2 answers
Rapids CUML Random Forest Regression Model Inference
I am using the Random Forest Regression model from CUML 0.10.0 library on Google Colab and having trouble with obtaining model predictions. After the model training ends successfully, I am using the (.predict) method for inference on a very large…

Marc Djandji
- 97
- 1
- 1
- 9
0
votes
1 answer
can anyone suggest some good projects in machine learning or data sciences?
I've just completed a course in machine learning(supervised and unsupervised learning both) and data sciences Using PYTHON. i also know about web scraping and modules such as pandas ,numpy .Can anyone please suggest some good projects related to…

raptor_3186
- 29
- 4
0
votes
2 answers
How to fix: ValueError: Input 0 is incompatible with layer lstm_2: expected ndim=3, found ndim=2
I have a question concerning time series data. My training dataset has the dimension (3183, 1, 6)
My model:
model = Sequential()
model.add(LSTM(100, input_shape = (training_input_data.shape[1],…

Stefan Fricke
- 11
- 1
- 4
0
votes
2 answers
How can I encoder transform a class while loading a model and training with one class
I have already saved a model as my_model.h5. I have 7 classes in it which are
array(['Drums Beating', 'Machine Digging', 'Man Movement',
'Manual Digging', 'Manual Digging - Deeper (1.5 to 3 feets)',
'Normal', 'Tunneling'],…

Fasty
- 784
- 1
- 11
- 34
0
votes
0 answers
How to deploy a saved ml model built using Spark-ml library in java
I have built an multi-class classification model using spark ml and java. I need suggestions on how to deploy the saved classification model locally in order to consume and classify new datasets. Thanks!

spartan123
- 23
- 1
- 5
0
votes
1 answer
How to choose a split variables for continous features for decision tree
I am currently implementing decision tree algorithm. If I have a continous featured data how do i decide a splitting point. I came across few resources which say to choose mid points between every two points but considering I have 8000 rows of data…
0
votes
2 answers
How does one identify if the ML model is overfitting the dataset or not?
I have been comparing different regression models from sklearn, On doing so I was confused with the model's score value that i got.
Below in the code you can see that i have used both Linear Regression and Ridge Regression but the difference in…
0
votes
1 answer
What version of H2O gen-model maven library supports XGBoost MOJO's?
I am trying to use XGBoost MOJO created and downloaded from H2O in runtime using java, but I am getting errors while compiling. I have tries multiple different versions of dependencies but couldn't get through it.
Dependencies :
…

Prashant Gupta
- 103
- 2
- 12
0
votes
1 answer
Linear Regression Model -Correlation coefficient
I m beginner in ML.I am working on project for predicting trip duration for rental bikes but I dont see any strong co-relation between input variables and target i.e. tripduration when I plot correlation cofficient.
My question is which method of…

user2777922
- 21
- 1
0
votes
1 answer
Model is completely messed up after training on training set after using train_test_split
Data set is generated like this:
from numpy.random import normal
def make_labels(X, f, noise=0) :
return map(lambda x : f(x) + (normal(0,noise) if noise>0 else 0), X)
def make_instances(x1, x2, N) :
return np.array([np.array([x]) for x in…

marin
- 1
0
votes
0 answers
How to understand boxplot comparing performance metrics of machine learning models?
I have created several models and plot their accuracy using a boxplot. What does the circles outside the box mean?
I used caret package for building the models and the following code to make a picture.
model_list <- list(rf = rf_model,…

Nata
- 171
- 3
- 15