machine-learning Questions
4
I'm attempting to do a grid search to optimize my model but it's taking far too long to execute. My total dataset is only about 15,000 observations with about 30-40 variables. I was successfully ab...
Balanchine asked 3/5, 2022 at 14:51
3
Solved
I want to create a L2 loss function that ignores values (=> pixels) where the label has the value 0. The tensor batch[1] contains the labels while output is a tensor for the net output, both have a...
Nysa asked 29/1, 2018 at 22:3
4
Solved
I am trying to implement a detection model based on "finetuning object detection" official tutorial of PyTorch.
It seemed to have worked with minimal data, (for 10 of images). However I uploaded m...
Strepphon asked 19/5, 2020 at 20:25
2
Solved
As I understand it, in a deep neural network, we use an activation function (g) after applying the weights (w) and bias(b) (z := w * X + b | a := g(z)). So there is a composition function of (g o z...
Thesda asked 21/9, 2018 at 15:20
8
I was reading the papers on deep learning. Most of them refer to unsupervised learning.
They also say the neurons are pre-trained using unsupervised RBM network. Later they are fine tuned us...
Renaissance asked 28/10, 2013 at 22:19
4
Solved
For example: If I want to train a classifier (maybe SVM), how many sample do I need to collect? Is there a measure method for this?
Bobo asked 15/7, 2014 at 8:3
3
Solved
I am trying in Amazon Sagemaker to deploy an existing Scikit-Learn model. So a model that wasn't trained on SageMaker, but locally on my machine.
On my local (windows) machine I've saved my model a...
Tamelatameless asked 25/1, 2021 at 9:3
2
I am trying to implement bag of word model from kaggle site with a twitter sentiments data which has around 1M raw. I already clean it but in last part when I applied my features vectors and sentim...
Lustring asked 26/4, 2017 at 17:9
3
I have 7 classes and the total number of records are 115 and I wanted to run Random Forest model over this data. But as the data is not enough to get a high accuracy. So i wanted to apply oversampl...
Paulettepauley asked 26/12, 2018 at 20:31
6
I am designing a neural network and am trying to determine if I should write it in such a way that each neuron is its own 'process' in Erlang, or if I should just go with C++ and run a networ...
Energid asked 7/7, 2016 at 16:17
7
Solved
I'm trying to implement a multiclass logistic regression classifier that distinguishes between k different classes.
This is my code.
import numpy as np
from scipy.special import expit
def cost(...
Rodriques asked 30/6, 2016 at 13:57
2
Solved
How do we make sense of SHAP explainer.expected_value? Why is it not the same with y_train.mean() after sigmoid transformation?
Below is a summary of the code for quick reference. Full code availab...
Alejoa asked 18/9, 2023 at 9:28
1
Theres not that much information given in the TensorFlow documentation:
https://www.tensorflow.org/api_docs/python/tf/train/Example
https://www.tensorflow.org/api_docs/python/tf/train/SequenceExamp...
Hypochondria asked 20/10, 2017 at 21:28
3
Solved
Below the code
import numpy as np
np.random.seed(0)
from sklearn import datasets
import matplotlib.pyplot as plt
%matplotlib inline
%config InlineBackend.figure_format ='retina'
from keras.models ...
Tire asked 23/8, 2020 at 2:18
2
I am training an OCR model for recognizing MRZ from passport. To train my model for more accuracy, I need to train it with maximum pictures possible. I tried to find passport's dataset on KAGGLE bu...
Mainsail asked 3/2, 2020 at 13:11
5
I am working on Multiclass Classification (4 classes) for Language Task and I am using the BERT model for classification task. I am following this blog post Transfer Learning for NLP: Fine-Tuning B...
Rapallo asked 9/11, 2020 at 11:53
4
Solved
In scikit-learn, some clustering algorithms have both predict(X) and fit_predict(X) methods, like KMeans and MeanShift, while others only have the latter, like SpectralClustering. According to the ...
Jonette asked 9/5, 2016 at 2:25
2
Solved
I tried to run the code below, taken from CS50's AI course:
import csv
import tensorflow as tf
from sklearn.model_selection import train_test_split
# Read data in from file
with open("banknot...
Wolgast asked 4/4 at 0:28
4
Solved
I use this notebook from Kaggle to run LSTM neural network.
I had started training of neural network and I saw that it is too slow. It is almost three times slower than CPU training.
CPU perfoma...
Valentine asked 24/9, 2018 at 13:56
4
I want to implement a custom loss function in scikit learn. I use the following code snippet:
def my_custom_loss_func(y_true,y_pred):
diff3=max((abs(y_true-y_pred))*y_true)
return diff3
score=m...
Carmeliacarmelina asked 19/1, 2019 at 13:47
16
I'm following some lectures from lynda.com about deep learning using Keras-TensorFlow in a PyCharmCE enviroment and they didn't have this problem.
I get this error:
raise ImportError('Could not im...
Osbourne asked 12/1, 2018 at 11:49
3
Solved
I got this from the sklearn webpage:
Pipeline: Pipeline of transforms with a final estimator
Make_pipeline: Construct a Pipeline from the given estimators. This is a shorthand for the Pipeline co...
Harriettharrietta asked 20/11, 2016 at 18:56
4
I understand that random_state is used in various sklearn algorithms to break tie between different predictors (trees) with same metric value (say for example in GradientBoosting). But the document...
Zwiebel asked 29/9, 2014 at 10:38
11
Solved
I have an issue with tf.callbacks.ModelChekpoint. As you can see in my log file, the warning comes always before the last iteration where the val_acc is calculated. Therefore, Modelcheckpoint never...
Styptic asked 29/4, 2020 at 15:38
5
I am having hard time understanding position wise feed forward neural network in transformers architecture.
Lets take example as Machine translation task, where inputs are sentences. From the figu...
Votive asked 2/1, 2023 at 5:59
1 Next >
© 2022 - 2024 — McMap. All rights reserved.