Questions tagged [tflite]

269 questions
0
votes
1 answer

FLUTTER FACE_RECOGNITION AND POSE_ESTIMATION FOR WEB APPLICATION USING WEBCAM

I have implemented the face recognition and pose estimation for android device. now I have to implement the same to web app. Can anyone please let me know, how to implement face recognition and pose estimation using webcam for web application.…
harizh
  • 326
  • 1
  • 13
0
votes
0 answers

save tflite model in tfjs-node

I use the @tensorflow/tfjs-node package to train a TensorFlow model and would like to save it as tflite. I'm able to save it with model.save('file://./myModel'); and get a myModel folder with the model.json and the weights.bin But how do I…
JoergP
  • 1,349
  • 2
  • 13
  • 28
0
votes
0 answers

My models goes from 75kB to 150 MB when converting from onnx to tf-lite

I a have a small onnx model (generated from pytorch) that only contains convolutions with gaussian kernels, as well as upsampling / downsampling operations. Therefore, it's a small model that's only about 75KB on disk in its onnx form. If I convert…
Simon
  • 11
  • 2
0
votes
1 answer

Mediapipe palm detection model outputs

I want to add Mediapipe hand landmark detection to my C++ project, but mediapipe doesn't support CMake so I had to find another way, I found that the hand landmark detection is a two-model run in serial. the first model is palm detection and the…
M.Akyuzlu
  • 185
  • 2
  • 13
0
votes
1 answer

Tflite model m aker issue - undefined symbol table __scann_ops.os

Anyone know how to solve this python tensorflow issue? Traceback (most recent call last): File "lite_model_gen.py", line 6, in from tflite_model_maker.config import ExportFormat File…
Zero
  • 1
0
votes
2 answers

SEGMENTATION FAULT when running inference on tflite_runtime converted model

I am trying to convert and run a small keras model with tflite_runtime. Converting to tflite works and running inference with tf.lite also works well, however when using the interpreter from tflite_runtime.interpreter I get "segmentation fault: 11"…
0
votes
0 answers

postprocessing steps to tflite - possible?

I am working with tensorflow similarity. Even though i have converted models to tflite for deployment purposes before. I am not sure if it possible to include post processing steps to tflite or anything else for production. What i want: I have…
Bakhtawar
  • 107
  • 2
  • 14
0
votes
0 answers

TFlite Audio Model Maker: InvalidArgumentError: Graph execution error

I am trying to run the TFlite audio classification notebook, but swap out the birds dataset and use the ravdess speech emotion dataset instead. I reshaped the ravdess folder structure to match the birds dataset structure which is: ravdess ├…
0
votes
0 answers

tflite model error when running adb command

I built TFLite model based on this project(tensorflow/models/official/recommendation). However, when I run the model on mobile devices I got hundreds of the errors like below. Anyone can help me? 09-28 17:31:58.836 32740 32740 E tflite :…
0
votes
0 answers

How do I resolve the error: Attempting to use a delegate that only supports static-sized tensors with a graph that has dynamic-sized tensors?

I am trying to compile an image segmentation (U-net) model to run it on edge TPU (Coral Board). I have converted and quantized the model into .tflite and I am getting the following error when compiling with edgetpu compiler: Attempting to use a…
0
votes
0 answers

Error: when add yolov4 to the Flutter app

For the TFlite plugin I have created an application using SSD and yolov2_tiny As far as I know, tflite plugin only supports yolov2 Now I want to add yolov4 to my app when i execute i get the following error: source code causing error: I think…
AnhTuan
  • 205
  • 3
  • 6
0
votes
0 answers

How to convert BGR TensorFlow Lite model to RGB?

I have a tflite model trained on BGR data. How can I make it work properly with RGB images? UPDATE I want to use it with the material-showcase app: https://github.com/googlesamples/mlkit/tree/master/android/material-showcase @Farmaker…
0
votes
0 answers

Tflite int8 Quantise model with multiple inputs and variable output

Hi I have a neural network that takes in 2 inputs using the Functional API varyNetworkInput = tf.keras.Input(shape=(1,), batch_size=1) mainInput = tf.keras.Input(shape=(10, 10)) ... x = tf.keras.layers.Lambda(switcher)([varyNetworkInput,…
GILO
  • 2,444
  • 21
  • 47
0
votes
0 answers

Negative confidences in TFlite inference

I trained my own tflite classification model having 3 classes following this tutorial and now try to test it by applying it to a video feed. Here is my inference code: import cv2 import numpy as np from matplotlib import pyplot as plt from PIL…
André
  • 142
  • 1
  • 15
0
votes
0 answers

How to build pre-processing and post-processing inside TFlite model using Python?

I have trained a tensorflow model and converted it to tflite model. I want to build a Tensorflow lite (.tflite) model which does pre-processing, model execution, and post-processing. Pre-processing mainly consists of reading a single image, resizing…