Questions tagged [facenet]

31 questions
4
votes
2 answers

error - "I tensorflow/stream_executor/cuda/cuda_dnn.cc:368] Loaded cuDNN version 8400 Could not load library cudnn_cnn_infer64_8.dll. Error code 193"

I have encounter "I tensorflow/stream_executor/cuda/cuda_dnn.cc:368] Loaded cuDNN version 8400 Could not load library cudnn_cnn_infer64_8.dll. Error code 193" will working with TensorFlow. version: TensorFlow 2.8 CUDA 11.6 CUDNN 8.4
3
votes
2 answers

Error converting FaceNet model into ONNX format

System information OS Platform and Distribution: Linux Ubuntu 19.10 Tensorflow Version: 1.15 Python version: 3.7 Issue I downloaded a tensorflow model of FaceNet from this page, and I'm trying to convert it from .pb into a .onnx file, however it…
Xesk
  • 31
  • 6
2
votes
0 answers

Can I fine-tune a pre-trained model to improve its accuracy for my input data?

I am actually trying to use Google's FaceNet for face verification. My idea is that since my app would be used by its users multiple times every day, I might be able to improve its accuracy at verifying their faces in particular, by training the…
2
votes
0 answers

Error occurred while loading a pre-trained model of h5 format

I have a problem loading a pre-trained model written as an .h5 file in my TensorFlow-GPU environment. (LINK to the model associated as its weights) To begin, I loaded this very model by means of keras.models.load_model(). An error popped up as…
2
votes
0 answers

Value Error: Bad Marshal data while loading pretrained model facenet_keras.h5

This is my code to prepare the data where I'm loading the pretrained model facenet_keras.h5 The error occurs at line 16 where I'm loading the model. import os import pickle import numpy as np import cv2 import mtcnn from keras.models import…
2
votes
1 answer

How to use FaceNet and DBSCAN on multiple embeddings identities?

I have the following setting: A surveillance system take photos of people's faces (there are a varying number of photos for each person). I run FaceNet for each photo and get a list of embedding vectors for each person (each person is represented…
leo7r
  • 10,468
  • 1
  • 22
  • 26
1
vote
0 answers

How to solve Facenet pytorch Installation issue in kaggle?

I am running this code but I am getting errors while importing the facenet_pytorch import MTCNN module. I have used the below code but I am unable to get the module in the Kaggle environment. %%capture !pip install…
Faizkh
  • 11
  • 2
1
vote
0 answers

Face Recognition issue with mobile facenet

I am facing the following issue while using a Mobile FaceNet for face recognition: Sometimes it identifies the wrong face. For example, I add the face of A person and B person On scanning person A face it identifies it as person B's…
1
vote
2 answers

Very high CPU usage when using opencv2 with multithreading in python

I am trying to create automatic attendance system with opencv2 in which i need to get rtsp stream from IP camera, find faces from it and recognize face. I created different threads from frame catching and drawing because face recognition function…
Dhiren Jaypal
  • 55
  • 1
  • 9
1
vote
1 answer

Is there any way to load FaceNet model as a tf.keras.layers.Layer using Tensorflow 2.3?

I want to use FaceNet as a embedding layer (which won't be trainable). I tried loading FaceNet like so : tf.keras.models.load_model('./path/tf_facenet') where directory ./path/tf_facenet contains 4 files that can be downloaded at…
maggle
  • 485
  • 4
  • 11
0
votes
0 answers

Facenet_keras: (ValueError: bad marshal data (unknown type code))

I am new to the TensorFlow and Keras , I want to implement the Facenet_keras model which can be found in this link (https://drive.google.com/drive/folders/1pwQ3H4aJ8a6yyJHZkTwtjcL4wYWQb7bn) I keep getting the error ValueError: bad marshal data…
Person
  • 1
  • 1
0
votes
0 answers

Running FaceNet in real time for face recognition using openCV and mtcnn

I have generated a .npz file which Have the face embeddings and I can recognise faces from images but I can't implement in real time. Here is the code that I'm trying : `import cv2 import numpy as np from mtcnn import MTCNN import tensorflow as…
0
votes
1 answer

Error while generating triplets in custom train loop

I'm building a face recognition model (FaceNet), for that as you may know we have to generate triplets, I'm getting error in my implementation, if any changes in below code or a better implementation please answer. The below is the code for…
VVY
  • 57
  • 8
0
votes
0 answers

Test data accuracy low with the use of trained svm classifier

`I want to evaluate my recognition system using trained svm classifier.It loads a trained FaceNet model and the associated weights and uses it to generate face embeddings. The embeddings are then used to train an SVM classifier to recognize known…
Seah You
  • 1
  • 1
0
votes
0 answers

does facenet-pytorch run on rasberry pi 4 b?

I want to use facenet-pytorch to my raspberry and conduct a face recognition, but it seems like it is imposible. Does facenet-pytorch can convert to mobile version or can convert and run on raspberry pi 4 with some sort of quantization process…
1
2 3