Similar Image Detector 2.0.0

Visual Similarity Duplicate Image Finder will find fast all similar and duplicate pictures and photos in a folder and its sub folders. Visual Similarity Duplicate Image Finder uses advanced algorithms to find duplicate photos in a way that a human does.

Similar Image Detector 2.0.0


Do you have many duplicate or similar photos on your Mac and you don’t know how to eliminate them in batches? With Similar Image Detector, you can find all the duplicate or similar photos on your mac with great ease. Similar Image Detector is a simple and efficient utility for finding duplicate or similar photos on your external hard drives and local disks, in Apple Photos, iPhoto. And you could organize them with Trash, Move and Copy functions.
Similar Image Detector is a duplicate and similar photos finder and remover for:
  • Photographers: Who take a series of photos of the same scene for getting the perfect shot.
  • Art Designer: Who edit photos with software like Photoshop, Pixelmator etc., and make backups just in case.
  • Photo collector: Who have photos scattered all over the system: external storage deice, SD card, hard drives and local disks, or in Apple Photos, iPhoto and so on.
  • Just clean your mac: You have a mess in your photo collection or just want to free disk space by removing junk photos.
KEY FEATURES
2 Modes to Detect Duplicate & Similar Photos
  • Import one or more folders whose contents to be grouped by similarity
  • Add a photo to compare against the photos in chosen folders and find duplicate and similar ones from the folders
4 Comparing Settings to Exact Search Duplicate & Similar Photos
  • Select the comparing algorithm from 5 modes: Fingerprint, Histogram and more
  • Support to choose the group order ways: Random, Similarity, Title or Date
  • Customize the photos order by similarity or number
  • Reset the minimum photo pixels as need
  • Enable to scan by the matching levels
25 Image Format Supported
  • *.png, *.jpg, *.gif, *.tiff, *.jpeg, *.icns, *.bmp, *.ico, *.psd
  • *.raw, *.tga, *.jp2, *.xbm, *.rw2, *.pef, *.arw, *.sr2,
  • *.orf, *.crw *.cr2, *.dng, *.nef, *.sgi, *.hdr, *.mrw
Compare the Duplicate or Similar Photos in Details
  • Choose any group of similar photos to compare carefully
  • Support to compare any two similar photos in one group
  • It will automatically show you the similarity of two similar pictures with the sophisticated comparing algorithm
Quickly Manage the Duplicate or Similar Photos
  • Remove the duplicates and helpless photos forever
  • Move some featured photos to the appointed folder
  • Copy some important photos for other use if you need

Screenshots:

  • Title: Similar Image Detector 2.0.0
  • Developer: Enolsoft
  • Compatibility: OS X 10.7 or later, 64-bit processor
  • Language: English
  • Includes: K'ed by TNT
  • Size: 11.34 MB
  • View in Mac App Store

NitroFlare:


Goal

In this tutorial,

  • We will learn how the Haar cascade object detection works.
  • We will see the basics of face detection and eye detection using the Haar Feature-based Cascade Classifiers
  • We will use the cv::CascadeClassifier class to detect objects in a video stream. Particularly, we will use the functions:
    • cv::CascadeClassifier::load to load a .xml classifier file. It can be either a Haar or a LBP classifier
    • cv::CascadeClassifier::detectMultiScale to perform the detection.

Theory

Object Detection using Haar feature-based cascade classifiers is an effective object detection method proposed by Paul Viola and Michael Jones in their paper, 'Rapid Object Detection using aBoosted Cascade of Simple Features' in 2001. It is a machine learning based approach where a cascade function is trained from a lot of positive and negative images. It is then used to detect objects in other images.

Here we will work with face detection. Initially, the algorithm needs a lot of positive images (images of faces) and negative images (images without faces) to train the classifier. Then we need to extract features from it. For this, Haar features shown in the below image are used. They are just like our convolutional kernel. Each feature is a single value obtained by subtracting sum of pixels under the white rectangle from sum of pixels under the black rectangle.

Similar Image Detector 2.0.0 App

Now, all possible sizes and locations of each kernel are used to calculate lots of features. (Just imagine how much computation it needs? Even a 24x24 window results over 160000 features). For each feature calculation, we need to find the sum of the pixels under white and black rectangles. To solve this, they introduced the integral image. However large your image, it reduces the calculations for a given pixel to an operation involving just four pixels. Nice, isn't it? It makes things super-fast.

But among all these features we calculated, most of them are irrelevant. For example, consider the image below. The top row shows two good features. The first feature selected seems to focus on the property that the region of the eyes is often darker than the region of the nose and cheeks. The second feature selected relies on the property that the eyes are darker than the bridge of the nose. But the same windows applied to cheeks or any other place is irrelevant. So how do we select the best features out of 160000+ features? It is achieved by Adaboost.

For this, we apply each and every feature on all the training images. For each feature, it finds the best threshold which will classify the faces to positive and negative. Obviously, there will be errors or misclassifications. We select the features with minimum error rate, which means they are the features that most accurately classify the face and non-face images. (The process is not as simple as this. Each image is given an equal weight in the beginning. After each classification, weights of misclassified images are increased. Then the same process is done. New error rates are calculated. Also new weights. The process is continued until the required accuracy or error rate is achieved or the required number of features are found).

