Skip to main content

Questions tagged [tensorflow]

For questions related to Google's open-source library for machine learning and machine intelligence. However, note that programming questions are off-topic here.

Filter by
Sorted by
Tagged with
0 votes
0 answers
4 views

Just so we can avoid misunderstandings in the root: In general an Autoencoder tries to capture the complexity of an input in a latent space that is unable to hold all that input. It then tries to ...
Natan's user avatar
  • 101
0 votes
0 answers
63 views

I've trained a model to recognize some captchas and the model is doing great. I've trained it using this tutorial (actually I just stole the code, tweaked it and run :) ). Now, I'd like to export it ...
Leca's user avatar
  • 1
0 votes
1 answer
41 views

I’m building a Keras model based on MobileNetV2 for frame-level prediction of 6 human competencies. Each output head represents a competency and is a softmax over 100 classes (scores 0–99). The model ...
Bassel Attia's user avatar
0 votes
0 answers
20 views

I’m running a real-time inference loop in Python 3.12.3 with a pre-trained variational autoencoder (VAE) implemented in Tensorflow. Although I load the model once outside my main loop, each call to ...
Pratyay's user avatar
1 vote
1 answer
53 views

A traditional STFT parameter is window size, where greater window size means higher frequency domain resolution but in trade off the time domain resolution. It makes sense that if window size became ...
Muhammad Ikhwan Perwira's user avatar
0 votes
0 answers
52 views

