82,572 questions
-5
votes
0
answers
46
views
Python code problem in Visual Studio with joblib library [closed]
I have a problem, the solution to which is not on the Internet. After painstakingly recalculating all combinations at a certain point this error pops up regardless of n _jobs. I am attaching the code ...
-2
votes
0
answers
19
views
What could be the reason for a high RMSE value for stock price prediction using stacked LSTM? [closed]
I am using the following codes and they were getting executed.
#Creating a LSTM Model
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import Dense
from tensorflow.keras....
-7
votes
0
answers
43
views
Is there model overfitting or not? Also how good is the model performance based on these graphs? Is it good enough? [closed]
These are the graphs:
Model Accuracy , Model Loss , Model Precision
, Model Recall , Confusion Matrix , Receiver Operating Characteristics (ROC) , Precision-Recall Curve
Problem: I am doing ...
0
votes
0
answers
30
views
How to do a basic predict from CSV data in TensorFlow.NET?
I'm new to ML and working on a .NET Core (C#) console test app using TensorFlow.NET to predict sale prices of property using training data from a CSV file. I'm using Visual Studio 2022 (Windows).
I've ...
-1
votes
0
answers
22
views
Module not found error while running an application which used node.js and tensorflow/tfjs-node
Im running an application here, but the application is getting crashed.
I have node.js v18.20.8, @tensorflow/[email protected]
I have windows 11 laptop
PS C:\Users\laasy\SkinSight\backend> npm run ...
1
vote
1
answer
35
views
ImportError: cannot import name 'pywrap_tensorflow' from 'tensorflow.python' after reinstalling Python and TensorFlow
I'm encountering an issue when trying to import tensorflow after reinstalling both Python and TensorFlow. Here is the error I get when trying to simply import tensorflow:
ImportError ...
0
votes
0
answers
12
views
Asynchronous multi-client Hugging Face inference server without blocking GPU utilization
I'm building a local inference server that handles multiple user requests concurrently on a single GPU.
Each user sends a prompt to a Hugging Face model (e.g., Llama-2, Mistral, Falcon).
However, I ...
-1
votes
0
answers
22
views
First epoch high validation accuracy and decreasing loss after 1-3 epoch [closed]
I'm making multi class text classification model for news category prediction with 11 class. I'm using Tensorflow 2.19.0 and keras 3.8.0. I've encountered with some problem with my model:
MAX_TOKENS = ...
-5
votes
0
answers
31
views
What CUDA, cuDNN, Python, and TensorFlow versions are compatible with NVIDIA GeForce RTX 5090 for GPU support? [closed]
I'm trying to configure TensorFlow with GPU acceleration on my machine, which has an NVIDIA GeForce RTX 5090. I'm having trouble finding the correct combination of:
CUDA version
cuDNN version
Python ...
0
votes
0
answers
28
views
RuntimeError: mat1 and mat2 shapes cannot be multiplied when using gradcam
I made a cnn model like this and trained the batch dataset.
My data preprocessing code was this
train_dir = r'C:\Users\roobe\BACH\norm\train\patches\train' # 훈련 데이터 폴더
val_dir = r'C:\Users\roobe\BACH\...
0
votes
0
answers
42
views
How to run LSTM model inference with TensorFlow Lite in a pure C project (ultra-low latency)?" [closed]
My code is supposed to:
1.Collect data,
2.Infer a value using a pretrained LSTM model
3.Make a decision and run a command based on the inference result.
My project is written entirely in C and has ...
-6
votes
0
answers
42
views
Who does have experience with CatVTON? [closed]
I'm building an offline, company prototype e-commerce app with virtual try-on features connected to our private server. Can CatVTON support this?
I have tried to do it but I'm not familiar with ...
1
vote
1
answer
55
views
Increasing the size of the model
Recently I trained two MLP model and saved weights for future work. I develop one module for loading model and use these model in another module.
Load model module contain this code to load models:
...
-1
votes
0
answers
8
views
Alternative to make model_weight.h5 to json for using with js
Failed to get activated env vars for ~\AppData\Local\Programs\Python\Python312\python.exe in 44ms
14:30:19.604 [info] Process Execution: ~\AppData\Local\Programs\Python\Python312\python.exe -c "...
0
votes
0
answers
38
views
Why is model shows good performance during training, it performs very poorly on the test set? (Time Series Forecasting Multivariate)
I have developed a hybrid BI LSTM-CNN model for predicting the concentration of a chemical in the atmosphere based on multivariate inputs. While the model shows good performance during training, it ...