301 questions
1
vote
1
answer
130
views
Keras Model throwing Error while integrating with frontend [closed]
I trained a model on Colab for my final year project EfficientNetB0. After all the layer training, I tested it and its result was excellent, but now I want to integrate the model to the frontend web ...
0
votes
0
answers
27
views
How to segment cells in Bright Field microscopy with uneven illumination and fragile edges?
brightField CellI'm working on cell segmentation using Bright Field (BF) microscopy images, but I'm struggling due to uneven illumination and weak cell edges.
To summarize, I’m stuck between two ...
0
votes
1
answer
82
views
Unable to OCR Type3 Font after image preprocessing, training Tesseract
I am trying to OCR a specific area of a PDF page in a multi-page document (total page count varies between 600-10,000 pages). I initially receive the data as .pcl files in batches of 500 records, ...
2
votes
1
answer
336
views
How to preprocess an image to match TFLite model input shape [1, 640, 640, 3] in Flutter?
Problem:
I am working on a Flutter project where I need to run a TensorFlow Lite (TFLite) object detection model. The model has specific input and output shape requirements, and I am encountering ...
2
votes
1
answer
314
views
what is the best way to recognize embossed text with Tesseract OCR?
I am trying to read the text from a U.S. penny to orient the coin.
the original is from
https://www.usmint.gov/wordpress/wp-content/uploads/2024/05/2024-lincoln-penny-uncirculated-obverse-philadelphia....
0
votes
0
answers
121
views
Unable to Extract Text from Image Using Tesseract OCR - How to Preprocess Instagram Reels Frames
I am working on a project where I need to extract text from frames of an Instagram Reels video. I used the yt-dlp to download the video, extracted frames using ffmpeg, and attempted to read the text ...
3
votes
1
answer
118
views
Incorrect digit detection using Tesseract OCR on video frames in Python
I'm trying to calculate the real time of video recording. I have a lot of videos, some of which were lost during transmission. All of them are in mp4 format. to get the duration, I recognize the time ...
0
votes
1
answer
253
views
Pre-processing cow tag images for OCR with EasyOCR
I'm trying to use Optical Character Recognition to extract text from images of cattle tags like . The tags are yellow with black text, and they may be slightly distorted or rotated.
I'm wondering ...
0
votes
0
answers
55
views
pytesseract not recognizing digits
I'm trying to use a RaspberryPi with a camera to snap a picture of an electricity meter and OCR the image.
This is the source image
This is the image after the CV processing
This is the image ...
1
vote
2
answers
10k
views
Extract text from image using tessaract and opencv
screenshot.png:
modified_image.png:
I am trying to extract text from an image but seems however I do it tessaract gives me some random values even though I think I have processed the image to a very ...
0
votes
1
answer
91
views
Pytesseract improving number recognition using CV
i'm using Pytesseract to screenshot parts of my screen and then using cv2 to edit this image into black letters with white background, however i'm getting the exact opposite and cant figure out why.
...
1
vote
1
answer
2k
views
Correctly extract text from image using Tesseract OCR
I have been trying to extract the bold white text from this image but not able to get it working correctly, seems the 9 is read as a 3 and the I as 1.
Have been looking at various sites which has code ...
1
vote
1
answer
395
views
Extracting Text from led panel
I need to extract the kilogram (kg) values displayed in the image below:
I manually cropped the image to isolate the text part and applied several image processing techniques such as grayscale ...
0
votes
0
answers
128
views
Text extraction with OCR
The provided image has various elements of a monitor. I want to extract the text of each of them. I have tried various approaches, but there is a lot of text that I cannot identify.enter image ...
0
votes
1
answer
201
views
Wrong numbers retrieved in pytesseract
I'm trying to retrieve data from an online image with pytesseract, however the result is pretty bad and I was wondering if there was a way to improve it.
Here is my code:
import io
import requests
...
1
vote
1
answer
819
views
OCR with varying background colors and low contrasts?
I'm trying to convert images to text using pytesseract. It works well for images with white background and black text, but it fails for images with less contrast and varying colors.
I have tried to ...
-1
votes
2
answers
397
views
need to OCR red text on black background with pytesseract: program don`t see red color
Let`s start with image:
My current task is to print the text from image with using pytesseract.
import cv2
import pytesseract
pytesseract.pytesseract.tesseract_cmd = "tesseract/tesseract.exe&...
0
votes
2
answers
585
views
How to load a batch of images of and split them into patches on the fly with PyTorch>
I want to load a batch of images of different resolutions and split them into non-overlapping patches of equal sizes on the fly to feed them to a Resnet18 model, is there an existing transform class ...
0
votes
1
answer
115
views
How to preprocess black text on a cream background for Tesseract using OpenCV?
I am looking to extract text from this image:
Specifically the row under "Kills". However I cannot seem to get accurate results.
I tried to convert the image to gray and apply a threshhold:
...
0
votes
2
answers
168
views
Digit OCR using Tesseract
I'm trying to ocr some numbers:
And I have made this code to test different psm arguments (6,7,8,13), I don't see much difference.
import os
import pytesseract
import matplotlib.pyplot as plt
import ...
1
vote
0
answers
210
views
Pytesseract/OpenCV remove lines
Fist time here using PyTesseract and OpenCV.
I need to OCR data from picture that will look like this:
I've manually added the red circle to showcase the data element i'm interested in. They are not ...
0
votes
0
answers
898
views
tesseract is reading passport mrz text from image incorrectly, its identifying <<<<<<<< as kkkk or cccc
I am trying to read the passport mrz string from the image i am using Tesseract and OpenCV for image processing i have tried three different ways none of them worked
Attempt 1
I have this image when ...
1
vote
1
answer
148
views
image identification using tessaract
I am trying to identify numbers and their position in the image
This is my code:
import cv2
import pytesseract
def round_to_nearest_10(number):
return round(number / 10) * 10
def parse_image_grid(...
0
votes
2
answers
346
views
How to use OpenCV to black out everything in an image except for license plate letters?
I'm trying to create a program that turns everything in an image black, except for the letters in a license plate area. I'm not sure where to start with this. I know I can use OpenCV in Python to load ...
1
vote
0
answers
260
views
OpenCvSharp Deskew and Warp Image by Contours
I would like to fix word of text before scanning via Tesseract with OpenCvSharp. Code's snippet and images's results as following. I can not find warpping and deskewing image. Thank you in advance for ...
0
votes
1
answer
83
views
tesseract inaccuracy in extracting meaningless words
i can not extract text with reliable accuracy from an image
import cv2
import pytesseract
pytesseract.pytesseract.tesseract_cmd = r'C:\Program Files\Tesseract-OCR\tesseract.exe'
image_path = 'crop....
0
votes
1
answer
353
views
Preprocess image with opencv4nodejs for tesseract
I am trying to preprocess this image.
With Tesseract I then try to read the numbers on the right like:
const COORDINATES = [
MORE_INFO_LABELS: {
x: 740,
y: 165,
w: 112,
h: 326,
},
]...
0
votes
1
answer
131
views
How to remove borders from image without losing image quality?
I have an image which contains borders for column headers and no border for data, now I want to remove the borders or lines from the image without losing its quality.
Here is the image
Here is the ...
1
vote
1
answer
234
views
Pytesseract having hard time reading 0 off LCD screen
Based on my previous question, I have a LCD screen that I need to read off of. The image that is use is
The code takes the chunks of pre determined regions and sends it to pytesseract to read. Most ...
0
votes
1
answer
471
views
Extract string from image using pytesseract
I am a newbie on OCR manipulation and extraction data from images. After searching for solution I did find some code but it didn't work for my use case, it didn't extract correctly all characters, at ...
-2
votes
1
answer
2k
views
How to sharpen an image using openCV in Python
I have applied the following adjustments to the original image:
resized
changed the colour scale
greyscaled
thresholded
inverted the colours
This results in the following image
Using tesseract, i'm ...
0
votes
0
answers
501
views
How can I separate lines in this text for OCR?
I want to use OCR on this block of text:
It works well on some lines, but on other lines it doesn't detect anything / gibberish. I'm pretty sure it's because of how the text is skewed, since if I ...
0
votes
0
answers
162
views
How can I crop out the perimeter of a circular petri dish to evaluate only what is inside the circular dish using Python 3.11 and scikit-image?
I have been tasked with taking scanned images of a petri dish with bacterial colonies growing on it over time and performing an analysis of different statistics such as growth rate, time of appearance,...
0
votes
0
answers
147
views
How can I preprocess the image(OpenCV) to segment the round part better?
I want to better segment the round part in my pictures(use Segment Anything),and i try many ways to improve the effect,including threshholding(OTSU/adaptive....),OpenCV edge detection(Sobel/Scharr/...
0
votes
1
answer
576
views
How to convert raster map to shapefile (raster map boundaries to vector center line shapefile)
I have a raster map in tiff format and I am trying to convert it into smooth shape file. but I guess due to pencil drawn lines its output is in the weird shape file which you can show in the screen ...
0
votes
1
answer
222
views
How to perform preprocessing steps on image dataset once, so that it can be used for training and testing the model many times
I am training different networks like VGG16, Resnet, Densenet, Squeezenet etc. on image dataset.
I am performing following steps before training.
train_dataset = torchvision.datasets.ImageFolder(
...
0
votes
1
answer
139
views
Ambiguous data cardinality when training CNN
I am trying to train a CNN for image classification. When I am about to train the model I run into the issue where it says that my data cardinality is ambiguous.
I've checked that the size of both the ...
0
votes
1
answer
165
views
Image Pre-processing for OCR (pytesseract)
I'm trying to OCR image with pytesseract. Once I do the OCR for below image the result shows as "WV over"
What are the image pre-processing techniques that can be use to enhance this image ...
-3
votes
1
answer
64
views
Differentiate between feature detectors and descriptors
I was solving my Image Processing - Features descriptors when I came across this problem. I could not understand the difference between image detectors and descriotors
I tried googling but could not ...
0
votes
1
answer
153
views
divide image after convert it to grey
i have data set of images
first i read the image then i convert it to grey and i want to save it after dividing each grey image by 255
i try
files = os.listdir(path)
for file in files:
folder = os....
0
votes
1
answer
756
views
Tesseract is detecting 1 as t
I am trying to extract emails from screenshots.
This is the image-
Image with email
You can see in this image, there is an email.
This is my code-
image = cv2.imread('image_name.jpg')
gray = cv2....
0
votes
0
answers
134
views
How can I check shape for generated images?
I have images with different width and height
I want to reshape generated images so that width and height are same
So I used following function that check and change shape of images
But there was an ...
1
vote
0
answers
169
views
Pytorch: Segmentation model's dice score is not improving if i use augmentation
I am doing a brain MRI segmentation task using Unet model. My problem is it does no matter what transformation i use during training my val dice score after few epochs stucks around 77% score.
I ...
0
votes
1
answer
285
views
Is there any way to create multiple bounding boxes around non zero numpy array values?
I have a numpy array of an image. I have set non zero values for my region of interest and for rest I have set value as 0. Now if I were to create a single bounding box, I could check for 1st ...
1
vote
1
answer
3k
views
AttributeError: module 'keras.preprocessing.image' has no attribute 'img_to_array'
I am trying to run a code from github of facial emotion teller and I am getting an attribute error,
The error is :
line 27, in <module>
img_pixel = image.img_to_array(roi_gray)
...
0
votes
2
answers
1k
views
Can anyone tell me how can I change mask the foreground if I know the color range of background in RGB?
all of you,
Here is the image;
The exact background color is in RGB; (246, 46, 100)
I have tried several methods but those are too slow, one of the methods is below;
new_image = Image.open("...
0
votes
2
answers
2k
views
How to overlay 2 nifti files?
Im a beginner in the nifti world, and have to overlay 2 niftis (one segmented white matter and one segmented gray matter images) together.
I tried with FSLeyes but I cant save them to a nifti.
If ...
0
votes
0
answers
334
views
OpenCV Reflective Surface Problem (Pre-Process Text from Digital Screen)
I'm working on a machine learning application for reading data from fuel pumps, so far I've gone ahead and created a pretty robust YOLOv5 Object Detection Model that can detect the regions that I want ...
0
votes
0
answers
69
views
image preprocess function for image_dataset_from_directory
In the ImageDataGenerator, I've used the following function to preprocess images, through the keyword of 'preprocessing' in .flow_from_dataframe().
However, I am now trying to use the ...
1
vote
1
answer
682
views
How to optimal preprocess images for Tesseract in C#, when grayscaled image text color "interferes" with the background color?
I'm struggling with finding a optimal binarization as preprocessing step for OCR (tesseract in C#).
The images are 1624 X 1728 of pixel size and contain car gui elements (Buttons, Sliders, Info Boxes) ...