as the title suggests, I'm trying to convert a notebook in keras 3, but idk why it's not working properly. This is the original notebook (tell me if it's better to put here the code), I'm trying to do ...
Rob99's user avatar
  • 1
0 votes
0 answers
28 views

I'm currently working on training a neural network in Python to model a nonlinear system using complex-valued voltage data. My dataset comprises 3400 training samples, each consisting of 128 discrete ...
romeoyankee0409's user avatar
0 votes
0 answers
58 views

I'm getting the same accuracy on validation data, and the accuracy on the training data varies little in every epoch. The training data consists of 19670 images (14445: class 0, 5225: class 1). The ...
Diana's user avatar
  • 1
0 votes
1 answer
56 views

I would like to make a custom layer which takes an image (2D) and does some math to each pixel and then passes this to the next layer. I have below some psudo code which tries to implement this. How ...
CakeMaster's user avatar
0 votes
0 answers
92 views

I have a multi-input Keras model combining a text input and a numeric input. Both inputs are passed through Dense layers followed by Embedding layers, then concatenated and pooled using ...
Ferda-Ozdemir-Sonmez's user avatar
0 votes
1 answer
83 views

I'm working on a Keras model using the Functional API that processes two inputs: Text Input: A padded integer array with a shape of (32, 1149) (batch size 32, sequence length 1149). Example: [5, 10, 3,...
Ferda-Ozdemir-Sonmez's user avatar
0 votes
1 answer
79 views

I am trying to debug my model_builder function in Keras Functional API by printing the shapes of intermediate tensors. However, none of the methods I have tried so far seem to work as expected. Here's ...
Ferda-Ozdemir-Sonmez's user avatar
1 vote
2 answers
250 views

Even through there are several others, what's special about these two that make them so popular?
user avatar
1 vote
1 answer
101 views

I have the following task to do: I have time series data. Training by the consecutive 3 days to predict the each 4th day. Each day data represents one CSV file which has dimension 24x25. Every ...
S. M.'s user avatar
  • 123
1 vote
0 answers
31 views

I'm trying to create a model to beat a video game platformer I made a few months ago. In the game, the platforms scroll down from the sky and the player has to keep jumping to them to avoid touching ...
jjschmiel's user avatar
1 vote
1 answer
64 views

I have a piece of Tensorflow code: ...
Khang Truong's user avatar
0 votes
0 answers
61 views

I can use any machine learning algorithms (but neural networks are better for me) to resolve this issue: use few elements as input (numerical) to predict more elements as output. In normal regression ...
Cyr's user avatar
  • 101
1 vote
0 answers
68 views

I aim to use variational autoencoders (VAE) to find interpretable latent spaces for genetic data. So, I need to understand how they work, what activation function to use, etc. But all tutorials and ...
Yulia Kentieva's user avatar
1 vote
1 answer
85 views

I am working on a project to make a model using Keras to guess the difficulty of climbing routes on a standardised climbing wall (https://moonclimbing.com/moonboard). Each hold on the wall is either: ...
seba's user avatar
  • 11
0 votes
1 answer
175 views

I am new to ML and plan to use KerasCV stabledifussion model to generate images from text. The example on the KerasCV website is straightforward but I could not find a way to save the model locally ...
Doug's user avatar
  • 125
0 votes
0 answers
219 views

I was trying to implement VAE on the CelebA dataset inspired by the Tensorflow implementation of MNIST. I have tried varying batch size but there seems to be no effect from that. The image formed is ...
Vedant Bhardwaj's user avatar
0 votes
1 answer
62 views

I am fairly new to TensorFlow and ML in general and am currently working on a regression neural network while learning about different parts and concepts of it. My goal is to try & achieve a model ...
tomazj's user avatar
  • 101
2 votes
0 answers
176 views

I am working on a project where I need to create a neural network model to generate dance movements based on music. My goal is to achieve results similar to this video: https://youtu.be/FrA7f5F9TsI ...
meow meow's user avatar
0 votes
1 answer
168 views

Can anyone please help me understand how to use this SSIM function (https://www.tensorflow.org/api_docs/python/tf/image/ssim)? The filter_size parameter has a ...
Marco's user avatar
  • 119
0 votes
0 answers
72 views

I am currently training an CNN for classification. My training data are 80x80 images, 3 channels, which I have grouped into 25% validation, 75% training, all evenly distributed. I have 3 classes into ...
will's user avatar
  • 1
1 vote
1 answer
62 views

I have built a classical neural network based on IMDB reviews according to the tutorial in one book about AI. 25 000 positive reviews, 25 000 negative reviews. Positive reviews result to "0",...
Jaroslav Tavgen's user avatar
2 votes
1 answer
266 views

I had lidar 3D point cloud data from semantckitti. I want to perform Semantic Segmentation on the data using U-Net. I converted the 3d point cloud data into 2D using spherical conversion and saved the ...
Leibniz 24's user avatar
1 vote
1 answer
60 views

I am learning Tensorflow, and I have a specific problem I want to solve. I want to identify on/off of my large power consumers at home. And calculate the power consumption elsewhere. I expect to input ...
povlhp's user avatar
  • 11
1 vote
3 answers
406 views

About attention: the Query, Key and Value vectors (before the linear transformations) are just the entire sequence, that is being inputted, or just each token? Chat-GPT nor Youtube didn't give me a ...
CyberLight 64's user avatar
0 votes
0 answers
116 views

I am trying to solve a multiclass classification problem using Keras. The current network looks as follows: ...
isostar's user avatar
2 votes
1 answer
108 views

I use a Keras EfficientNetB7 and transfer learning to solve a binary classification problem. I use tf.keras.layers.Dense(1, activation="sigmoid")(x) for ...
Doug's user avatar
  • 125
2 votes
0 answers
296 views

I have a Conditional Generative Adversarial Network for Quantum State Tomography. The metrics I am monitoring during the training process are the losses and the Fidelity (the degree of similarity ...
Dimitri's user avatar
  • 33
1 vote
1 answer
70 views

I have a saved tensorflow neural network model. I was wondering if it's possible to incrementally train the model but with different nt loss function.
SUNITA GUPTA's user avatar
1 vote
0 answers
89 views

I am currently trying to build a DQN agent that plays the game UNO The observation it gets looks like this: ...
Devin Myers's user avatar
1 vote
1 answer
178 views

I coded some deep RL algorithms (DQN and SAC) with tf2/keras to solve an environment where a vehicle needs to follow the track and avoid crashing into one other vehicle (there is only one other ...
rafiqollective's user avatar
0 votes
1 answer
194 views

I am new to AI/ML and wanted to seek guidance as I am totally lost. I will simplify my issue as follows: Let's say I would like to detect apples and oranges in images. I would like to leverage a pre-...
Doug's user avatar
  • 125
0 votes
2 answers
431 views

I'm new to ML/AI field, and after completing several free university courses from MIT OpenCourseWare and Harvard CS50, I've gained some familiarity with the theoretical foundations of Artificial ...
Boris L.'s user avatar
  • 119
3 votes
1 answer
316 views

Background I'm an undergraduate student with research interests in a field of physics that has significant overlap with graph theory, and a functioning knowledge of how simple neural nets work and how ...
MomentumEigenstate's user avatar
1 vote
1 answer
134 views

I have a device with an accelerometer and gyroscope (6-axis). The device sends live raw telemetry data to the model 40 samples for each input, 6 values per sample (accelerometer xyz, gyroscope xyz). ...
Sterling Duchess's user avatar
-1 votes
1 answer
673 views

I'm looking for a TensorFlow model detecting empty spaces on the images. I need to add my company logo to this empty area so there shouldn't be any faces or objects in this area. Also, I would be ...
falsetto's user avatar
0 votes
1 answer
55 views

I am working on a very basic binary classification problem. For each set of four float numbers $(x,y,z,w)$, I want to check if they fall or not into one category. I have written a model with 3 dense ...
apt45's user avatar
  • 123
0 votes
1 answer
525 views

I'm building a feature for my application that requires reading the properties of a saved ML model file (after it's trained). However, as I am pretty new to this field, I don't really understand the ...
Ryan Wang's user avatar
  • 113
1 vote
1 answer
1k views

I'm a relatively newbie in this world of Artificial Intelligence, although I am able to use frameworks such as Tensorflow and also understand the general concepts behind training weights and ...
Ryan Wang's user avatar
  • 113
0 votes
1 answer
2k views

Implementing UNet but getting an error: type error 'KerasTensor' object is not callable ...
vivian.ai's user avatar
1 vote
2 answers
151 views

I am working on a solar energy production forecasting problem using LSTM multi-step models to predict 1/4/8h ahead of solar energy production for different solar installations. Our goal is to help ...
Guilherme Vieira's user avatar
0 votes
1 answer
65 views

I have trained a VAE with jpg images. My latent space dimension has 768 features and when plotting the latent space it looks like this: However, when I use the scikit learn tool LDA (Linear ...
Dude Rar's user avatar
2 votes
0 answers
52 views

I would like to combine GANs and NLP to create a system that can take an input and generate an appropriate output. For example, ...
Doğuş Deniz's user avatar
0 votes
0 answers
325 views

When exploring the Twitter Sentiment Analysis dataset on Kaggle, I came up with a model that looks like this: ...
Tran Khanh's user avatar
0 votes
0 answers
3k views

I have seen some people with the same problem, this is the warning: ...
user avatar

1
2 3 4 5
7