Skip to content

Commit

Permalink
v0.3.2
Browse files Browse the repository at this point in the history
Signed-off-by: Kory Watson <[email protected]>
  • Loading branch information
kory committed Feb 25, 2024
1 parent 03ff7b8 commit 0959d7d
Show file tree
Hide file tree
Showing 92 changed files with 257 additions and 243 deletions.
82 changes: 41 additions & 41 deletions README.md

Large diffs are not rendered by default.

2 changes: 1 addition & 1 deletion qai_hub_models/_version.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,4 +2,4 @@
# Copyright (c) 2024 Qualcomm Innovation Center, Inc. All rights reserved.
# SPDX-License-Identifier: BSD-3-Clause
# ---------------------------------------------------------------------
__version__ = "0.3.1"
__version__ = "0.3.2"
6 changes: 3 additions & 3 deletions qai_hub_models/models/_shared/imagenet_classifier/model.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,11 +9,11 @@
import numpy as np
import torch

from qai_hub_models.datasets.imagenette import ImagenetteDataset
from qai_hub_models.evaluators.base_evaluators import BaseEvaluator
from qai_hub_models.evaluators.classification_evaluator import ClassificationEvaluator
from qai_hub_models.utils.base_model import BaseModel
from qai_hub_models.utils.input_spec import InputSpec
from qai_hub_models.utils.quantization import get_image_quantization_samples

MODEL_ASSET_VERSION = 1
MODEL_ID = __name__.split(".")[-2]
Expand Down Expand Up @@ -79,5 +79,5 @@ def from_pretrained(
def sample_inputs(
self, input_spec: InputSpec | None = None
) -> Dict[str, List[np.ndarray]]:
dataset = ImagenetteDataset()
return dict(image_tensor=[dataset[42][0].numpy()[None, :, :, :]])
samples = get_image_quantization_samples()
return dict(image_tensor=[samples[:1].numpy()])
4 changes: 2 additions & 2 deletions qai_hub_models/models/baichuan_7b_quantized/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -25,7 +25,7 @@ a hosted Qualcomm® device.
* [Source Model Implementation](https://github.com/baichuan-inc/Baichuan-7B/)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

26 changes: 24 additions & 2 deletions qai_hub_models/models/controlnet_quantized/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,29 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/lllyasviel/ControlNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

## Usage and Limitations

This model may not be used for or in connection with any of the following applications:

- Accessing essential private and public services and benefits;
- Administration of justice and democratic processes;
- Assessing or recognizing the emotional state of a person;
- Biometric and biometrics-based systems, including categorization of persons based on sensitive characteristics;
- Education and vocational training;
- Employment and workers management;
- Exploitation of the vulnerabilities of persons resulting in harmful behavior;
- General purpose social scoring;
- Law enforcement;
- Management and operation of critical infrastructure;
- Migration, asylum and border control management;
- Predictive policing;
- Real-time remote biometric identification in public spaces;
- Recommender systems of social media platforms;
- Scraping of facial images (from the internet or otherwise); and/or
- Subliminal manipulation


4 changes: 2 additions & 2 deletions qai_hub_models/models/convnext_tiny/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/pytorch/vision/blob/main/torchvision/models/convnext.py)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ddrnet23_slim/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/chenjun2hao/DDRNet.pytorch)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/deeplabv3_resnet50/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/pytorch/vision/blob/main/torchvision/models/segmentation/deeplabv3.py)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/densenet121/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/pytorch/vision/blob/main/torchvision/models/densenet.py)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/detr_resnet101/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/facebookresearch/detr)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

6 changes: 0 additions & 6 deletions qai_hub_models/models/detr_resnet101/perf.yaml
Original file line number Diff line number Diff line change
Expand Up @@ -2,12 +2,6 @@ aggregated:
supported_oses:
- Android
supported_devices:
- Google Pixel 3
- Google Pixel 3a
- Google Pixel 3a XL
- Google Pixel 4
- Google Pixel 4a
- Google Pixel 5a 5G
- Samsung Galaxy S21
- Samsung Galaxy S21 Ultra
- Samsung Galaxy S21+
Expand Down
4 changes: 2 additions & 2 deletions qai_hub_models/models/detr_resnet101_dc5/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/facebookresearch/detr)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

