Open arbiasoula opened 3 days ago
Hi,
Can you please try to create a python venv
on /data/datasets/
following this guide:
https://uob-ai.github.io/python.html
Hi,
I have created the env and i got same error while runing my code :
2024-11-20 19:06:28.189131: I tensorflow/core/util/port.cc:153] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable TF_ENABLE_ONEDNN_OPTS=0
.
2024-11-20 19:06:28.326818: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:485] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2024-11-20 19:06:28.394551: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:8454] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2024-11-20 19:06:28.412418: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1452] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-11-20 19:06:28.515856: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.
To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.
2024-11-20 19:06:30.874198: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
timer.cc:114] Skipping the delay kernel, measurement accuracy will be reduced
W0000 00:00:1732118804.148580 2164705 gpu_timer.cc:114] Skipping the delay kernel, measurement accuracy will be reduced
W0000 00:00:1732118804.149427 2164705 gpu_timer.cc:114] Skipping the delay kernel, measurement accuracy will be reduced
W0000 00:00:1732118804.150266 2164705 gpu_timer.cc:114] Skipping the delay kernel, measurement accuracy will be reduced
Can you try with 2.16.1
?
It seems there is a bug tf https://github.com/tensorflow/tensorflow/issues/62075#issuecomment-2418070917
Hello, I got the same error 2024-11-21 11:00:35.226509: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:458] Loaded runtime CuDNN library: 8.6.0 but source was compiled with: 8.9.6. CuDNN library needs to have matching major version and equal or higher minor version. If using a binary install, upgrade your CuDNN library. If building from sources, make sure the library loaded at runtime is compatible with the version specified during compile configuration. 2024-11-21 11:00:35.227926: W tensorflow/core/framework/op_kernel.cc:1839] OP_REQUIRES failed at cudnn_rnn_ops.cc:1779 : INVALID_ARGUMENT: Dnn is not supported 2024-11-21 11:00:35.227967: W tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: INVALID_ARGUMENT: Dnn is not supported [[{{function_node __inference_one_step_on_data_7737}}{{node sequential_1/bidirectional_1/forward_lstm_1/CudnnRNNV3}}]] 2024-11-21 11:00:35.285747: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:458] Loaded runtime CuDNN library: 8.6.0 but source was compiled with: 8.9.6. CuDNN library needs to have matching major version and equal or higher minor version. If using a binary install, upgrade your CuDNN library. If building from sources, make sure the library loaded at runtime is compatible with the version specified during compile configuration. 2024-11-21 11:00:35.286437: W tensorflow/core/framework/op_kernel.cc:1839] OP_REQUIRES failed at cudnn_rnn_ops.cc:1779 : INVALID_ARGUMENT: Dnn is not supported
Hello, I have an issue while runing my code after activate my env UMA File "/home/nfs/arbiasoula1/Arbia/NDVI-calculation-main/TrainTest.py", line 6, in
import tensorflow as tf
ModuleNotFoundError: No module named 'tensorflow'
(UMA) [arbiasoula1@gpu01 NDVI-calculation-main]$ python -c "import tensorflow as tf; print(tf.version)"
Traceback (most recent call last):
File "", line 1, in
ModuleNotFoundError: No module named 'tensorflow'
(UMA) [arbiasoula1@gpu01 NDVI-calculation-main]$ conda install tensorflow
Collecting package metadata (current_repodata.json): failed
NoSpaceLeftError: No space left on devices. """ (base) [arbiasoula1@gpu01 NDVI-calculation-main]$ python TrainTest.py
A module that was compiled using NumPy 1.x cannot be run in NumPy 2.0.2 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'.
If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2.
Traceback (most recent call last): File "/home/nfs/arbiasoula1/Arbia/NDVI-calculation-main/TrainTest.py", line 5, in
import pandas as pd
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/init.py", line 49, in
from pandas.core.api import (
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/core/api.py", line 28, in
from pandas.core.arrays import Categorical
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/core/arrays/init.py", line 1, in
from pandas.core.arrays.arrow import ArrowExtensionArray
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/core/arrays/arrow/init.py", line 5, in
from pandas.core.arrays.arrow.array import ArrowExtensionArray
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/core/arrays/arrow/array.py", line 50, in
from pandas.core import (
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/core/ops/init.py", line 8, in
from pandas.core.ops.array_ops import (
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/core/ops/array_ops.py", line 56, in
from pandas.core.computation import expressions
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/core/computation/expressions.py", line 21, in
from pandas.core.computation.check import NUMEXPR_INSTALLED
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/core/computation/check.py", line 5, in
ne = import_optional_dependency("numexpr", errors="warn")
File "/home/nfs/arbiasoula1/.local/lib/python3.9/site-packages/pandas/compat/_optional.py", line 135, in import_optional_dependency
module = importlib.import_module(name)
File "/data/software/miniconda3/lib/python3.9/importlib/init.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "/data/software/miniconda3/lib/python3.9/site-packages/numexpr-2.8.4-py3.9-linux-x86_64.egg/numexpr/init.py", line 24, in
from numexpr.interpreter import MAX_THREADS, use_vml, __BLOCK_SIZE1__
AttributeError: _ARRAY_API not found
2024-11-19 13:07:32.691466: I tensorflow/core/platform/cpu_feature_guard.cc:193] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2 FMA
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
A module that was compiled using NumPy 1.x cannot be run in NumPy 2.0.2 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'.
If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2.
Traceback (most recent call last): File "/home/nfs/arbiasoula1/Arbia/NDVI-calculation-main/TrainTest.py", line 6, in
import tensorflow as tf
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/init.py", line 37, in
from tensorflow.python.tools import module_util as _module_util
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/init.py", line 37, in
from tensorflow.python.eager import context
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/eager/context.py", line 34, in
from tensorflow.python.client import pywrap_tf_session
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/client/pywrap_tf_session.py", line 19, in
from tensorflow.python.client._pywrap_tf_session import *
AttributeError: _ARRAY_API not found
A module that was compiled using NumPy 1.x cannot be run in NumPy 2.0.2 as it may crash. To support both 1.x and 2.x versions of NumPy, modules must be compiled with NumPy 2.0. Some module may need to rebuild instead e.g. with 'pybind11>=2.12'.
If you are a user of the module, the easiest solution will be to downgrade to 'numpy<2' or try to upgrade the affected module. We expect that some modules will need time to support NumPy 2.
Traceback (most recent call last): File "/home/nfs/arbiasoula1/Arbia/NDVI-calculation-main/TrainTest.py", line 6, in
import tensorflow as tf
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/init.py", line 37, in
from tensorflow.python.tools import module_util as _module_util
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/init.py", line 42, in
from tensorflow.python import data
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/init.py", line 21, in
from tensorflow.python.data import experimental
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/experimental/init.py", line 96, in
from tensorflow.python.data.experimental import service
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/experimental/service/init.py", line 419, in
from tensorflow.python.data.experimental.ops.data_service_ops import distribute
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/experimental/ops/data_service_ops.py", line 22, in
from tensorflow.python.data.experimental.ops import compression_ops
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/experimental/ops/compression_ops.py", line 16, in
from tensorflow.python.data.util import structure
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/util/structure.py", line 22, in
from tensorflow.python.data.util import nest
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/util/nest.py", line 34, in
from tensorflow.python.framework import sparse_tensor as _sparse_tensor
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/framework/sparse_tensor.py", line 24, in
from tensorflow.python.framework import constant_op
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/framework/constant_op.py", line 25, in
from tensorflow.python.eager import execute
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/eager/execute.py", line 21, in
from tensorflow.python.framework import dtypes
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/framework/dtypes.py", line 29, in
from tensorflow.python.lib.core import _pywrap_bfloat16
AttributeError: _ARRAY_API not found
ImportError: numpy.core._multiarray_umath failed to import
ImportError: numpy.core.umath failed to import
Traceback (most recent call last):
File "/home/nfs/arbiasoula1/Arbia/NDVI-calculation-main/TrainTest.py", line 6, in
import tensorflow as tf
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/init.py", line 37, in
from tensorflow.python.tools import module_util as _module_util
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/init.py", line 42, in
from tensorflow.python import data
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/init.py", line 21, in
from tensorflow.python.data import experimental
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/experimental/init.py", line 96, in
from tensorflow.python.data.experimental import service
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/experimental/service/init.py", line 419, in
from tensorflow.python.data.experimental.ops.data_service_ops import distribute
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/experimental/ops/data_service_ops.py", line 22, in
from tensorflow.python.data.experimental.ops import compression_ops
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/experimental/ops/compression_ops.py", line 16, in
from tensorflow.python.data.util import structure
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/util/structure.py", line 22, in
from tensorflow.python.data.util import nest
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/data/util/nest.py", line 34, in
from tensorflow.python.framework import sparse_tensor as _sparse_tensor
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/framework/sparse_tensor.py", line 24, in
from tensorflow.python.framework import constant_op
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/framework/constant_op.py", line 25, in
from tensorflow.python.eager import execute
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/eager/execute.py", line 21, in
from tensorflow.python.framework import dtypes
File "/data/software/miniconda3/lib/python3.9/site-packages/tensorflow/python/framework/dtypes.py", line 34, in
_np_bfloat16 = _pywrap_bfloat16.TF_bfloat16_type()
TypeError: Unable to convert function return value to a Python type! The signature was
() -> handle"""