Skip to content
New issue

Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? Sign in to your account

Node: 'ssd_mobile_net_v2_keras_feature_extractor/model/Conv1/Conv2D' DNN library is not found. #185

Open
stefanoinference opened this issue Apr 22, 2024 · 0 comments

Comments

@stefanoinference
Copy link

When I run this command:

!python {HOME_TENSORFLOW}/models/research/object_detection/model_main_tf2.py
--pipeline_config_path={pipeline_file}
--model_dir={model_dir}
--alsologtostderr
--num_train_steps={num_steps}
--sample_1_of_n_eval_examples=1

I've this error:

2024-04-22 18:53:05.320807: 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.
2024-04-22 18:53:05.421441: E tensorflow/stream_executor/cuda/cuda_blas.cc:2981] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2024-04-22 18:53:06.091213: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libnvinfer.so.7'; dlerror: libnvinfer.so.7: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-11.2/lib64:/usr/local/cuda-11.2/lib64:
2024-04-22 18:53:06.091272: W tensorflow/stream_executor/platform/default/dso_loader.cc:64] Could not load dynamic library 'libnvinfer_plugin.so.7'; dlerror: libnvinfer_plugin.so.7: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-11.2/lib64:/usr/local/cuda-11.2/lib64:
2024-04-22 18:53:06.091281: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Cannot dlopen some TensorRT libraries. If you would like to use Nvidia GPU with TensorRT, please make sure the missing libraries mentioned above are installed properly.
/home/geoinference/.local/lib/python3.8/site-packages/tensorflow_addons/utils/tfa_eol_msg.py:23: UserWarning:

TensorFlow Addons (TFA) has ended development and introduction of new features.
TFA has entered a minimal maintenance and release mode until a planned end of life in May 2024.
Please modify downstream libraries to take dependencies from other repositories in our TensorFlow community (e.g. Keras, Keras-CV, and Keras-NLP).

For more information see: tensorflow/addons#2807

