Skip to main content
Filter by
Sorted by
Tagged with
0 votes
0 answers
35 views

I'm using an AE to compress an 58 dimensional data into 8 dimension. I have used the same architect of AE with different number of data points. All the data points are independent to each other and ...
Leo Vattoly's user avatar
0 votes
1 answer
128 views

I have been training a CNN Autoencoder on binary images (pixels are either 0 or 1) of size 64x64. The model is shown below: import torch import torch.nn as nn import torch.nn.functional as F class ...
SadnessAndSorrow's user avatar
1 vote
1 answer
92 views

I'm building a Variational auto encoder (VAE) with tfjs. For now I'm only exploring with the fashionMNIST dataset and a simple model as follows: input layer (28*28*1) flatten intermediate_1 (dense 50 ...
Moc Cam's user avatar
  • 13
0 votes
0 answers
94 views

I'm working on a multi-label classification problem using an autoencoder-based neural network built in PyTorch. The overall idea of my approach is as follows: I load my dataset from a CSV file, ...
Marta's user avatar
  • 1
0 votes
1 answer
81 views

I'm currently working with an autoencoder in hopes to test its accuracy vs pca. My tutor asked me to add a custom loss function that involves the derivatives of the decoder output with respect to the ...
Jonathan Jesus Calderon Rivera's user avatar
0 votes
0 answers
57 views

I have some problem to make a LSTM-VAE for anomalies detection on multivariate signals (no constant duration). I found some informations in this forum and original papers to apply good practices. Even,...
rmarion37's user avatar
0 votes
0 answers
54 views

I've just learn about how BERT produce embeddings. I might not understand it fully. I was thinking of doing a project of leveraging those embeddings and feed it to an autoencoder to generate latent ...
Nik Imran's user avatar
0 votes
1 answer
47 views

I am working on blockchain transaction anomaly detection system and testing various models. Currently I am stuck on a LSTM autoencoder. I have preprocessed transaction data from ethereum network (used ...
Patryk Rossa's user avatar
0 votes
0 answers
10 views

I'm trying to train an stacked denoising autoencoder. Also, since I have a small data set, I implement 10-fold cross validation to find the best hyperprameters. In every fold I build a new model and ...
Satarnejad's user avatar
0 votes
0 answers
33 views

What could be the issue of kl loss going to 0? reconstruction loss is small, but every image is the same, and does not represent any digit. Here is my encoder/decoder architecture I used, I think the ...
zion's user avatar
  • 9
-1 votes
1 answer
46 views

I created an autoencoder using python, with no errors. However, I do not know the code for how do display the generated images from the autoencoder. The code of the autoencoder is shown below: import ...
Steven Dascoli's user avatar
1 vote
1 answer
84 views

suppose we have the following model: how can we build such a model and export it as PMML file? is PMML capable to encode such model structure? what are the necessary component in PMML to generate N ...
kevin5jan's user avatar
1 vote
1 answer
2k views

I am trying to extract the layers from a sequential model to build an autoencoder. I trained the model on some data but when I try to get model.input from my model I get an error saying that it has ...
Randen Sim's user avatar
0 votes
1 answer
35 views

I'm jumping back into a project I stopped working on last year (mostly). I had already encountered this issue, and this answer solved it back then. I am currently running basically the exact script ...
Whitehot's user avatar
  • 507
1 vote
0 answers
79 views

I was asked to create an Autoencoder that reconstructs the binary CSV file (decode). I implemented one based on the MNIST example from geeksforgeeks. But I am very uncertain about the correctness, ...
HappyDuppy's user avatar
-1 votes
1 answer
45 views

I have a list of sentences, and a list of their ideal embeddings on a 25-dimensional vector. I am trying to use a neural network to generate new encodings, but I am struggling. While the model runs ...
slastine's user avatar
4 votes
0 answers
432 views

I'm working through a Keras/Tensorflow course that uses Keras 2 to build a variational autoencoder and I'm trying to get it working in Keras 3. I've managed to overcome a lot of issues but I'm stuck ...
Weaver's user avatar
  • 174
0 votes
0 answers
122 views

I'm creating a Convolutional Variational Autoencoder with Tensorflow in Python code, with some images I created myself (64x64 pixels). My problem is, that if I use anything else than Binary ...
Marcus Newman's user avatar
1 vote
1 answer
141 views

I'm trying to use Graph Autoencoder on a custom PyG Data object, but when I attempt to train it, the loss, AUC and AP do not change. The exact same autoencoder works when using PyTorch Geometric's ...
Ciara Clarke's user avatar
0 votes
0 answers
41 views

I am using this autoencoder model to detect anomaly. class AnomalyDetector(Model): def __init__(self): super(AnomalyDetector, self).__init__() self.encoder = tf.keras.Sequential([ ...
chaos24's user avatar
  • 11
3 votes
1 answer
154 views

Can an autoencoder learn the transformation into polar coordinates? If a set of 2D data lies approximately on a circle, there is a lower-dimensional manifold, parameterized by the angle, that ...
deckard's user avatar
  • 924
0 votes
0 answers
35 views

i am trying to build my first Autoencoder for anomaly detection and i dont really know, how the Input Data has to be shaped in order to train the Model. I`ll give you Information about the Data and i ...
bungeegum's user avatar
1 vote
0 answers
63 views

I use LSTM-Autoencoder, took the model by this guy https://colab.research.google.com/drive/1_J2MrBSvsJfOcVmYAN2-WSp36BtsFZCa#scrollTo=vgUChGd_A-Bv, for anomaly detection in time series and got problem ...
Bogdan Minko's user avatar
1 vote
1 answer
626 views

from diffusers import AutoencoderKL import torch from PIL import Image from torchvision import transforms vae = AutoencoderKL.from_pretrained("../model") image = Image.open("../...
oboert R's user avatar
1 vote
0 answers
43 views

I'm relatively new and am trying to build an autoencoder for anomaly detection on an unlabelled dataset that only contains categorical columns. The error I get is: Incompatible shapes: [64,1,5346] vs. ...
clueless's user avatar
1 vote
1 answer
47 views

When using autoencoders for detecting network anomalies, why not train them using anomaly datasets? Reconstruction errors smaller than a threshold could signify anomalies, while those larger than the ...
Euterpe's user avatar
  • 11
0 votes
0 answers
57 views

I am trying to create a Contractive Autoencoder, and I read in a couple of papers that the main idea is to use the norm of the Jacobian of the encoder's output with respect to its inputs. In other ...
Sanzor's user avatar
  • 472
0 votes
1 answer
96 views

I tried to implement an autoencoder-based anomaly detector finding anomalies in the dataset KDDTrain+. This is actually a pretty straight forward implementation. Unfortunately I failed in implementing ...
flo's user avatar
  • 1
1 vote
1 answer
918 views

I want to create an Encoder-Decoder Model using the following structure: Bert-base-uncased for encoding the input (https://huggingface.co/google-bert/bert-base-uncased) Linear layer for connecting ...
Florian Jäger's user avatar
0 votes
0 answers
60 views

I'm training an autoencoder to detect anomalies among pictures based on the decoder error value. I tried out different ways of image preprocessing, NN architectures, losses, activation functions, ...
Leela's user avatar
  • 1
0 votes
1 answer
64 views

I am having an issue with my autoencoder as I am shaping the ouput incorrectly. Currently the autoencoder is coded lke this. I Got This Error : ValueError: Dimensions must be equal, but are 2000 and ...
Omar Eweis's user avatar
1 vote
1 answer
324 views

I don't understand what my problem is. It should work, if only because its the standard autoenoder from the tensorflow documentation. this is the error line 64, in call decoded = self.decoder(...
razzzz's user avatar
  • 11
0 votes
0 answers
61 views

Approach: I wrote a custom loss function in PyTorch that compares the angular difference between the original (input) and reconstructed images based on their first principal component axes. This ...
Pave's user avatar
  • 45
0 votes
0 answers
61 views

I don't understand why the mismatch of the input size and the pytorch linear layer still could be processed during the forward pass I tried my AE model with pytorch, the following is the model. I don'...
bubba's user avatar
  • 1
0 votes
2 answers
804 views

So I was writing my first ever autoencoder, here is the code (it can be a little bit goofy, but I believe I written all of it right): class Autoencoder(nn.Module): def __init__(self): ...
Nikita's user avatar
  • 21
0 votes
0 answers
69 views

I am working in the field of audio classification. Recently I have been trying to use Supervised VAE Classifier. Here is the architecture I am using: class VAE(nn.Module): def __init__(self, ...
randomboar's user avatar
1 vote
0 answers
186 views

I have an auto encoder with 2 encoder blocks and one concatenation block and 1 decoder block. the reconstruction works fine for my simulated data with 0 added noise. Even if the Gaussian noise with a ...
Chandana Deshmukh's user avatar
-2 votes
1 answer
156 views

EDIT: embarrassingly my error was shuffling the data only and not the labels. I was given an assignment to create an lstm autoEncoder in pytorch to reconstruct mnist images. next the assignment asked ...
amd60's user avatar
  • 31
1 vote
1 answer
1k views

I need to get from my Pytorch AutoEncoder the importance it gives to each input variable. I am working with a tabular data set, no images. My AutoEncoder is as follows: class AE(torch.nn.Module): ...
José Adrián Pardo Pérez's user avatar
1 vote
1 answer
46 views

I am trying to create a custom neural network that has 2 encoders and one decoder. The row encoder takes in the input of size eg: 30x40 and the column encoder is supposed to take the same data in ...
Chandana Deshmukh's user avatar
0 votes
1 answer
410 views

i wrote this code, in order to implement an autoencoder with nn.sequential module, but i have an error: latent_dims=4 class Encoder(nn.Module): def __init__(self): super().__init__() ...
Antony Prinz's user avatar
1 vote
0 answers
210 views

I'm very new to VAEs, and trying to familiarise myself by first considering a simple data set sampled from a 3d Gaussian distribution with covariance [[1, 0.5, 0.2], [0.5, 1, 0.3], [0.2, 0.3, 1]] and ...
maread's user avatar
  • 11
0 votes
1 answer
94 views

I have created a custom dataset to load 2d numpy array data to autoencode with a CNN. I believe the structure of the dataset and resulting batches/tensor shapes are correct. I also checked the shapes ...
danielve's user avatar
-1 votes
1 answer
309 views

I have some JS code of 1000 lines, I found it on the internet, it is some audio player plugin. The problem is that it's not clear. Because all names of functions and variables have incomprehensible ...
Viktor Trunov's user avatar
1 vote
0 answers
49 views

I found this code, and I did not understand. I want train my model to find the value of Y but I wont put Y as input. Like I want to make the learn (X,Y) but after learning use X to find Y What should ...
stevGates's user avatar
  • 962
0 votes
1 answer
179 views

I am attempting to make an observation history encoder, where my goal is for a model that takes in as input a variable length sequence of dimension [Time, Batch, Features] (where sequences are padded ...
Yuerno's user avatar
  • 833
1 vote
0 answers
26 views

In ch17 of the textbook 'hands on machine learning' by Aurélien Geron, the results of the functional API of the autoencoder code (which I implemented myself) are different from the results of ...
IKAHN's user avatar
  • 21
0 votes
1 answer
182 views

I have been working for some time with a VAE model based off of thisexample, working with binary data so it has been modified. Recently, the computing cluster I was working on suffered a fault and my ...
Whitehot's user avatar
  • 507
0 votes
1 answer
52 views

I am trying to build an Autoencoder model using TensorFlow. The input data shape: (339, 129, 32) The model architecture is as follows: input_data = tf.keras.layers.Input(shape=train_sample.shape[1:]) ...
Md Hafizur Rahman's user avatar
0 votes
1 answer
52 views

I have this autoencoder class class SimpleAE(tf.keras.Model): def __init__(self, latent_dim, bypass = False, trainable=True, **kwargs): super(SimpleAE,self).__init__(**kwargs) self.latent_dim =...
user20780's user avatar

1
2 3 4 5
31