machine-learning Questions
5
Solved
I have built a simple Keras network:
import numpy as np;
from keras.models import Sequential;
from keras.layers import Dense,Activation;
data= np.genfromtxt("./kerastests/mydata.csv", d...
Linkous asked 11/8, 2017 at 10:8
7
Solved
Sometimes I run into a problem:
OOM when allocating tensor with shape
e.g.
OOM when allocating tensor with shape (1024, 100, 160)
Where 1024 is my batch size and I don't know what's the rest. If ...
Bigener asked 9/10, 2017 at 20:25
8
Solved
I am trying to plot a Receiver Operating Characteristics (ROC) curve with cross validation, following the example provided in sklearn's documentation. However, the following import gives an ImportE...
Salvo asked 20/2, 2020 at 13:44
2
Solved
I apply the
decision tree classifier and the random forest classifier to my data with the following code:
def decision_tree(train_X, train_Y, test_X, test_Y):
clf = tree.DecisionTreeClassifier()...
Dugong asked 13/1, 2018 at 11:4
6
I am implementing a CNN for an highly unbalanced classification problem and I would like to implement custum metrics in tensorflow to use the Select Best Model callback.
Specifically I would like t...
Viki asked 14/12, 2019 at 21:59
2
Solved
I was using this autotrain collab and when i labbelled and put my images into images folder and tried to run it , It says this error how do i solve this ?
to reproduce :
click link of ipynb
make...
Kktp asked 14/9, 2023 at 0:51
3
I have a dataframe name data whose correlation matrix I computed by using
corr = data.corr()
If the correlation between two columns is greater than 0.75, I want to remove one of them from datafram...
Squires asked 3/7, 2017 at 15:39
3
Optuna TPESampler and RandomSampler try the same suggested integer values (possible floats and loguniforms as well) for any parameter more than once for some reason. I couldn't find a way to stop i...
Jimenez asked 14/11, 2020 at 16:33
2
Solved
Some articles says that in case of having only train and test sets, first, we need to use fit_transform() to scale training set and then only transform() for test set, in order to prevent data leak...
Calfskin asked 12/11, 2019 at 16:54
2
I'm trying to find approach to compute the softmax probability without using exp().
assume that:
target: to compute f(x1, x2, x3) = exp(x1)/[exp(x1)+exp(x2)+exp(x3)]
conditions:
1. -64 < x1...
Settlement asked 4/6, 2020 at 8:25
3
Solved
I'm using batch normalization with batch size 10 for face detection.
Does batch normalization works with such small batch sizes? If not, then what else can i use for normalization?
Heyday asked 2/7, 2019 at 20:38
1
Running this code block on google colab. "import nltk" is causing the issue.
Error Statement:
/usr/local/lib/python3.10/dist-packages/numpy/testing/_private/utils.py in <module>
55...
Someplace asked 9/11, 2023 at 6:45
2
I am confused about whether it is possible to run an int8 quantized model on CUDA, or can you only train a quantized model on CUDA with fakequantise for deployment on another backend such as a CPU....
Dormer asked 26/10, 2021 at 6:30
6
Solved
I have a data table ("norm") containing numeric - at least to what I can see - normalized values of the following form:
When I am executing
k <- kmeans(norm,center=3)
I am receving t...
Businesswoman asked 7/4, 2016 at 7:40
3
Solved
I'm not seeing what is wrong with my code for regularized linear regression. Unregularized I have simply this, which I'm reasonably certain is correct:
import numpy as np
def get_model(features, ...
Machination asked 15/12, 2014 at 3:26
4
Solved
Is it possible to get classification report from cross_val_score through some workaround? I'm using nested cross-validation and I can get various scores here for a model, however, I would like to s...
Downey asked 2/3, 2017 at 17:33
3
Solved
The program Eurisko was developed by Douglas Lenat in the late 70s and 80s. It's allegedly adept at learning general patterns and heuristics, and at improving it's own performance. Naturally, Lenat...
Lambrequin asked 26/3, 2010 at 14:52
5
Solved
I am trying to run a lunar_lander on reinforcement
learning, but when I run it, it occurs an error.
Plus my computer is osx system.
Here is the code of lunar lander:
import numpy as np
import gym...
Theurich asked 26/4, 2018 at 7:55
3
Solved
I am trying build a small text mining tool for my android app. I am checking for a machine learning library that will allow me to cluster, classify etc.
Are there any machine learning librar...
Miscarriage asked 27/4, 2017 at 5:33
4
I'm trying to fine-tune llama2-13b-chat-hf with an open source datasets.
I always used this template but now I'm getting this error:
ImportError: Using bitsandbytes 8-bit quantization requires Acce...
Sulfaguanidine asked 22/2 at 12:37
5
Solved
I know that logistic regression is for binary classification and softmax regression for multi-class problem. Would it be any differences if I train several logistic regression models with the same ...
Toadinthehole asked 17/3, 2016 at 4:8
6
Solved
i am trying to read the CIFAR10 datasets, given in batches from https://www.cs.toronto.edu/~kriz/cifar.html>. i am trying to put it in a data frame using pickle and read 'data' part of it. But i am...
Transience asked 29/5, 2016 at 16:29
6
I'm looking for the fastest and more efficient method of detecting an object in a moving video. Things to note about this video: It is very grainy and low resolution, also both the background and f...
Fordo asked 20/11, 2009 at 15:52
4
Solved
I'm using Tensorflow/Keras 2.4.1 and I have a (unsupervised) custom metric that takes several of my model inputs as parameters such as:
model = build_model() # returns a tf.keras.Model object
my_me...
Alcantar asked 9/3, 2022 at 16:11
6
Solved
I'm a newbie to Machine Learning and trying to work through an error I'm getting using OneHotEncoder class. The error is: "Expected 2D array, got 1D array instead". So when I think of 1D arrays it'...
Dib asked 24/12, 2017 at 0:27
© 2022 - 2024 — McMap. All rights reserved.