-
Problem Description
The goal is to develop a robust model for classifying various eye diseases using Recurrent Neural Networks (RNN). Early and accurate detection of eye diseases is crucial for eff…
-
Hi,
Thank you for this great work. Do you have any plans to make it possible to explain RNN/LSTM models? Right now I have to make the explanation with LIME and then I plot it with force_plot.
-
### 1. System information
- OS Linux Ubuntu 22.04
- TensorFlow installation from sources
- TensorFlow library version 2.16
### 2. Code
I converted model from tensorflow to tflight. I should…
-
from pathlib import Path
import numpy as np
import pytest
import torch
import torch.nn as nn
from hls4ml.converters import convert_from_pytorch_model
from hls4ml.utils.config import config_f…
-
Once we have an implementation of the Layer Class https://github.com/arrayfire/arrayfire_ml/issues/17 , the Optimizer class and the DataSet class we can go about creating RNN flavors. There are 3 mode…
-
## Description:
Sudoku is a popular logic-based number puzzle. This project demonstrates how to use Convolutional Neural Networks (CNN) with TensorFlow to solve Sudoku puzzles by recognizing and fill…
-
### Deep Learning Simplified Repository (Proposing new issue)
:red_circle: **Project Title** : Question generation from a text integrated with fast api
:red_circle: **Aim** : To help teachers for…
-
Description
This feature aims to implement a Recurrent Neural Network (RNN) model to classify eye diseases from medical images. The model will be trained to identify various eye conditions such as …
-
May I ask how you changed the run in the class RWKV_RNN to make the state input and output? Now my revised speed after modification is relatively slow, and the converted onnx model is relatively large…
-
Hi,when i use aimet to quantize my rnn model,some tracing error happens.
```
import torch
import torch.nn as nn
from aimet_torch.model_preparer import prepare_model
rnn=nn.RNN(10,20,1)
rnn=prepa…