warnings.warn(
/home/geoinference/.local/lib/python3.8/site-packages/tensorflow_addons/utils/ensure_tf_install.py:53: UserWarning: Tensorflow Addons supports using Python ops for all Tensorflow versions above or equal to 2.11.0 and strictly below 2.14.0 (nightly versions are not supported).
The versions of TensorFlow you are currently using is 2.10.1 and is not supported.
Some things might work, some things might not.
If you were to encounter a bug, do not file an issue.
If you want to make sure you're using a tested and supported configuration, either change the TensorFlow version or the TensorFlow Addons's version.
You can find the compatibility matrix in TensorFlow Addon's readme:
https://github.com/tensorflow/addons
warnings.warn(
2024-04-22 18:53:07.475797: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.480489: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.480629: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.481045: 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.
2024-04-22 18:53:07.481480: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.481610: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.481727: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.847777: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.847968: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.848092: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:980] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2024-04-22 18:53:07.848184: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1616] Created device /job:localhost/replica:0/task:0/device:GPU:0 with 9639 MB memory: -> device: 0, name: NVIDIA GeForce RTX 2080 Ti, pci bus id: 0000:01:00.0, compute capability: 7.5
INFO:tensorflow:Using MirroredStrategy with devices ('/job:localhost/replica:0/task:0/device:GPU:0',)
I0422 18:53:07.933636 140599488255808 mirrored_strategy.py:374] Using MirroredStrategy with devices ('/job:localhost/replica:0/task:0/device:GPU:0',)
INFO:tensorflow:Maybe overwriting train_steps: 40000
I0422 18:53:07.936599 140599488255808 config_util.py:552] Maybe overwriting train_steps: 40000
INFO:tensorflow:Maybe overwriting use_bfloat16: False
I0422 18:53:07.936676 140599488255808 config_util.py:552] Maybe overwriting use_bfloat16: False
WARNING:tensorflow:From /home/geoinference/.local/lib/python3.8/site-packages/object_detection/model_lib_v2.py:563: StrategyBase.experimental_distribute_datasets_from_function (from tensorflow.python.distribute.distribute_lib) is deprecated and will be removed in a future version.
Instructions for updating:
rename to distribute_datasets_from_function
W0422 18:53:08.030044 140599488255808 deprecation.py:350] From /home/geoinference/.local/lib/python3.8/site-packages/object_detection/model_lib_v2.py:563: StrategyBase.experimental_distribute_datasets_from_function (from tensorflow.python.distribute.distribute_lib) is deprecated and will be removed in a future version.
Instructions for updating:
rename to distribute_datasets_from_function
INFO:tensorflow:Reading unweighted datasets: ['/product/git/training/trainingSetup/trainFrogEye_20240422185226/train.record']
I0422 18:53:08.034795 140599488255808 dataset_builder.py:162] Reading unweighted datasets: ['/product/git/training/trainingSetup/trainFrogEye_20240422185226/train.record']
INFO:tensorflow:Reading record datasets for input file: ['/product/git/training/trainingSetup/trainFrogEye_20240422185226/train.record']
I0422 18:53:08.034896 140599488255808 dataset_builder.py:79] Reading record datasets for input file: ['/product/git/training/trainingSetup/trainFrogEye_20240422185226/train.record']
INFO:tensorflow:Number of filenames to read: 1
I0422 18:53:08.034948 140599488255808 dataset_builder.py:80] Number of filenames to read: 1
WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
W0422 18:53:08.034993 140599488255808 dataset_builder.py:86] num_readers has been reduced to 1 to match input file shards.
WARNING:tensorflow:From /home/geoinference/.local/lib/python3.8/site-packages/object_detection/builders/dataset_builder.py:100: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.AUTOTUNE) instead. If sloppy execution is desired, use tf.data.Options.deterministic.
W0422 18:53:08.039074 140599488255808 deprecation.py:350] From /home/geoinference/.local/lib/python3.8/site-packages/object_detection/builders/dataset_builder.py:100: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.AUTOTUNE) instead. If sloppy execution is desired, use tf.data.Options.deterministic.
WARNING:tensorflow:From /home/geoinference/.local/lib/python3.8/site-packages/object_detection/builders/dataset_builder.py:235: DatasetV1.map_with_legacy_function (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.data.Dataset.map() W0422 18:53:08.050302 140599488255808 deprecation.py:350] From /home/geoinference/.local/lib/python3.8/site-packages/object_detection/builders/dataset_builder.py:235: DatasetV1.map_with_legacy_function (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use tf.data.Dataset.map()
WARNING:tensorflow:From /home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/util/dispatch.py:1176: sparse_to_dense (from tensorflow.python.ops.sparse_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Create a tf.sparse.SparseTensor and use tf.sparse.to_dense instead.
W0422 18:53:13.528141 140599488255808 deprecation.py:350] From /home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/util/dispatch.py:1176: sparse_to_dense (from tensorflow.python.ops.sparse_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Create a tf.sparse.SparseTensor and use tf.sparse.to_dense instead.
WARNING:tensorflow:From /home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/util/dispatch.py:1176: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version.
Instructions for updating:
seed2 arg is deprecated.Use sample_distorted_bounding_box_v2 instead.
W0422 18:53:16.233210 140599488255808 deprecation.py:350] From /home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/util/dispatch.py:1176: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version.
Instructions for updating:
seed2 arg is deprecated.Use sample_distorted_bounding_box_v2 instead.
WARNING:tensorflow:From /home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/util/dispatch.py:1176: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
W0422 18:53:18.414700 140599488255808 deprecation.py:350] From /home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/util/dispatch.py:1176: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.cast instead.
/home/geoinference/.local/lib/python3.8/site-packages/keras/backend.py:451: UserWarning: tf.keras.backend.set_learning_phase is deprecated and will be removed after 2020-10-11. To update it, simply pass a True/False value to the training argument of the __call__ method of your layer or model.
warnings.warn(
I0422 18:53:24.396730 140587164493568 api.py:459] feature_map_spatial_dims: [(19, 19), (10, 10), (5, 5), (3, 3), (2, 2), (1, 1)]
INFO:tensorflow:depth of additional conv before box predictor: 0
I0422 18:53:25.813588 140587164493568 convolutional_keras_box_predictor.py:152] depth of additional conv before box predictor: 0
INFO:tensorflow:depth of additional conv before box predictor: 0
I0422 18:53:25.813746 140587164493568 convolutional_keras_box_predictor.py:152] depth of additional conv before box predictor: 0
INFO:tensorflow:depth of additional conv before box predictor: 0
I0422 18:53:25.813833 140587164493568 convolutional_keras_box_predictor.py:152] depth of additional conv before box predictor: 0
INFO:tensorflow:depth of additional conv before box predictor: 0
I0422 18:53:25.813913 140587164493568 convolutional_keras_box_predictor.py:152] depth of additional conv before box predictor: 0
INFO:tensorflow:depth of additional conv before box predictor: 0
I0422 18:53:25.813990 140587164493568 convolutional_keras_box_predictor.py:152] depth of additional conv before box predictor: 0
INFO:tensorflow:depth of additional conv before box predictor: 0
I0422 18:53:25.814068 140587164493568 convolutional_keras_box_predictor.py:152] depth of additional conv before box predictor: 0
I0422 18:53:31.816018 140587164493568 api.py:459] feature_map_spatial_dims: [(19, 19), (10, 10), (5, 5), (3, 3), (2, 2), (1, 1)]
2024-04-22 18:53:36.032899: E tensorflow/stream_executor/cuda/cuda_dnn.cc:389] Could not create cudnn handle: CUDNN_STATUS_INTERNAL_ERROR
2024-04-22 18:53:36.032943: W tensorflow/core/framework/op_kernel.cc:1780] OP_REQUIRES failed at conv_ops.cc:1134 : UNIMPLEMENTED: DNN library is not found.
Traceback (most recent call last):
File "/product/git/training/tensorflowmodel/models/research/object_detection/model_main_tf2.py", line 114, in
tf.compat.v1.app.run()
File "/home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/platform/app.py", line 36, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
File "/home/geoinference/.local/lib/python3.8/site-packages/absl/app.py", line 308, in run
_run_main(main, args)
File "/home/geoinference/.local/lib/python3.8/site-packages/absl/app.py", line 254, in _run_main
sys.exit(main(argv))
File "/product/git/training/tensorflowmodel/models/research/object_detection/model_main_tf2.py", line 105, in main
model_lib_v2.train_loop(
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/model_lib_v2.py", line 605, in train_loop
load_fine_tune_checkpoint(
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/model_lib_v2.py", line 401, in load_fine_tune_checkpoint
_ensure_model_is_built(model, input_dataset, unpad_groundtruth_tensors)
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/model_lib_v2.py", line 176, in _ensure_model_is_built
strategy.run(
File "/home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/distribute/distribute_lib.py", line 1315, in run
return self._extended.call_for_each_replica(fn, args=args, kwargs=kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/distribute/distribute_lib.py", line 2891, in call_for_each_replica
return self._call_for_each_replica(fn, args, kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/distribute/mirrored_strategy.py", line 676, in _call_for_each_replica
return mirrored_run.call_for_each_replica(
File "/home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/distribute/mirrored_run.py", line 83, in call_for_each_replica
return wrapped(args, kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/util/traceback_utils.py", line 153, in error_handler
raise e.with_traceback(filtered_tb) from None
File "/home/geoinference/.local/lib/python3.8/site-packages/tensorflow/python/eager/execute.py", line 54, in quick_execute
tensors = pywrap_tfe.TFE_Py_Execute(ctx._handle, device_name, op_name,
tensorflow.python.framework.errors_impl.UnimplementedError: Graph execution error:

Detected at node 'ssd_mobile_net_v2_keras_feature_extractor/model/Conv1/Conv2D' defined at (most recent call last):
File "/usr/local/lib/python3.8/threading.py", line 890, in _bootstrap
self._bootstrap_inner()
File "/usr/local/lib/python3.8/threading.py", line 932, in _bootstrap_inner
self.run()
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/model_lib_v2.py", line 171, in _dummy_computation_fn
return _compute_losses_and_predictions_dicts(model, features, labels,
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/model_lib_v2.py", line 124, in _compute_losses_and_predictions_dicts
prediction_dict = model.predict(
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/meta_architectures/ssd_meta_arch.py", line 570, in predict
if self._feature_extractor.is_keras_model:
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/meta_architectures/ssd_meta_arch.py", line 571, in predict
feature_maps = self._feature_extractor(preprocessed_inputs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/utils/traceback_utils.py", line 65, in error_handler
return fn(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/engine/training.py", line 557, in call
return super().call(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/utils/traceback_utils.py", line 65, in error_handler
return fn(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/engine/base_layer.py", line 1097, in call
outputs = call_fn(inputs, *args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/utils/traceback_utils.py", line 96, in error_handler
return fn(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/meta_architectures/ssd_meta_arch.py", line 252, in call
return self._extract_features(inputs)
File "/home/geoinference/.local/lib/python3.8/site-packages/object_detection/models/ssd_mobilenet_v2_keras_feature_extractor.py", line 160, in _extract_features
image_features = self.classification_backbone(
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/utils/traceback_utils.py", line 65, in error_handler
return fn(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/engine/training.py", line 557, in call
return super().call(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/utils/traceback_utils.py", line 65, in error_handler
return fn(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/engine/base_layer.py", line 1097, in call
outputs = call_fn(inputs, *args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/utils/traceback_utils.py", line 96, in error_handler
return fn(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/engine/functional.py", line 510, in call
return self._run_internal_graph(inputs, training=training, mask=mask)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/engine/functional.py", line 667, in _run_internal_graph
outputs = node.layer(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/utils/traceback_utils.py", line 65, in error_handler
return fn(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/engine/base_layer.py", line 1097, in call
outputs = call_fn(inputs, *args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/utils/traceback_utils.py", line 96, in error_handler
return fn(*args, **kwargs)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/layers/convolutional/base_conv.py", line 283, in call
outputs = self.convolution_op(inputs, self.kernel)
File "/home/geoinference/.local/lib/python3.8/site-packages/keras/layers/convolutional/base_conv.py", line 255, in convolution_op
return tf.nn.convolution(
Node: 'ssd_mobile_net_v2_keras_feature_extractor/model/Conv1/Conv2D'
DNN library is not found.
[[{{node ssd_mobile_net_v2_keras_feature_extractor/model/Conv1/Conv2D}}]] [Op:__inference__dummy_computation_fn_21255]

I install this package :

wget https://developer.download.nvidia.com/compute/cuda/repos/debian11/x86_64/libcudnn8_8.9.1.23-1+cuda11.8_amd64.deb
wget https://developer.download.nvidia.com/compute/cuda/repos/debian11/x86_64/libcudnn8-dev_8.9.1.23-1+cuda11.8_amd64.deb
wget https://developer.download.nvidia.com/compute/cuda/repos/debian11/x86_64/libcudnn8-samples_8.9.1.23-1+cuda11.8_amd64.deb

pip list:

Package Version


absl-py 1.4.0
apache-beam 2.46.0
array-record 0.4.0
asttokens 2.4.1
astunparse 1.6.3
attrs 23.2.0
avro-python3 1.10.2
backcall 0.2.0
backports.zoneinfo 0.2.1
bleach 6.1.0
cachetools 5.3.3
certifi 2024.2.2
charset-normalizer 3.3.2
click 8.1.7
cloudpickle 2.2.1
colorama 0.4.6
comm 0.2.2
contextlib2 21.6.0
contourpy 1.1.1
crcmod 1.7
cycler 0.12.1
Cython 3.0.10
debugpy 1.8.1
decorator 5.1.1
dill 0.3.1.1
dm-tree 0.1.8
dnspython 2.6.1
docopt 0.6.2
etils 1.3.0
executing 2.0.1
fastavro 1.9.4
fasteners 0.19
flatbuffers 24.3.25
fonttools 4.51.0
gast 0.4.0
gin-config 0.5.0
google-api-core 2.18.0
google-api-python-client 2.126.0
google-auth 2.29.0
google-auth-httplib2 0.2.0
google-auth-oauthlib 0.4.6
google-pasta 0.2.0
googleapis-common-protos 1.63.0
grpcio 1.62.2
h5py 3.11.0
hdfs 2.7.3
httplib2 0.21.0
idna 3.7
immutabledict 4.2.0
importlib_metadata 7.1.0
importlib_resources 6.4.0
ipykernel 6.29.4
ipython 8.12.3
jedi 0.19.1
joblib 1.4.0
Js2Py 0.74
jsonpickle 3.0.4
jsonschema 4.21.1
jsonschema-specifications 2023.12.1
jupyter_client 8.6.1
jupyter_core 5.7.2
kaggle 1.6.12
keras 2.11.0
Keras-Preprocessing 1.1.2
kiwisolver 1.4.5
libclang 18.1.1
lvis 0.5.3
lxml 5.2.1
Markdown 3.6
MarkupSafe 2.1.5
matplotlib 3.7.5
matplotlib-inline 0.1.7
nest-asyncio 1.6.0
numpy 1.24.4
oauth2client 4.1.3
oauthlib 3.2.2
object-detection 0.1
objsize 0.6.1
opencv-python 4.9.0.80
opencv-python-headless 4.5.2.52
opt-einsum 3.3.0
orjson 3.10.1
packaging 24.0
pandas 2.0.3
parso 0.8.4
pexpect 4.9.0
pickleshare 0.7.5
pillow 10.3.0
pip 22.0.4
pkgutil_resolve_name 1.3.10
platformdirs 4.2.0
portalocker 2.8.2
promise 2.3
prompt-toolkit 3.0.43
proto-plus 1.23.0
protobuf 3.19.6
psutil 5.9.8
ptyprocess 0.7.0
pure-eval 0.2.2
py-cpuinfo 9.0.0
pyarrow 9.0.0
pyarrow-hotfix 0.6
pyasn1 0.6.0
pyasn1_modules 0.4.0
pycocotools 2.0.7
pydot 1.4.2
Pygments 2.17.2
pyjsparser 2.7.1
pymongo 3.13.0
pyparsing 2.4.7
python-dateutil 2.9.0.post0
python-slugify 8.0.4
pytz 2024.1
PyYAML 5.3
pyzmq 26.0.2
referencing 0.34.0
regex 2024.4.16
requests 2.31.0
requests-oauthlib 2.0.0
rpds-py 0.18.0
rsa 4.9
sacrebleu 2.2.0
scikit-learn 1.3.2
scipy 1.10.1
sentencepiece 0.2.0
seqeval 1.2.2
setuptools 57.5.0
six 1.16.0
stack-data 0.6.3
tabulate 0.9.0
tensorboard 2.11.2
tensorboard-data-server 0.6.1
tensorboard-plugin-wit 1.8.1
tensorflow 2.11.0
tensorflow-addons 0.21.0
tensorflow-datasets 4.9.0
tensorflow-estimator 2.11.0
tensorflow-hub 0.16.1
tensorflow-io 0.23.1
tensorflow-io-gcs-filesystem 0.23.1
tensorflow-metadata 1.13.0
tensorflow-model-optimization 0.8.0
tensorflow-text 2.11.0
termcolor 2.4.0
text-unidecode 1.3
tf-estimator-nightly 2.8.0.dev2021122109
tf-keras 2.15.0
tf-models-official 2.11.0
tf-slim 1.1.0
threadpoolctl 3.4.0
toml 0.10.2
tornado 6.4
tqdm 4.66.2
traitlets 5.14.3
typeguard 2.13.3
typing_extensions 4.11.0
tzdata 2024.1
tzlocal 5.2
uritemplate 4.1.1
urllib3 2.2.1
wcwidth 0.2.13
webencodings 0.5.1
Werkzeug 3.0.2
wheel 0.37.1
wrapt 1.16.0
zipp 3.18.1
zstandard 0.22.0

Stefano

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment
Labels
None yet
Projects
None yet
Development

No branches or pull requests

1 participant