The final classifier is a weighted sum of these weak classifiers. It is called weak because it alone can't classify the image, but together with others forms a strong classifier. The paper says even 200 features provide detection with 95% accuracy. Their final setup had around 6000 features. (Imagine a reduction from 160000+ features to 6000 features. That is a big gain).

So now you take an image. Take each 24x24 window. Apply 6000 features to it. Check if it is face or not. Wow.. Isn't it a little inefficient and time consuming? Yes, it is. The authors have a good solution for that.

In an image, most of the image is non-face region. So it is a better idea to have a simple method to check if a window is not a face region. If it is not, discard it in a single shot, and don't process it again. Instead, focus on regions where there can be a face. This way, we spend more time checking possible face regions.

For this they introduced the concept of Cascade of Classifiers. Instead of applying all 6000 features on a window, the features are grouped into different stages of classifiers and applied one-by-one. (Normally the first few stages will contain very many fewer features). If a window fails the first stage, discard it. We don't consider the remaining features on it. If it passes, apply the second stage of features and continue the process. The window which passes all stages is a face region. How is that plan!

The authors' detector had 6000+ features with 38 stages with 1, 10, 25, 25 and 50 features in the first five stages. (The two features in the above image are actually obtained as the best two features from Adaboost). According to the authors, on average 10 features out of 6000+ are evaluated per sub-window.

So this is a simple intuitive explanation of how Viola-Jones face detection works. Read the paper for more details or check out the references in the Additional Resources section.

Haar-cascade Detection in OpenCV

OpenCV provides a training method (see Cascade Classifier Training) or pretrained models, that can be read using the cv::CascadeClassifier::load method. The pretrained models are located in the data folder in the OpenCV installation or can be found here.

The following code example will use pretrained Haar cascade models to detect faces and eyes in an image. First, a cv::CascadeClassifier is created and the necessary XML file is loaded using the cv::CascadeClassifier::load method. Afterwards, the detection is done using the cv::CascadeClassifier::detectMultiScale method, which returns boundary rectangles for the detected faces or eyes.

C++

This tutorial code's is shown lines below. You can also download it from here

#include 'opencv2/highgui.hpp'
#include 'opencv2/videoio.hpp'
using namespace cv;
void detectAndDisplay( Mat frame );
CascadeClassifier face_cascade;
{
'{help h||}'
'{face_cascade|data/haarcascades/haarcascade_frontalface_alt.xml|Path to face cascade.}'
'{eyes_cascade|data/haarcascades/haarcascade_eye_tree_eyeglasses.xml|Path to eyes cascade.}'
parser.about( 'nThis program demonstrates using the cv::CascadeClassifier class to detect objects (Face + eyes) in a video stream.n'
parser.printMessage();
String face_cascade_name = samples::findFile( parser.get<String>('face_cascade') );
String eyes_cascade_name = samples::findFile( parser.get<String>('eyes_cascade') );
//-- 1. Load the cascades
{
return -1;
if( !eyes_cascade.load( eyes_cascade_name ) )
cout << '--(!)Error loading eyes cascaden';
};
int camera_device = parser.get<int>('camera');
//-- 2. Read the video stream
if ( ! capture.isOpened() )
cout << '--(!)Error opening video capturen';
}
Mat frame;
{
{
break;
detectAndDisplay( frame );
if( waitKey(10) 27 )

Similar Image Detector 2.0.0 Online

break; // escape

Similar Image Detector 2.0.0 Software

}
}
void detectAndDisplay( Mat frame )
Mat frame_gray;
equalizeHist( frame_gray, frame_gray );
//-- Detect faces
face_cascade.detectMultiScale( frame_gray, faces );
for ( size_t i = 0; i < faces.size(); i++ )
Point center( faces[i].x + faces[i].width/2, faces[i].y + faces[i].height/2 );
ellipse( frame, center, Size( faces[i].width/2, faces[i].height/2 ), 0, 0, 360, Scalar( 255, 0, 255 ), 4 );
Mat faceROI = frame_gray( faces[i] );
//-- In each face, detect eyes
eyes_cascade.detectMultiScale( faceROI, eyes );
for ( size_t j = 0; j < eyes.size(); j++ )
Point eye_center( faces[i].x + eyes[j].x + eyes[j].width/2, faces[i].y + eyes[j].y + eyes[j].height/2 );
int radius = cvRound( (eyes[j].width + eyes[j].height)*0.25 );
circle( frame, eye_center, radius, Scalar( 255, 0, 0 ), 4 );
}
//-- Show what you got
}

This tutorial code's is shown lines below. You can also download it from here