6 changes: 0 additions & 6 deletions qai_hub_models/models/detr_resnet101_dc5/perf.yaml
Original file line number Diff line number Diff line change
Expand Up @@ -2,12 +2,6 @@ aggregated:
supported_oses:
- Android
supported_devices:
- Google Pixel 3
- Google Pixel 3a
- Google Pixel 3a XL
- Google Pixel 4
- Google Pixel 4a
- Google Pixel 5a 5G
- Samsung Galaxy S21
- Samsung Galaxy S21 Ultra
- Samsung Galaxy S21+
Expand Down
4 changes: 2 additions & 2 deletions qai_hub_models/models/detr_resnet50/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/facebookresearch/detr)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

6 changes: 0 additions & 6 deletions qai_hub_models/models/detr_resnet50/perf.yaml
Original file line number Diff line number Diff line change
Expand Up @@ -2,12 +2,6 @@ aggregated:
supported_oses:
- Android
supported_devices:
- Google Pixel 3
- Google Pixel 3a
- Google Pixel 3a XL
- Google Pixel 4
- Google Pixel 4a
- Google Pixel 5a 5G
- Samsung Galaxy S21
- Samsung Galaxy S21 Ultra
- Samsung Galaxy S21+
Expand Down
4 changes: 2 additions & 2 deletions qai_hub_models/models/detr_resnet50_dc5/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/facebookresearch/detr)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

6 changes: 0 additions & 6 deletions qai_hub_models/models/detr_resnet50_dc5/perf.yaml
Original file line number Diff line number Diff line change
Expand Up @@ -2,12 +2,6 @@ aggregated:
supported_oses:
- Android
supported_devices:
- Google Pixel 3
- Google Pixel 3a
- Google Pixel 3a XL
- Google Pixel 4
- Google Pixel 4a
- Google Pixel 5a 5G
- Samsung Galaxy S21
- Samsung Galaxy S21 Ultra
- Samsung Galaxy S21+
Expand Down
4 changes: 2 additions & 2 deletions qai_hub_models/models/efficientnet_b0/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/pytorch/vision/blob/main/torchvision/models/efficientnet.py)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/esrgan/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/xinntao/ESRGAN/)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/facebook_denoiser/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/facebookresearch/denoiser)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/fastsam_s/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/CASIA-IVA-Lab/FastSAM)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/fastsam_x/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/CASIA-IVA-Lab/FastSAM)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/fcn_resnet50/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/pytorch/vision/blob/main/torchvision/models/segmentation/fcn.py)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ffnet_122ns_lowres/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/Qualcomm-AI-research/FFNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ffnet_40s/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/Qualcomm-AI-research/FFNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ffnet_40s_quantized/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/Qualcomm-AI-research/FFNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ffnet_54s/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/Qualcomm-AI-research/FFNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ffnet_54s_quantized/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/Qualcomm-AI-research/FFNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ffnet_78s/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/Qualcomm-AI-research/FFNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ffnet_78s_lowres/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -53,7 +53,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/Qualcomm-AI-research/FFNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

4 changes: 2 additions & 2 deletions qai_hub_models/models/ffnet_78s_quantized/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -48,7 +48,7 @@ script requires access to Deployment instructions for Qualcomm® AI Hub.
* [Source Model Implementation](https://github.com/Qualcomm-AI-research/FFNet)

## Community
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcommaihub-nac3926/shared_invite/zt-2d5zsmas3-Sj0Q9TzslueCjS31eXG2UA) to collaborate, post questions and learn more about on-device AI.
* Join [our AI Hub Slack community](https://join.slack.com/t/qualcomm-ai-hub/shared_invite/zt-2dgf95loi-CXHTDRR1rvPgQWPO~ZZZJg) to collaborate, post questions and learn more about on-device AI.
* For questions or feedback please [reach out to us](mailto:[email protected]).

{usage_and_limitation}

Loading

0 comments on commit 0959d7d

Please sign in to comment.