-
### Description
```python3
from flax import nnx
import tensorflow as tf
import jax.numpy as jnp
from jax.experimental import jax2tf
import optax
from flax.training import train_state
key = n…
-
### 1. System information
- OS Platform and Distribution (e.g., Linux Ubuntu 16.04):
Google Colab with Python 3.10.12
- TensorFlow installation (pip package or built from source):
pip package
-…
-
### Checklist
- [X] Checked the issue tracker for similar issues to ensure this is not a duplicate
- [X] Read the documentation to confirm the issue is not addressed there and your configuration i…
-
get tensorflow lite protos added into the project
-
### Description of the bug:
```
class test(nn.Module):
def __init__(self, n_channels=3, n_classes=3, norm_layer=None, bilinear=True):
super(test, self).__init__()
self.Up1 …
-
### Search before asking
- [X] I have searched the YOLOv5 [issues](https://github.com/ultralytics/yolov5/issues) and [discussions](https://github.com/ultralytics/yolov5/discussions) and found no simi…
-
> INFO: Created TensorFlow Lite XNNPACK delegate for CPU.
> Traceback (most recent call last):
> File "real_time_processing_tf_lite.py", line 69, in
> interpreter_1.set_tensor(input_details_…
-
### Issue type
Build/Install
### Have you reproduced the bug with TensorFlow Nightly?
Yes
### Source
source
### TensorFlow version
2.18.0-rc0
### Custom code
No
### OS pl…
-
Using tensorflow 2.16.1 with keras 3.5.0 falied to load pretrained gru layers weights to a gru cell.
the tow layer are defined as below
For gru layers:
t_rnn_1 = keras.layers.GRU(units=64, r…
-
### Issue type
Bug
### Have you reproduced the bug with TensorFlow Nightly?
Yes
### Source
source
### TensorFlow version
2.13.1
### Custom code
Yes
### OS platform and distribution
Linux Ub…