import org.opencv.core.Mat;
import org.opencv.core.Point;
import org.opencv.core.Scalar;
import org.opencv.highgui.HighGui;
import org.opencv.objdetect.CascadeClassifier;
publicvoid detectAndDisplay(Mat frame, CascadeClassifier faceCascade, CascadeClassifier eyesCascade) {
Imgproc.cvtColor(frame, frameGray, Imgproc.COLOR_BGR2GRAY);
MatOfRect faces = new MatOfRect();
for (Rect face : listOfFaces) {
Point center = newPoint(face.x + face.width / 2, face.y + face.height / 2);
Imgproc.ellipse(frame, center, newSize(face.width / 2, face.height / 2), 0, 0, 360,
MatOfRect eyes = new MatOfRect();
for (Rect eye : listOfEyes) {
Point eyeCenter = newPoint(face.x + eye.x + eye.width / 2, face.y + eye.y + eye.height / 2);
int radius = (int) Math.round((eye.width + eye.height) * 0.25);
Imgproc.circle(frame, eyeCenter, radius, newScalar(255, 0, 0), 4);
}
//-- Show what you got
HighGui.imshow('Capture - Face detection', frame );
String filenameFaceCascade = args.length > 2 ? args[0] : '../../data/haarcascades/haarcascade_frontalface_alt.xml';

Similar Image Detector 2.0.0 Version

String filenameEyesCascade = args.length > 2 ? args[1] : '../../data/haarcascades/haarcascade_eye_tree_eyeglasses.xml';
int cameraDevice = args.length > 2 ? Integer.parseInt(args[2]) : 0;
CascadeClassifier faceCascade = new CascadeClassifier();
CascadeClassifier eyesCascade = new CascadeClassifier();
if (!faceCascade.load(filenameFaceCascade)) {
System.err.println('--(!)Error loading face cascade: ' + filenameFaceCascade);
}
System.err.println('--(!)Error loading eyes cascade: ' + filenameEyesCascade);
}
VideoCapture capture = new VideoCapture(cameraDevice);
System.err.println('--(!)Error opening video capture');
Image
}
Mat frame = new Mat();
if (frame.empty()) {
System.err.println('--(!) No captured frame -- Break!');
}
//-- 3. Apply the classifier to the frame
detectAndDisplay(frame, faceCascade, eyesCascade);
if (HighGui.waitKey(10) 27) {
}
}
publicstaticvoid main(String[] args) {
System.loadLibrary(Core.NATIVE_LIBRARY_NAME);
new ObjectDetection().run(args);
}

This tutorial code's is shown lines below. You can also download it from here

import cv2 as cv
frame_gray = cv.cvtColor(frame, cv.COLOR_BGR2GRAY)
faces = face_cascade.detectMultiScale(frame_gray)
center = (x + w//2, y + h//2)
frame = cv.ellipse(frame, center, (w//2, h//2), 0, 0, 360, (255, 0, 255), 4)
faceROI = frame_gray[y:y+h,x:x+w]
eyes = eyes_cascade.detectMultiScale(faceROI)
eye_center = (x + x2 + w2//2, y + y2 + h2//2)
frame = cv.circle(frame, eye_center, radius, (255, 0, 0 ), 4)
cv.imshow('Capture - Face detection', frame)
parser = argparse.ArgumentParser(description='Code for Cascade Classifier tutorial.')
parser.add_argument('--face_cascade', help='Path to face cascade.', default='data/haarcascades/haarcascade_frontalface_alt.xml')
parser.add_argument('--eyes_cascade', help='Path to eyes cascade.', default='data/haarcascades/haarcascade_eye_tree_eyeglasses.xml')
parser.add_argument('--camera', help='Camera divide number.', type=int, default=0)
eyes_cascade_name = args.eyes_cascade

Similar Image Detector 2.0.0 Reviews

face_cascade = cv.CascadeClassifier()
ifnot face_cascade.load(cv.samples.findFile(face_cascade_name)):
exit(0)
ifnot eyes_cascade.load(cv.samples.findFile(eyes_cascade_name)):
exit(0)
camera_device = args.camera
cap = cv.VideoCapture(camera_device)
print('--(!)Error opening video capture')
ret, frame = cap.read()

Similar Image Detector 2.0.0 Download

print('--(!) No captured frame -- Break!')
break

Result

  1. Here is the result of running the code above and using as input the video stream of a built-in webcam:

    Be sure the program will find the path of files haarcascade_frontalface_alt.xml and haarcascade_eye_tree_eyeglasses.xml. They are located in opencv/data/haarcascades

  2. This is the result of using the file lbpcascade_frontalface.xml (LBP trained) for the face detection. For the eyes we keep using the file used in the tutorial.

Additional Resources

Detector

Similar Image Detector 2.0.0

  1. Paul Viola and Michael J. Jones. Robust real-time face detection. International Journal of Computer Vision, 57(2):137–154, 2004. [245]
  2. Rainer Lienhart and Jochen Maydt. An extended set of haar-like features for rapid object detection. In Image Processing. 2002. Proceedings. 2002 International Conference on, volume 1, pages I–900. IEEE, 2002. [139]
  3. Video Lecture on Face Detection and Tracking
  4. An interesting interview regarding Face Detection by Adam Harvey
  5. OpenCV Face Detection: Visualized on Vimeo by Adam Harvey

Comments are closed.