Skip to main content

Questions tagged [dimensionality]

1 vote
1 answer
74 views

We know that the performance of machine learning model become worse if we feed the model with a few features and many features (high dimensional data). This is known as the curse of dimensionality. ...
Muhammad Ikhwan Perwira's user avatar
1 vote
1 answer
88 views

I have grayscaled image, specifically medical data ultrasonography. In the context of medical domain, there are techniques to capture data that called "View". It's like point of views of ...
Muhammad Ikhwan Perwira's user avatar
0 votes
0 answers
59 views

Suppose I have a model M which outputs a three-dimensional tensor of size 3x3x3. I have another model N which outputs a one-dimensional tensor of size 27. Train both models on some arbitrary objective ...
schmixi's user avatar
0 votes
1 answer
951 views

For example, would a Large Language Model (LLM) with parameter size 140 Billion have 140 Billion dimensions as defined in deep learning as the number of nodes in the input layer? Another way to ask ...
geominded's user avatar
  • 101
2 votes
1 answer
238 views

Most layer types in torch.nn such as torch.nn.Linear accept input with more than one dimension. Is there any advantage in doing so if you can shape your data to represent a certain arrangement in ...
kot's user avatar
  • 23
0 votes
1 answer
391 views

Gradients are used in optimization algorithms. Based on the values of gradients, we generally update the weights of a neural network. It is known that gradients have a direction and the direction ...
hanugm's user avatar
  • 4,172
0 votes
2 answers
98 views

Consider the following code in PyTorch ...
hanugm's user avatar
  • 4,172
0 votes
1 answer
169 views

According to the triplet loss Wikipedia page: t-SNE (t-distributed Stochastic Neighbor Embedding) preserves embedding orders via probability distributions, whereas triplet loss works directly on ...
Revolucion for Monica's user avatar
0 votes
0 answers
143 views

At work there is an idea of solving a problem with machine learning. I was assigned the task to have a look at this, since I'm quite good at both mathematics and programming. But I'm new to machine ...
md2perpe's user avatar
1 vote
1 answer
104 views

Are there any reference papers where it is used a KMeans-like algorithm in state space quantization in Reinforcement Learning instead of range buckets?
ddaedalus's user avatar
  • 947
1 vote
0 answers
67 views

I have a video dataset as follows. Dataset size: 1k videos Frames per video: 4k (average) and 8k (maximum) Labels: Each video has one label. So the size of my input will be (N, 8000, 64, 64, 3) ...
manv's user avatar
  • 11
3 votes
2 answers
119 views

I have trained a convolutional neural network on images to detect emotions. Now I need to use the same network to extract features from the images and use them to train an LSTM. The problem is: the ...
I. A's user avatar
  • 131