Skip to content

Instantly share code, notes, and snippets.

View sachadee's full-sized avatar

SachaDee sachadee

View GitHub Profile
@sachadee
sachadee / testOV.py
Created May 10, 2025 19:32
OpenVino PaddleOcr inference test
import os
import cv2
import numpy as np
from util import detectionclassOV as net
detection = net.Detection("./weights/compiled_detection.blob")
def main():
frame = cv2.imread('./images/plate.jpg')
image = frame.copy()
@sachadee
sachadee / test.py
Last active May 10, 2025 17:57
ONNX PaddleOCR inference code
import os
import cv2
import numpy as np
from util import detectionclass as net
detection = net.Detection('./weights/detection.onnx')
def main():
frame = cv2.imread('./images/plate.jpg')
image = frame.copy()
@sachadee
sachadee / detectionclass.onnx
Last active May 10, 2025 17:21
ONNX PaddleOCR Detection Class
import math
import os
import cv2
import numpy as np
from pyclipper import *
from shapely.geometry import Polygon
class Detection:
def __init__(self, onnx_path, session=None):
inflect
librosa==0.9.2
matplotlib
numpy
Pillow
PyQt5
scikit-learn
scipy
sounddevice
SoundFile==0.10.3.post1
@sachadee
sachadee / encrypt_python_AES_GCM.py
Created July 7, 2024 23:54
Python code to crypt a message with AES-GCM 128 bits
from Crypto.Cipher import AES
from Crypto.Random import get_random_bytes
import base64
def encrypt_aes_gcm(plaintext, key):
cipher = AES.new(key, AES.MODE_GCM)
ciphertext, tag = cipher.encrypt_and_digest(plaintext)
return ciphertext, cipher.nonce, tag
# Example usage
@sachadee
sachadee / decrypt_AESGCM_from_python.js
Last active July 8, 2024 01:41
Decrypt AES-GCM from python in Javascript (128 bits)
//Function to get to convert to bytes the base64 values from python
function base64ToUint8Array(base64) {
var binaryString = atob(base64);
var len = binaryString.length;
var bytes = new Uint8Array(len);
for (var i = 0; i < len; i++) {
bytes[i] = binaryString.charCodeAt(i);
}
return bytes;
with torch.no_grad():
for idx, (image, _) in enumerate(
tqdm(loader, desc="Create embeddings matrix", total=len(loader)),
):
embeddings = np.empty([1,512])
embeddings[int(0) :] = F.normalize(backbone(image.to(device))).cpu()
image = image[0].permute(1,2,0)
imgarr = image.cpu().detach().numpy()
print(imgarr.dtype)
opencvImage = cv2.cvtColor(imgarr, cv2.COLOR_RGB2BGR)
@sachadee
sachadee / arcface
Created May 7, 2022 07:59
arcfaceproblem
# get embedding for each face
embeddings = np.zeros([len(loader.dataset), embedding_size])
with torch.no_grad():
for idx, (image, _) in enumerate(
tqdm(loader, desc="Create embeddings matrix", total=len(loader)),
):
print(idx)
embeddings[idx, :] = F.normalize(backbone(image.to(device))).cpu()
tensor_to_pil = transforms.ToPILImage()(image.squeeze_(0)).convert('RGB')
tensor_to_pil.show()
tensor_to_pil = transforms.ToPILImage()(tensor)
tensor_to_pil.show()
@sachadee
sachadee / tensorinfo.py
Last active May 7, 2022 06:55
tensor info
#Base Image
print("Image Dtype:", np.array(image).dtype)
print("Image shape:", np.array(image).shape)
print('***********')
#Tensor image
print("Tensor Dtype:", tensor.dtype)
print("Tensor shape:", tensor.shape)