Skip to main content

Questions tagged [tensorflow]

TensorFlow is an open source library for machine learning and machine intelligence. TensorFlow uses data flow graphs with tensors flowing along edges. For details, see https://www.tensorflow.org. TensorFlow is released under an Apache 2.0 License.

Filter by
Sorted by
Tagged with
2 votes
0 answers
32 views

I am trying to learn Kaggle TPU and I am migrating a Flower Classification notebook from an older TPU v3-8 environment to the new TPU v5e-8 (TPU VM) environment on Kaggle. I was trying to migrate this ...
Player Mathinson's user avatar
3 votes
1 answer
67 views

I'm working with a custom YOLO-like architecture implemented in TensorFlow/Keras. While pretraining on the COCO dataset works, I plan to fine-tune the model on a highly imbalanced dataset. ...
chhu's user avatar
  • 141
5 votes
1 answer
112 views

As the part of my college project on RNN, I'm working on a text classification task using tensorflow module. During training, I used pad_sequences with a max_length of 100, so all training examples ...
Data Science Learner's user avatar
2 votes
0 answers
62 views

I am training an DensNet model on medical dataset which has gold standards as per annotation. After training i noticed accuracy is just 60%. Later i performed following changes but still no luck. ...
NIrbhay Mathur's user avatar
1 vote
0 answers
40 views

I am trying to train a GNN but am getting a NaN loss function immediately after the first training example. Below I have included all of the pertinent code. My input is 385 points in 3D space confined ...
Will Borrelli's user avatar
0 votes
0 answers
34 views

I tried modifying the reconstruction loss such that values that are pushed out of bounds do not contribute to the loss and it works as expected in tensorflow after training an autoencoder. However, ...
zvxayr's user avatar
  • 1
1 vote
0 answers
34 views

here is the code from the Distance layer part because site is not allowing me to upload full code. embedding = make_embedding() distance layer ...
Prateek's user avatar
  • 11
1 vote
0 answers
39 views

I'm training a Deep Q-Network (DQN) to trade crypto using historical data. My model keeps outputting NaN values for the Q-values during prediction. I'm using a custom function getState2() to generate ...
user29255210's user avatar
2 votes
0 answers
84 views

I'm trying to build a BNN but am encountering the error in the title. I tried to ensure I'm not passing a tuple to .shape.rank by : using the functional API with explicit Input (should make first ...
Eli Bain's user avatar
2 votes
0 answers
72 views

I have found several documentation and tools for converting ONNX model to float16, but none of them supports converting to bfloat16. The model is originally trained using tensorflow and converted to ...
C Chen's user avatar
  • 21
2 votes
0 answers
38 views

I’ve made a couple of neural networks that predict separate target features form the same dataset. All these networks have different hyperparameters and different function transforms for example (log) ...
Marcin Bednarski's user avatar
4 votes
3 answers
240 views

I have collection of TEC data.My data sample for example the day1,day2,day3,day4. Case1: I have the following task to do: Training by the consecutive 3 days to predict the each 4th day. Each day data ...
S. M.'s user avatar
  • 95
0 votes
0 answers
35 views

I have a feature dataframe that has a shape of (100,18). 18 features for 100 different points. One of those features is time. The model will then output an array with shape of (100,16). The model has ...
twofair's user avatar
2 votes
1 answer
56 views

I need to collect information from 5 websites say once a week and then keep only the relevant info in a formatted manner. relevance here means relevant to my topics. I intend to automate this -from ...
user anonymous's user avatar
0 votes
0 answers
37 views

I am attempting to subsample a timeseries dataset to reduce training time. Because I am using a mapping / window generator I want to apply this subsampling / dropping after the data samples are ...
Zacciep's user avatar
1 vote
2 answers
179 views

I've been trying effortlessly (to no avail) for the past month to run a CNN. I previously tried PyTorch without success, and am trying Tensorflow as it appears simpler. I have simulated data from a ...
LifeisGood94's user avatar
1 vote
2 answers
130 views

If I have multiple categorical features, each which has its own unique cardinality, and I want to use an embedding layer to reduce the dimensions fed to an MLP. Should I have one big embedding matrix ...
dule arnaux's user avatar
0 votes
0 answers
42 views

I have an Excel file that contains two columns, one with text like phrases and other that tells me the classification that goes from 'CS1' to 'CS8'. The text is like ...
Hugo Rios's user avatar
0 votes
0 answers
34 views

I am working on a medical semantic segmentation problem, where the input is of size (1,256,256) and I have two outputs associated with that input ( two masks ) each with shape ( 1,256,256). For every ...
AAA_11's user avatar
  • 41
2 votes
2 answers
102 views

I'm working on a binary text classification task using a BERT + CNN model. However, based on the loss and accuracy graphs during training, it seems that the model is underfitting, and I'm not seeing ...
DMabulage's user avatar
  • 121
0 votes
0 answers
31 views

Group convolutions theoretically should reduce the number of parameters and hence improve the speed of inference, without significantly affecting the performance of the model. However, I don't notice ...
Daniyar's user avatar
0 votes
0 answers
80 views

I have a time series forecasting binary classification model made up of several layers of LSTM or GRU cells. The training is early stopped in a given validation set. The thing is my results vary ...
GaloisFan's user avatar
  • 111
0 votes
0 answers
21 views

I made an LSTM for predicting stocks and it only predicts 1 day but I want to predict a range. ...
Ely's user avatar
  • 1
3 votes
1 answer
544 views

I'm trying to implement a binary classification model using tensorflow keras and stumbled over problem that I cannot grasp. My model shall classify images of houses in the two classes of "old/...
Ada's user avatar
  • 33
2 votes
1 answer
118 views

I have a trained TensorFlow classification model (52 classes). I didn't built the model (I just load it with it's weights) the 3 last layers are: ...
user3668129's user avatar
0 votes
1 answer
1k views

When model.summary() is called it returns all params as 0. ...
Ansuman's user avatar
1 vote
1 answer
100 views

I am currently working on implementing the model EEG_DMNet. For pre-processing it calls for using differential entropy like $$ h(X) = -\int_{-\infty}^{\infty} p(x) \log p(x) \, dx $$ Assuming the Data ...
Sebastian Krafft's user avatar
1 vote
1 answer
58 views

I am working on a difficult physical time series forecasting model with tensorflow. The model is a binary classifier with around 100 features, which basically consists of 4 LSTM layers (input + 2 ...
GaloisFan's user avatar
  • 111
4 votes
2 answers
94 views

I am creating a binary model and using TensorBoard to visualize the graph of the accuracy and loss. However, I noticed that the graphs for my model's accuracy and loss are not smooth. Why is that? ...
My Car's user avatar
  • 143
0 votes
1 answer
47 views

I am working on a Deep Learning model which will help me predict deep fake voices. For the data preprocessing, I have done everything to the T, following papers which have already been published. But ...
HaughtyNavigator's user avatar
3 votes
1 answer
56 views

Let's say I have a Multi Output Binary Classification Problem, but where the classes are related. i.e if one class = 1, then the other must = 1. The standard is to have 2 output layers, each with 1 ...
the man's user avatar
  • 187
1 vote
1 answer
83 views

I was trying to get Tensorflow to model/predict y=x^2. After reading around, I gathered that using the tanh activation helps capture non-linearities. However, all I am getting are straight-line ...
EthanT's user avatar
  • 63
1 vote
1 answer
79 views

I'm a undergraduate student. I've coded a three-node neural network (that works) based on my professor's guidance. However, I'd like to pursue a career in AI and Data Science, and I'd like to teach ...
Guna challa's user avatar
1 vote
0 answers
38 views

I would like to build a python model to predict how a student will perform on a given math test. I have data relating to each student and also their score on up to 100 previous tests that (each ...
lolo's user avatar
  • 11
1 vote
1 answer
79 views

I'm working on a problem where I need to create a neural network to optimize the seating arrangement for 24 unique individuals in a 6x4 grid, minimizing conflicts between adjacent (up,down,left,right) ...
Mrpintime's user avatar
1 vote
1 answer
295 views

I am building a classifying model to predict images over 3 classes. The data is balanced, with 10.5k images for train ( 3.5k for each ), 3k validation images ( 1k each ). I increased my ...
Dragos123's user avatar
1 vote
0 answers
94 views

So I have a model to classify images into 3 classes. I have 10.5k train images ( 3.5 per each category ) and 3k ( 1k per each category ) validation images but I can't increase my val_acc no matter ...
Dragos123's user avatar
1 vote
0 answers
31 views

I am classifying time series of 72x72 images in 4 filters (just like RGB). Things work well ...
user43280's user avatar
  • 121
0 votes
1 answer
309 views

I am not seeing ep_rwd_mean when running tensorboard. I can only see ...
Mich's user avatar
  • 111
0 votes
0 answers
56 views

I tried everything, improved the architecture, added layers, neurons, but it doesn’t work. Could this be because I'm training images at 384x384 resolution? ...
Роман Чаузов's user avatar
-1 votes
1 answer
34 views

why is learning DS so ambigious .you dont truly know what should you learn to actually do DS .web dev say has a clear path learn html css js and you can make something .i am a cs undergrad just want ...
Muhammad Umer's user avatar
0 votes
0 answers
50 views

I'm creating a Chrome Extension to read user emails via Gmail's API, and then passing in user emails to a trained Keras model in Flask to determine whether the email was written by an AI or a Human, ...
Chibuike S. Eze's user avatar
0 votes
0 answers
87 views

I was unable to find a complete description of the SegNet architecture for image segmentation (specifically, the decoder layers). Therefore, I would like to clarify the correctness of my ...
D .Stark's user avatar
0 votes
0 answers
96 views

So I'm working with a rather large dataset (perhaps not really by ML standards - but too big to fit into my computer's RAM at any rate). And so, I train the model by successively loading a subsample ...
Tom P's user avatar
  • 101
1 vote
1 answer
350 views

I'm new to tensorflow, so I've been trying to find the best way to do class balancing over a dataset where I used image_dataset_from_directory to load. But I haven't find the way to do it. I saw from ...
lopez-mgu's user avatar
0 votes
0 answers
177 views

I am trying to understand my loss curve using : tf.keras.losses.BinaryCrossentropy() Question 1: Based on my loss curve/accuracy, would it be wise to proceed to feed it into a ensemble learning model ...
Leibon Jarbis's user avatar
1 vote
0 answers
31 views

I have already made a model and trained it, and then saved the model along with its weights. The input shape in that model is [900,300,1] which is [height,width,channel]. I want to use the same model ...
beschichtung346's user avatar
1 vote
1 answer
73 views

I am testing the effects of different layer counts/depths, unit counts, and layer types for natural language processing. I made a Kaggle notebook where I manually create different layers and then ...
Joachim Rives's user avatar
1 vote
1 answer
107 views

When deciding on the number of units and layers for text processing or time-series prediction I rely heavily on trial and error. First, I look for a reference or paper on the topic such as the white ...
Joachim Rives's user avatar

1
2 3 4 5
43