SlideShare a Scribd company logo
1 of 37
A SURVEY ON
EVOLUTIONARY
COMPUTATION FOR
COMPUTER VISION
AND IMAGE
ANALYSIS.
Past, Present, and
Future Trends
- Nisha Mohan Devadiga
INTRODUCTION
â€ĸ In Computer Vision (CV), one of the most important tasks is image analysis, which
aims to extract and analyze meaningful information from images.
â€ĸ Evolutionary computation (EC) techniques are evolutionary algorithms, swarm
intelligence and others.
â€ĸ Many problems in engineering, management, business ,, remote sensing, biology,
finance, manufacturing, and medicine have been successfully solved using EC
techniques.
â€ĸ EC solves functions/parameter optimization, classification, regression, and
clustering, among other optimization and learning-related problems.
ADVANTAGES
â€ĸ ECs that can be used for a lot of CV and image analysis tasks and are effective
without requiring a lot of domain knowledge.
â€ĸ By producing a set of non-dominated solutions, EC techniques are well suited for
solving problems with multiple competing goals. Multi-objective optimization
problems are those that are difficult to solve with exact techniques.
â€ĸ EC methods have been effectively applied to CV and image analysis and hence such
area of research is known as ECV, evolutionary computer vision.
TAXONOMY AND SCOPE
EC for Images Analysis
Task Type
Edge
detection
Image
segmentation
Image feature
analysis
Object
detection
Image
classification
Others
Solution
Representation
Fixed length
Variable
length
Method Type
Evolutionary
algorithms
Swarm
Intelligence
No of Objective
Single-
objective
methods
Multi-
objective
methods
Role of the
method
Optimization
in specific
solutions
Learning
solution from
scratch
Application Domain
Facial images
Biomedical
images
Satellite
images
Others
Fig 1. Categories of existing EC methods for image analysis.
Image Source - https://ieeexplore.ieee.org/document/9943992
EDGE DETECTION
â€ĸ Finding or detecting discontinuities in the image's pixel values is the goal of edge
detection.
â€ĸ To approximate the pixel value gradient, a straightforward solution is to compare the
value of the current pixel to the values of its neighboring pixels from various directions.
The current pixel may become an edge pixel if it significantly changes.
â€ĸ Utilized in image segmentation and object detection.
However, edge detection is difficult because of the
noise and complex background in images. As can be
seen in figure, EC methods have been utilized
extensively for edge detection.
Image Source - https://ieeexplore.ieee.org/document/9943992
EDGE DETECTION - ANT COLONY
OPTIMIZATION (ACO)
â€ĸ The most popular approach for graph-based edge detection is "Ant Colony
Optimization (ACO)."
â€ĸ A graph in which each node represents a pixel can be used to represent an image.
Ants can move from one node to another and mark each node by increasing the cell
in a "pheromone" matrix that corresponds to it.
â€ĸ By imposing a threshold on the ant pheromone, edges can be identified.
â€ĸ The primary operations of the ACO edge detection techniques are the ant
movement from one node to another and the update of the pheromone matrix.
â€ĸ Image enhancement, filtering, and edge detection are the three phases of the edge
detection procedure.
EDGE DETECTION - ANT COLONY
OPTIMIZATION (ACO)
Benefits:-
â€ĸ ACO is used to locate the image's edge points.
â€ĸ During the search, each ant can move to four adjacent directions.
â€ĸ Additionally, ACO has been utilized to enhance the outcomes of conventional edge
detection techniques.
â€ĸ Two conventional edge detectors' results can be improved by ACO by repairing
broken edges.
â€ĸ In terms of improving edge detection performance, it is both efficient and effective.
EDGE DETECTION - GENETIC PROGRAMMING
(GP)
â€ĸ "Genetic Programming" (GP) models that automatically categorize pixels into non-
edge or edge groups or identify edge pixels from images are built.
â€ĸ W. Fu and co. in order to create natural image-based tree-based edge detectors,
create a new GP method with a new function set and program structure.
â€ĸ Based on a predetermined threshold, the evolved edge detectors classify a pixel as
an edge or non-edge point. The outcomes demonstrate that the leaf nodes in the
edge detectors are crucial and that the automatically constructed edge detectors
are very impressive.
EDGE DETECTION - OTHER EC METHODS
â€ĸ Other EC methods are used to optimize edge detection process.
â€ĸ The optimal coefficients of the cloning template in a cellular neural network for
edge detection can be found using Differential Evolution (DE).
â€ĸ As inputs to the generator of the generative adversarial network (GAN) for edge
detection, an improved DE method is proposed for producing better images.
â€ĸ The loss function derived from the GAN's discriminator is DE's fitness function. On
two benchmark datasets, this method performs at the cutting edge. However, it
takes a long time and several real images to train the models.
â€ĸ In conclusion, EC techniques can automatically evolve edge detectors, construct
graphs for edge detection, optimize traditional detector results, and optimize
existing algorithm parameters when used for edge detection.
IMAGE SEGMENTATION
â€ĸ The goal of image segmentation is to split an image into multiple uniform and
uncorrelated regions.
â€ĸ It is a crucial step in image analysis, and it is frequently required to complete
higher-level tasks like object detection and image classification.
â€ĸ It is a challenging endeavor that may necessitate extensive domain knowledge, high
computational costs, and complex or large search spaces.
â€ĸ Due to its powerful global search capability and low demand for domain expertise,
EC has found widespread application in image segmentation.
â€ĸ Classified into five main categories, including region-based, classification-based,
clustering-based, thresholding-based, and other types. Graph-based, edge-
detection-based and model-based image segmentation techniques are included in
this category.
IMAGE SEGMENTATION
Image Source - https://ieeexplore.ieee.org/document/9943992
IMAGE SEGMENTATION
A. Threshold-based Image Segmentation Methods
īƒŧ most common and straightforward methods for segmenting images.
īƒŧ The basic notion is to determine an image's histogram or other statistical value,
then divide the image by comparing it to the histogram or statistical value and
grouping pixels that are similar.
īƒŧMultiple threshold values are frequently required to achieve good segmentation
performance for complex images.
īƒŧ Achieved by - Optimize threshold values & Optimize other parameters
IMAGE SEGMENTATION
B. Region-based Image Segmentation Methods
īƒŧ By preserving the spatial relationships between pixels, region-based image
segmentation techniques typically locate regions with similar pixel values that
comply with pre-determined rules.
īƒŧRegion-based strategies can be broken down into two categories: region-growing
strategies and region-merging strategies.
īƒ˜A bottom-up method known as a region-growing method uses some pixels as
seed pixels and grows the region by checking pixels that are nearby. The
neighboring pixels will be placed in the same region as the seed pixel if they
comply with predetermined rules.
īƒ˜Instead, the region merging technique is a top-down approach that divides an
image into smaller sections and then merges such sections in accordance with
established guidelines.
īƒŧEC techniques is used to optimize both region-growing and region-merging
methods.
IMAGE SEGMENTATION
C. Clustering-based Image Segmentation Methods
īƒŧ To achieve image segmentation, clustering-based techniques focuses to combine
pixels into distinct clusters with low inter-cluster and high intra-cluster similarity.
īƒŧ EC strategies have been utilized to track down great beginning bunch centroids for
picture division.
īƒŧ The number of clusters and the initial cluster centroids are evolved using EC
methods.
īƒŧ Optimizing clustering-based image segmentation techniques is a popular
application of EC techniques, such as GAs, PSO, DE, and EMO. The number of
clusters, initial cluster centers, or both can be maximized using these strategies. In
these strategies, a genuine worth vector-based portrayal is ordinarily used to
address the arrangements.
***genetic algorithms (GAs);differential evolution (DE) ;particle swarm optimization (PSO);ant colony optimization (ACO) ;genetic programming (GP) ;evolutionary multi-objective optimization (EMO).
IMAGE SEGMENTATION
D. Classification-based Image Segmentation Methods
īƒŧ For image segmentation, classification-based methods typically create models or classifiers
that can associate each pixel in an image with distinct classes.
īƒŧ The two main types of EC-based image segmentation techniques are those that use EC
(mostly GP) to automatically evolve/construct classifiers/models or those that use EC to
improve existing classification algorithms.
īƒŧFor image segmentation, GP is the primary method that does not rely on any other
segmentation or learning techniques to automatically evolve models or classifiers. superior
to the other four approaches.
īƒŧClassification-based approaches typically make use of EC-based approaches to optimize
CNN-based models and use GP to automatically evolve models and classifiers.
īƒŧMost of the time, GP-based methods find tree-based models with functions and terminals or
features that group pixels into different classes and are easy to understand.
īƒŧThe goal of the EC-based CNN approaches is to locate promising CNNs for effective image
segmentation. The limitations of the existing CNN methods are addressed by these
methods.
IMAGE FEATURE ANALYSIS
â€ĸ Numerous tasks involving images rely on image feature analysis. Roasters of raw
pixels, which may contain information that is useful or meaningful, are typically
used to represent images.
â€ĸ The primary focus of image feature analysis is the examination of images'
meaningful features and information. Typically, it consists of feature selection,
feature extraction, feature construction, or a more general step known as feature
learning.
Image Source - https://ieeexplore.ieee.org/document/9943992
IMAGE FEATURE ANALYSIS
â€ĸ A necessary step in image analysis is feature selection, which selects the most
significant features from a set of features that have already been extracted. When
there are a lot of features and complicated interactions between them, feature
selection becomes difficult.
īƒ˜ GA-based Methods
īƒ˜ PSO-based Methods
īƒ˜ ACO-based Methods
īƒ˜ EMO-based Methods
īƒ˜ Hybrid Methods
īƒ˜ Other Methods
IMAGE FEATURE ANALYSIS
â€ĸ Feature Extraction and Learning - ex interactions between features.
īƒ˜Optimization of Existing Feature Extraction Methods
īƒ˜Automatic Evolution of Models/Descriptors for Feature Extraction
IMAGE CLASSIFICATION
In CV and machine learning, image classification is a central and crucial task. Based on the content of
the image, it aims to classify it into one of several predetermined categories.
A. EC for Evolving NNs for Image Classification:
DNNs, or deep CNNs, for image classification have recently been developed using EC methods with
success.
īƒŧ Evolving NN Weights and/or Architectures:
īƒ˜ Suganuma and co propose the CGP-CNN approach, which uses ResNet blocks or standard
convolutional operators to create a tree-based representation of NAS.
īƒ˜ Low model complexity and high classification performance are achieved by this approach.
īƒ˜ Li introduces a binary encoding to evolve deep CNNs using quantum-behaving PSO.
īƒ˜ Gong et al. suggests to combine backpropagation with a co-evolutionary approach to search
the parameters of DNN models for image classification.
IMAGE CLASSIFICATION
īƒ˜When one method is unable to optimize the training objective function, the weights
are learned using co-evolution and backpropagation.
īƒ˜For efficient search, the parameter learning task in co-evolution is broken down into
numerous smaller tasks. The conventional DNN parameter learning methods are
inferior to this one.
īƒŧ EMO for Evolving NNs:
īƒ˜In federated learning, Zhu and Jin propound an EMO-based strategy for optimizing
NN structures.
IMAGE CLASSIFICATION
īƒ˜Multilayer perceptron and CNN models can be optimized using this
approach at lower communication costs.
īƒ˜Under the real-time federated learning framework, Zhu and Jin develop an
EMO-based NAS method with the objectives of minimizing local payload
and maximizing model performance. Using double-sampling, this method
can effectively cut costs associated with computation and communication.
īƒ˜Wang and co. present a PSO-based multi-objective NAS strategy that
simultaneously maximizes two goals, namely the number of floating-point
operations and classification accuracy.
IMAGE CLASSIFICATION
īƒŧ Computation Efficiency in EC for Evolving NN:
īƒ˜Because it requires numerous fitness evaluations, utilizing EC to optimize NNs is
computationally costly. As a result, latest research focuses on developing search
efficiency-enhancing evaluation strategies that are computationally inexpensive.
īƒ˜Zhang et al. propose a node inheritance strategy and a small sample of training data
in an evolutionary NAS method to lower the cost of fitness evaluation computations.
īƒ˜ Lu, et al. propose NSGANetV2, which makes use of surrogates to predict how CNN
models will perform over time. To naturally select one of four surrogate models for
fitness prediction, a method of selection known as adaptive switching is proposed.
IMAGE CLASSIFICATION
B. EC for Evolving Non-NN-based Methods:
īƒŧEvolving classifiers from Image Features:
īƒ˜ For multi-class object classification using domain-independent features, Zhang and Smart
propose a GP method with a fitness function that calculates the overlap of the distributions of
all possible pairs of classes.
īƒ˜ Multiple GP classifiers and the normal probability density function serve as the foundation for
the classification decision. Three datasets show good results for this method.
īƒŧEvolving Classifiers from Raw Pixels:
īƒ˜ To classify images, the most common approach employs GP to create tree-like models from
raw pixels. In GP, binary classifiers based on raw pixels have been developed using multi-tier
or multi-layer tree structures.
īƒ˜ Al-Sahaf and other present a two-tier GP method with a classification and an aggregation tier:
The image classifier is the first, which focuses on identifying small image regions and
extracting features.
IMAGE CLASSIFICATION
īƒ˜ On four datasets, this method achieves high accuracy, and the learned classifiers and models
are easy to understand.
īƒŧFeature Learning and Emerging Topics:
īƒ˜ With only a few training images, GP-based methods have demonstrated tremendous potential
for image classification.
īƒ˜ Al Sahaf and other propose a compound GP for region detection and a one-shot GP for
developing classifiers directly from images to make feature extraction for binary image
classification easier.
īƒ˜ Only a few training images are needed for this method, which performs better than traditional
methods.
īƒ˜ Bi and co. In order to enhance GP's generalizability for few-shot image classification, we
propose a dual-tree-based GP approach and develop an effective fitness function.
īƒ˜ On nine image datasets, this method outperforms popular few-shot learning techniques in the
3-shot and 5-shot scenarios.
OBJECT DETECTION
â€ĸ In CV and image analysis, object detection is a fundamental function. It's not just
about finding objects, but also where they are in the images.
â€ĸ Object detection has been made possible by using EC methods with success. Using
EC methods to naturally derive detectors from scratch and using EC methods to
optimize an object detection system are two broad categories of existing methods.
A. Optimizing Object Detection Systems –
īƒŧ EC methods can be used to improve the features, parameters, and positions of objects
in an object detection system, among other things.
OBJECT DETECTION
īƒŧ An entropic binary PSO method for enhancing an ear detection system's entropy map. Based
on the optimized entropy map, classification is carried out using a threshold. On four face
image datasets, the performance of this method is promising.
īƒŧ Eye tracking and detection based on PSO. The deformable multiple template matching
algorithm's center point and scaling factor are optimized using PSO in this approach.
īƒŧ Notable item identification is an exceptional instance of item recognition that just recognizes
the main item in a picture and overlooks other superfluous ones. Singh and co. propose a
PSO approach to obtaining a saliency map for object detection and the best weights for
three features. The PSO search is guided by an evaluation of the background and attention
pixels by a fitness function. Different performance metrics show that this method performs
better than other methods.
īƒŧ Moghaddam and co propose a GP-based technique to develop undeniable level highlights
from low - level saliency highlights for remarkable item recognition. A GP method is used to
construct features from each of the four subsets of the feature sets, which are then combined
to produce the final saliency map.
īƒŧ GP-based methods combine the saliency feature maps in non-linear ways, in contrast to
PSO-based methods.
OBJECT DETECTION
B. Automatically Evolving Detectors –
īƒŧAutomatically evolving image object detectors have also utilized EC techniques. Based
on GP, the primary methods for evolving detectors.
īƒŧZhang investigates three feature sets, creates a novel fitness function, and develops a
two-phase learning strategy to propose a novel GP-based object detection method.
īƒ˜Using a small portion of the training samples, GP-based detectors are developed
and evaluated in the first phase with the goal of increasing classification accuracy.
īƒ˜Using all of the training samples, the evolved detectors are further refined in the
second phase with the goal of increasing detection accuracy.
īƒ˜For object detection, the findings demonstrate that the two-stage GP method is
more reliable and efficient than the single-stage GP method.
īƒŧObject detection is typically more challenging than these other tasks because it requires
object localization and classification. However, EC techniques have demonstrated a lot of
promise for both automatically evolving object detectors and improving existing object
detection systems.
OTHER TASKS
â€ĸ Other image-related tasks, such as interest point detection, image registration, remote-sensing image
classification, and object tracking, have demonstrated significant potential for EC methods.
īƒŧ Interest Point Detection –
īƒ˜ The detection of interesting points, such as corners, blobs, and edges, that convey relevant or
interesting visual information is referred to as interest points detection.
īƒ˜ GP is used to develop interest point detectors in images automatically. The majority of the
works are by Gustavo Olague's group. In order to construct detectors from images, Trujillo and
Olague devise a GP method that incorporates arithmetic functions and image operators like
histogram normalization and Gaussian derivatives.
īƒ˜ Point dispersion, stability,and information content are few of the many possible competing
goals in interest point detection.
īƒ˜ For the purpose of interest point detection, a multi-objective GP method with the goals of
stability and point dispersion optimization is investigated.
OTHER TASKS
īƒŧImage Registration –
īƒ˜ In many applications, like medical imaging, image registration is an important preprocessing
step that aims to align two or more images by finding the best transformation of the images
in geometric space.
īƒ˜ Image registration, specifically locating the best transformation, has been made possible by
the development of EC methods.
īƒ˜ In order to simultaneously look for control parameters and image registration solution, a self-
adaptive evolutionary optimization (SaEvO) algorithm is presented.
īƒ˜ because the EC-based applications to image registration have not received a lot of attention
in recent years, even though EC techniques have powerful search capabilities and flexible
representations.
OTHER TASKS
īƒŧRemote Sensing Image Classification –
īƒ˜Typically, the goal of remote sensing or hyperspectral image classification is to
classify individual pixels within images rather than the entire image. In this context,
numerous EC-based methods have also been developed to carry out tasks like
parameter optimization, feature subset or band selection, and locating the best
cluster centers for the clustering-based methods.
īƒ˜The interval type-2 semi-supervised possibilistic fuzzy C-means clustering method
for satellite image classification employs a PSO-based method to optimize the
cluster centers and parameters. Most of the methods compared to this one achieve
better accuracy.
īƒ˜The ACO method employs a binary encoding to select a subset of the 76 original
features, including the Gabor wavelet, the grey-level co-occurrence matrix (GLCM),
and histogram statistics, while simultaneously locating the best SVM parameters.
The performance of this approach is superior to that of other EC-based approaches.
īƒ˜For cropland field classification on very high-resolution images, use GP to develop
classifiers based on spectral, shape, and texture features. On two datasets, this
approach outperforms five conventional classifiers.
OTHER TASKS
īƒŧObject Tracking–
īƒ˜ The goal of object tracking is to locate the positions of objects in a series of images or frames
in order to follow them. Typically, a target object is presented, and the objective is to locate it
across multiple frames.
īƒ˜ Half and half gravitational pursuit calculation (HGSA) to look for the areas of items by
expanding a cosine-closeness capability that assesses the comparability between the objective
items and likely articles in the picture utilizing highlights extricated by CNNs. A cutting-edge
SI-based object tracker becomes more accurate as a result of this approach.
īƒ˜ GP method for developing detectors that can track moving targets against a background that
is stationary. This GP strategy involves pixels in a sliding window as terminals and a few
administrators/capabilities to develop the finders/classifiers. Under various conditions, such as
noise, the proposed method seems to be working.
īƒ˜ an EC-based NAS method for one-time object tracking that uses a pretrained supernet to find
the best trackers. Compared to the earlier methods that did not include NAS search, this one
is more effective and efficient.
APPLICATIONS
Facial image analysis Biomedical image analysis
Remote sensing image
analysis
Image analysis related to
humans
Agricultural image analysis
Others. e.g., motor imagery
classification , art classification
, digit recognition , kinship
verification , fish classification,
and vehicle detection
CHALLENGES
Scalability Representation Search Mechanisms Interpretability Computational Cost Recognition by the Main
CV Community and
Publishing Papers in
Major CV and AI
Conferences
TRENDS
Evolutionary Deep Learning (EDL).
Computationally Efficient ECV Methods.
EMO for CV and Image Analysis.
EC with Transfer Learning for CV and Image
Analysis.
ECV Using Small-Scale Training Data.
EC Methods for Interpretable CV and Image
Analysis.
CONCLUSIONS
Even though EC-based methods frequently perform well, they still have to deal with a number of
problems and limitations regarding scalability, representations, search mechanisms, computational cost,
and interpretability.
For CNNs, EC-based approaches may be a good option because they don't require a lot of expertise in
the NN domain, require expensive GPU computing resources, and have poor interpretability.
It is evident that EC-based approaches have demonstrated great potential when applied to a wide range
of image-related tasks.
REFERENCES
â€ĸ A Survey on Evolutionary Computation for Computer Vision and Image Analysis:
Past, Present, and Future Trends; Ying Bi, Bing Xue, Pablo Mesejo, Stefano
Cagnoni, Mengjie Zhang.https://arxiv.org/abs/2209.06399v1
â€ĸ Learning Adaptive Evolutionary Computation for Solving Multi-Objective
Optimization Problems. Remco Coppens, Robbert Reijnen, Yingqian
Zhang, Laurens Bliek, Berend Steenhuisen, https://arxiv.org/abs/2211.09719
THANK YOU

More Related Content

Similar to Evolutionary Computation for Computer Vision and Image Analysis

Image Segmentation Using Pairwise Correlation Clustering
Image Segmentation Using Pairwise Correlation ClusteringImage Segmentation Using Pairwise Correlation Clustering
Image Segmentation Using Pairwise Correlation ClusteringIJERA Editor
 
IRJET- Analysis of Plant Diseases using Image Processing Method
IRJET- Analysis of Plant Diseases using Image Processing MethodIRJET- Analysis of Plant Diseases using Image Processing Method
IRJET- Analysis of Plant Diseases using Image Processing MethodIRJET Journal
 
Segmentation techniques for extraction and description of tumour region from ...
Segmentation techniques for extraction and description of tumour region from ...Segmentation techniques for extraction and description of tumour region from ...
Segmentation techniques for extraction and description of tumour region from ...Swarada Kanap
 
An Approach to Face Recognition Using Feed Forward Neural Network
An Approach to Face Recognition Using Feed Forward Neural NetworkAn Approach to Face Recognition Using Feed Forward Neural Network
An Approach to Face Recognition Using Feed Forward Neural NetworkEditor IJCATR
 
Improvement and Enhancement Point Search Algorithm
Improvement and Enhancement Point Search AlgorithmImprovement and Enhancement Point Search Algorithm
Improvement and Enhancement Point Search AlgorithmIJCSIS Research Publications
 
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGESA DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGESPNandaSai
 
LEARNING BASES OF ACTICITY
LEARNING BASES OF ACTICITYLEARNING BASES OF ACTICITY
LEARNING BASES OF ACTICITYPadma Kannan
 
International Journal of Computational Engineering Research(IJCER)
 International Journal of Computational Engineering Research(IJCER)  International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER) ijceronline
 
Medical image segmentation by
Medical image segmentation byMedical image segmentation by
Medical image segmentation bycsandit
 
Medical Image Segmentation by Transferring Ground Truth Segmentation Based up...
Medical Image Segmentation by Transferring Ground Truth Segmentation Based up...Medical Image Segmentation by Transferring Ground Truth Segmentation Based up...
Medical Image Segmentation by Transferring Ground Truth Segmentation Based up...csandit
 
Face recogntion using PCA algorithm
Face recogntion using PCA algorithmFace recogntion using PCA algorithm
Face recogntion using PCA algorithmAshwini Awatare
 
G04544346
G04544346G04544346
G04544346IOSR-JEN
 
Empirical Coding for Curvature Based Linear Representation in Image Retrieval...
Empirical Coding for Curvature Based Linear Representation in Image Retrieval...Empirical Coding for Curvature Based Linear Representation in Image Retrieval...
Empirical Coding for Curvature Based Linear Representation in Image Retrieval...iosrjce
 
OBJECT DETECTION, EXTRACTION AND CLASSIFICATION USING IMAGE PROCESSING TECHNIQUE
OBJECT DETECTION, EXTRACTION AND CLASSIFICATION USING IMAGE PROCESSING TECHNIQUEOBJECT DETECTION, EXTRACTION AND CLASSIFICATION USING IMAGE PROCESSING TECHNIQUE
OBJECT DETECTION, EXTRACTION AND CLASSIFICATION USING IMAGE PROCESSING TECHNIQUEJournal For Research
 
BREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNINGBREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNINGIRJET Journal
 
Comparative performance analysis of segmentation techniques
Comparative performance analysis of segmentation techniquesComparative performance analysis of segmentation techniques
Comparative performance analysis of segmentation techniquesIAEME Publication
 
A Review Paper on Stereo Vision Based Depth Estimation
A Review Paper on Stereo Vision Based Depth EstimationA Review Paper on Stereo Vision Based Depth Estimation
A Review Paper on Stereo Vision Based Depth EstimationIJSRD
 

Similar to Evolutionary Computation for Computer Vision and Image Analysis (20)

Image Segmentation Using Pairwise Correlation Clustering
Image Segmentation Using Pairwise Correlation ClusteringImage Segmentation Using Pairwise Correlation Clustering
Image Segmentation Using Pairwise Correlation Clustering
 
IRJET- Analysis of Plant Diseases using Image Processing Method
IRJET- Analysis of Plant Diseases using Image Processing MethodIRJET- Analysis of Plant Diseases using Image Processing Method
IRJET- Analysis of Plant Diseases using Image Processing Method
 
Digital Image Processing.pptx
Digital Image Processing.pptxDigital Image Processing.pptx
Digital Image Processing.pptx
 
Segmentation techniques for extraction and description of tumour region from ...
Segmentation techniques for extraction and description of tumour region from ...Segmentation techniques for extraction and description of tumour region from ...
Segmentation techniques for extraction and description of tumour region from ...
 
An Approach to Face Recognition Using Feed Forward Neural Network
An Approach to Face Recognition Using Feed Forward Neural NetworkAn Approach to Face Recognition Using Feed Forward Neural Network
An Approach to Face Recognition Using Feed Forward Neural Network
 
Improvement and Enhancement Point Search Algorithm
Improvement and Enhancement Point Search AlgorithmImprovement and Enhancement Point Search Algorithm
Improvement and Enhancement Point Search Algorithm
 
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGESA DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
A DEEP LEARNING APPROACH FOR SEMANTIC SEGMENTATION IN BRAIN TUMOR IMAGES
 
LEARNING BASES OF ACTICITY
LEARNING BASES OF ACTICITYLEARNING BASES OF ACTICITY
LEARNING BASES OF ACTICITY
 
International Journal of Computational Engineering Research(IJCER)
 International Journal of Computational Engineering Research(IJCER)  International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
 
Medical image segmentation by
Medical image segmentation byMedical image segmentation by
Medical image segmentation by
 
Medical Image Segmentation by Transferring Ground Truth Segmentation Based up...
Medical Image Segmentation by Transferring Ground Truth Segmentation Based up...Medical Image Segmentation by Transferring Ground Truth Segmentation Based up...
Medical Image Segmentation by Transferring Ground Truth Segmentation Based up...
 
Face recogntion using PCA algorithm
Face recogntion using PCA algorithmFace recogntion using PCA algorithm
Face recogntion using PCA algorithm
 
G04544346
G04544346G04544346
G04544346
 
B017360516
B017360516B017360516
B017360516
 
Empirical Coding for Curvature Based Linear Representation in Image Retrieval...
Empirical Coding for Curvature Based Linear Representation in Image Retrieval...Empirical Coding for Curvature Based Linear Representation in Image Retrieval...
Empirical Coding for Curvature Based Linear Representation in Image Retrieval...
 
OBJECT DETECTION, EXTRACTION AND CLASSIFICATION USING IMAGE PROCESSING TECHNIQUE
OBJECT DETECTION, EXTRACTION AND CLASSIFICATION USING IMAGE PROCESSING TECHNIQUEOBJECT DETECTION, EXTRACTION AND CLASSIFICATION USING IMAGE PROCESSING TECHNIQUE
OBJECT DETECTION, EXTRACTION AND CLASSIFICATION USING IMAGE PROCESSING TECHNIQUE
 
BREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNINGBREAST CANCER DETECTION USING MACHINE LEARNING
BREAST CANCER DETECTION USING MACHINE LEARNING
 
Q0460398103
Q0460398103Q0460398103
Q0460398103
 
Comparative performance analysis of segmentation techniques
Comparative performance analysis of segmentation techniquesComparative performance analysis of segmentation techniques
Comparative performance analysis of segmentation techniques
 
A Review Paper on Stereo Vision Based Depth Estimation
A Review Paper on Stereo Vision Based Depth EstimationA Review Paper on Stereo Vision Based Depth Estimation
A Review Paper on Stereo Vision Based Depth Estimation
 

Recently uploaded

AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsMemoori
 
Powerpoint exploring the locations used in television show Time Clash
Powerpoint exploring the locations used in television show Time ClashPowerpoint exploring the locations used in television show Time Clash
Powerpoint exploring the locations used in television show Time Clashcharlottematthew16
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024Lorenzo Miniero
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piececharlottematthew16
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brandgvaughan
 
costume and set research powerpoint presentation
costume and set research powerpoint presentationcostume and set research powerpoint presentation
costume and set research powerpoint presentationphoebematthew05
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...shyamraj55
 
Commit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyCommit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyAlfredo García Lavilla
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLScyllaDB
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Scott Keck-Warren
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Enterprise Knowledge
 
Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 3652toLead Limited
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitecturePixlogix Infotech
 
"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr BaganFwdays
 
Gen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfGen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfAddepto
 
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek SchlawackFwdays
 
Transcript: New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024Transcript: New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024BookNet Canada
 

Recently uploaded (20)

AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial Buildings
 
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptxE-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
 
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort ServiceHot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
 
Powerpoint exploring the locations used in television show Time Clash
Powerpoint exploring the locations used in television show Time ClashPowerpoint exploring the locations used in television show Time Clash
Powerpoint exploring the locations used in television show Time Clash
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piece
 
WordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your BrandWordPress Websites for Engineers: Elevate Your Brand
WordPress Websites for Engineers: Elevate Your Brand
 
costume and set research powerpoint presentation
costume and set research powerpoint presentationcostume and set research powerpoint presentation
costume and set research powerpoint presentation
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
 
Commit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easyCommit 2024 - Secret Management made easy
Commit 2024 - Secret Management made easy
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQL
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024
 
Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365Ensuring Technical Readiness For Copilot in Microsoft 365
Ensuring Technical Readiness For Copilot in Microsoft 365
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC Architecture
 
"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan
 
Gen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfGen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdf
 
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
 
Transcript: New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024Transcript: New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
 

Evolutionary Computation for Computer Vision and Image Analysis

  • 1. A SURVEY ON EVOLUTIONARY COMPUTATION FOR COMPUTER VISION AND IMAGE ANALYSIS. Past, Present, and Future Trends - Nisha Mohan Devadiga
  • 2. INTRODUCTION â€ĸ In Computer Vision (CV), one of the most important tasks is image analysis, which aims to extract and analyze meaningful information from images. â€ĸ Evolutionary computation (EC) techniques are evolutionary algorithms, swarm intelligence and others. â€ĸ Many problems in engineering, management, business ,, remote sensing, biology, finance, manufacturing, and medicine have been successfully solved using EC techniques. â€ĸ EC solves functions/parameter optimization, classification, regression, and clustering, among other optimization and learning-related problems.
  • 3. ADVANTAGES â€ĸ ECs that can be used for a lot of CV and image analysis tasks and are effective without requiring a lot of domain knowledge. â€ĸ By producing a set of non-dominated solutions, EC techniques are well suited for solving problems with multiple competing goals. Multi-objective optimization problems are those that are difficult to solve with exact techniques. â€ĸ EC methods have been effectively applied to CV and image analysis and hence such area of research is known as ECV, evolutionary computer vision.
  • 4. TAXONOMY AND SCOPE EC for Images Analysis Task Type Edge detection Image segmentation Image feature analysis Object detection Image classification Others Solution Representation Fixed length Variable length Method Type Evolutionary algorithms Swarm Intelligence No of Objective Single- objective methods Multi- objective methods Role of the method Optimization in specific solutions Learning solution from scratch Application Domain Facial images Biomedical images Satellite images Others Fig 1. Categories of existing EC methods for image analysis. Image Source - https://ieeexplore.ieee.org/document/9943992
  • 5. EDGE DETECTION â€ĸ Finding or detecting discontinuities in the image's pixel values is the goal of edge detection. â€ĸ To approximate the pixel value gradient, a straightforward solution is to compare the value of the current pixel to the values of its neighboring pixels from various directions. The current pixel may become an edge pixel if it significantly changes. â€ĸ Utilized in image segmentation and object detection. However, edge detection is difficult because of the noise and complex background in images. As can be seen in figure, EC methods have been utilized extensively for edge detection. Image Source - https://ieeexplore.ieee.org/document/9943992
  • 6. EDGE DETECTION - ANT COLONY OPTIMIZATION (ACO) â€ĸ The most popular approach for graph-based edge detection is "Ant Colony Optimization (ACO)." â€ĸ A graph in which each node represents a pixel can be used to represent an image. Ants can move from one node to another and mark each node by increasing the cell in a "pheromone" matrix that corresponds to it. â€ĸ By imposing a threshold on the ant pheromone, edges can be identified. â€ĸ The primary operations of the ACO edge detection techniques are the ant movement from one node to another and the update of the pheromone matrix. â€ĸ Image enhancement, filtering, and edge detection are the three phases of the edge detection procedure.
  • 7. EDGE DETECTION - ANT COLONY OPTIMIZATION (ACO) Benefits:- â€ĸ ACO is used to locate the image's edge points. â€ĸ During the search, each ant can move to four adjacent directions. â€ĸ Additionally, ACO has been utilized to enhance the outcomes of conventional edge detection techniques. â€ĸ Two conventional edge detectors' results can be improved by ACO by repairing broken edges. â€ĸ In terms of improving edge detection performance, it is both efficient and effective.
  • 8. EDGE DETECTION - GENETIC PROGRAMMING (GP) â€ĸ "Genetic Programming" (GP) models that automatically categorize pixels into non- edge or edge groups or identify edge pixels from images are built. â€ĸ W. Fu and co. in order to create natural image-based tree-based edge detectors, create a new GP method with a new function set and program structure. â€ĸ Based on a predetermined threshold, the evolved edge detectors classify a pixel as an edge or non-edge point. The outcomes demonstrate that the leaf nodes in the edge detectors are crucial and that the automatically constructed edge detectors are very impressive.
  • 9. EDGE DETECTION - OTHER EC METHODS â€ĸ Other EC methods are used to optimize edge detection process. â€ĸ The optimal coefficients of the cloning template in a cellular neural network for edge detection can be found using Differential Evolution (DE). â€ĸ As inputs to the generator of the generative adversarial network (GAN) for edge detection, an improved DE method is proposed for producing better images. â€ĸ The loss function derived from the GAN's discriminator is DE's fitness function. On two benchmark datasets, this method performs at the cutting edge. However, it takes a long time and several real images to train the models. â€ĸ In conclusion, EC techniques can automatically evolve edge detectors, construct graphs for edge detection, optimize traditional detector results, and optimize existing algorithm parameters when used for edge detection.
  • 10. IMAGE SEGMENTATION â€ĸ The goal of image segmentation is to split an image into multiple uniform and uncorrelated regions. â€ĸ It is a crucial step in image analysis, and it is frequently required to complete higher-level tasks like object detection and image classification. â€ĸ It is a challenging endeavor that may necessitate extensive domain knowledge, high computational costs, and complex or large search spaces. â€ĸ Due to its powerful global search capability and low demand for domain expertise, EC has found widespread application in image segmentation. â€ĸ Classified into five main categories, including region-based, classification-based, clustering-based, thresholding-based, and other types. Graph-based, edge- detection-based and model-based image segmentation techniques are included in this category.
  • 11. IMAGE SEGMENTATION Image Source - https://ieeexplore.ieee.org/document/9943992
  • 12. IMAGE SEGMENTATION A. Threshold-based Image Segmentation Methods īƒŧ most common and straightforward methods for segmenting images. īƒŧ The basic notion is to determine an image's histogram or other statistical value, then divide the image by comparing it to the histogram or statistical value and grouping pixels that are similar. īƒŧMultiple threshold values are frequently required to achieve good segmentation performance for complex images. īƒŧ Achieved by - Optimize threshold values & Optimize other parameters
  • 13. IMAGE SEGMENTATION B. Region-based Image Segmentation Methods īƒŧ By preserving the spatial relationships between pixels, region-based image segmentation techniques typically locate regions with similar pixel values that comply with pre-determined rules. īƒŧRegion-based strategies can be broken down into two categories: region-growing strategies and region-merging strategies. īƒ˜A bottom-up method known as a region-growing method uses some pixels as seed pixels and grows the region by checking pixels that are nearby. The neighboring pixels will be placed in the same region as the seed pixel if they comply with predetermined rules. īƒ˜Instead, the region merging technique is a top-down approach that divides an image into smaller sections and then merges such sections in accordance with established guidelines. īƒŧEC techniques is used to optimize both region-growing and region-merging methods.
  • 14. IMAGE SEGMENTATION C. Clustering-based Image Segmentation Methods īƒŧ To achieve image segmentation, clustering-based techniques focuses to combine pixels into distinct clusters with low inter-cluster and high intra-cluster similarity. īƒŧ EC strategies have been utilized to track down great beginning bunch centroids for picture division. īƒŧ The number of clusters and the initial cluster centroids are evolved using EC methods. īƒŧ Optimizing clustering-based image segmentation techniques is a popular application of EC techniques, such as GAs, PSO, DE, and EMO. The number of clusters, initial cluster centers, or both can be maximized using these strategies. In these strategies, a genuine worth vector-based portrayal is ordinarily used to address the arrangements. ***genetic algorithms (GAs);differential evolution (DE) ;particle swarm optimization (PSO);ant colony optimization (ACO) ;genetic programming (GP) ;evolutionary multi-objective optimization (EMO).
  • 15. IMAGE SEGMENTATION D. Classification-based Image Segmentation Methods īƒŧ For image segmentation, classification-based methods typically create models or classifiers that can associate each pixel in an image with distinct classes. īƒŧ The two main types of EC-based image segmentation techniques are those that use EC (mostly GP) to automatically evolve/construct classifiers/models or those that use EC to improve existing classification algorithms. īƒŧFor image segmentation, GP is the primary method that does not rely on any other segmentation or learning techniques to automatically evolve models or classifiers. superior to the other four approaches. īƒŧClassification-based approaches typically make use of EC-based approaches to optimize CNN-based models and use GP to automatically evolve models and classifiers. īƒŧMost of the time, GP-based methods find tree-based models with functions and terminals or features that group pixels into different classes and are easy to understand. īƒŧThe goal of the EC-based CNN approaches is to locate promising CNNs for effective image segmentation. The limitations of the existing CNN methods are addressed by these methods.
  • 16. IMAGE FEATURE ANALYSIS â€ĸ Numerous tasks involving images rely on image feature analysis. Roasters of raw pixels, which may contain information that is useful or meaningful, are typically used to represent images. â€ĸ The primary focus of image feature analysis is the examination of images' meaningful features and information. Typically, it consists of feature selection, feature extraction, feature construction, or a more general step known as feature learning. Image Source - https://ieeexplore.ieee.org/document/9943992
  • 17. IMAGE FEATURE ANALYSIS â€ĸ A necessary step in image analysis is feature selection, which selects the most significant features from a set of features that have already been extracted. When there are a lot of features and complicated interactions between them, feature selection becomes difficult. īƒ˜ GA-based Methods īƒ˜ PSO-based Methods īƒ˜ ACO-based Methods īƒ˜ EMO-based Methods īƒ˜ Hybrid Methods īƒ˜ Other Methods
  • 18. IMAGE FEATURE ANALYSIS â€ĸ Feature Extraction and Learning - ex interactions between features. īƒ˜Optimization of Existing Feature Extraction Methods īƒ˜Automatic Evolution of Models/Descriptors for Feature Extraction
  • 19. IMAGE CLASSIFICATION In CV and machine learning, image classification is a central and crucial task. Based on the content of the image, it aims to classify it into one of several predetermined categories. A. EC for Evolving NNs for Image Classification: DNNs, or deep CNNs, for image classification have recently been developed using EC methods with success. īƒŧ Evolving NN Weights and/or Architectures: īƒ˜ Suganuma and co propose the CGP-CNN approach, which uses ResNet blocks or standard convolutional operators to create a tree-based representation of NAS. īƒ˜ Low model complexity and high classification performance are achieved by this approach. īƒ˜ Li introduces a binary encoding to evolve deep CNNs using quantum-behaving PSO. īƒ˜ Gong et al. suggests to combine backpropagation with a co-evolutionary approach to search the parameters of DNN models for image classification.
  • 20. IMAGE CLASSIFICATION īƒ˜When one method is unable to optimize the training objective function, the weights are learned using co-evolution and backpropagation. īƒ˜For efficient search, the parameter learning task in co-evolution is broken down into numerous smaller tasks. The conventional DNN parameter learning methods are inferior to this one. īƒŧ EMO for Evolving NNs: īƒ˜In federated learning, Zhu and Jin propound an EMO-based strategy for optimizing NN structures.
  • 21. IMAGE CLASSIFICATION īƒ˜Multilayer perceptron and CNN models can be optimized using this approach at lower communication costs. īƒ˜Under the real-time federated learning framework, Zhu and Jin develop an EMO-based NAS method with the objectives of minimizing local payload and maximizing model performance. Using double-sampling, this method can effectively cut costs associated with computation and communication. īƒ˜Wang and co. present a PSO-based multi-objective NAS strategy that simultaneously maximizes two goals, namely the number of floating-point operations and classification accuracy.
  • 22. IMAGE CLASSIFICATION īƒŧ Computation Efficiency in EC for Evolving NN: īƒ˜Because it requires numerous fitness evaluations, utilizing EC to optimize NNs is computationally costly. As a result, latest research focuses on developing search efficiency-enhancing evaluation strategies that are computationally inexpensive. īƒ˜Zhang et al. propose a node inheritance strategy and a small sample of training data in an evolutionary NAS method to lower the cost of fitness evaluation computations. īƒ˜ Lu, et al. propose NSGANetV2, which makes use of surrogates to predict how CNN models will perform over time. To naturally select one of four surrogate models for fitness prediction, a method of selection known as adaptive switching is proposed.
  • 23. IMAGE CLASSIFICATION B. EC for Evolving Non-NN-based Methods: īƒŧEvolving classifiers from Image Features: īƒ˜ For multi-class object classification using domain-independent features, Zhang and Smart propose a GP method with a fitness function that calculates the overlap of the distributions of all possible pairs of classes. īƒ˜ Multiple GP classifiers and the normal probability density function serve as the foundation for the classification decision. Three datasets show good results for this method. īƒŧEvolving Classifiers from Raw Pixels: īƒ˜ To classify images, the most common approach employs GP to create tree-like models from raw pixels. In GP, binary classifiers based on raw pixels have been developed using multi-tier or multi-layer tree structures. īƒ˜ Al-Sahaf and other present a two-tier GP method with a classification and an aggregation tier: The image classifier is the first, which focuses on identifying small image regions and extracting features.
  • 24. IMAGE CLASSIFICATION īƒ˜ On four datasets, this method achieves high accuracy, and the learned classifiers and models are easy to understand. īƒŧFeature Learning and Emerging Topics: īƒ˜ With only a few training images, GP-based methods have demonstrated tremendous potential for image classification. īƒ˜ Al Sahaf and other propose a compound GP for region detection and a one-shot GP for developing classifiers directly from images to make feature extraction for binary image classification easier. īƒ˜ Only a few training images are needed for this method, which performs better than traditional methods. īƒ˜ Bi and co. In order to enhance GP's generalizability for few-shot image classification, we propose a dual-tree-based GP approach and develop an effective fitness function. īƒ˜ On nine image datasets, this method outperforms popular few-shot learning techniques in the 3-shot and 5-shot scenarios.
  • 25. OBJECT DETECTION â€ĸ In CV and image analysis, object detection is a fundamental function. It's not just about finding objects, but also where they are in the images. â€ĸ Object detection has been made possible by using EC methods with success. Using EC methods to naturally derive detectors from scratch and using EC methods to optimize an object detection system are two broad categories of existing methods. A. Optimizing Object Detection Systems – īƒŧ EC methods can be used to improve the features, parameters, and positions of objects in an object detection system, among other things.
  • 26. OBJECT DETECTION īƒŧ An entropic binary PSO method for enhancing an ear detection system's entropy map. Based on the optimized entropy map, classification is carried out using a threshold. On four face image datasets, the performance of this method is promising. īƒŧ Eye tracking and detection based on PSO. The deformable multiple template matching algorithm's center point and scaling factor are optimized using PSO in this approach. īƒŧ Notable item identification is an exceptional instance of item recognition that just recognizes the main item in a picture and overlooks other superfluous ones. Singh and co. propose a PSO approach to obtaining a saliency map for object detection and the best weights for three features. The PSO search is guided by an evaluation of the background and attention pixels by a fitness function. Different performance metrics show that this method performs better than other methods. īƒŧ Moghaddam and co propose a GP-based technique to develop undeniable level highlights from low - level saliency highlights for remarkable item recognition. A GP method is used to construct features from each of the four subsets of the feature sets, which are then combined to produce the final saliency map. īƒŧ GP-based methods combine the saliency feature maps in non-linear ways, in contrast to PSO-based methods.
  • 27. OBJECT DETECTION B. Automatically Evolving Detectors – īƒŧAutomatically evolving image object detectors have also utilized EC techniques. Based on GP, the primary methods for evolving detectors. īƒŧZhang investigates three feature sets, creates a novel fitness function, and develops a two-phase learning strategy to propose a novel GP-based object detection method. īƒ˜Using a small portion of the training samples, GP-based detectors are developed and evaluated in the first phase with the goal of increasing classification accuracy. īƒ˜Using all of the training samples, the evolved detectors are further refined in the second phase with the goal of increasing detection accuracy. īƒ˜For object detection, the findings demonstrate that the two-stage GP method is more reliable and efficient than the single-stage GP method. īƒŧObject detection is typically more challenging than these other tasks because it requires object localization and classification. However, EC techniques have demonstrated a lot of promise for both automatically evolving object detectors and improving existing object detection systems.
  • 28. OTHER TASKS â€ĸ Other image-related tasks, such as interest point detection, image registration, remote-sensing image classification, and object tracking, have demonstrated significant potential for EC methods. īƒŧ Interest Point Detection – īƒ˜ The detection of interesting points, such as corners, blobs, and edges, that convey relevant or interesting visual information is referred to as interest points detection. īƒ˜ GP is used to develop interest point detectors in images automatically. The majority of the works are by Gustavo Olague's group. In order to construct detectors from images, Trujillo and Olague devise a GP method that incorporates arithmetic functions and image operators like histogram normalization and Gaussian derivatives. īƒ˜ Point dispersion, stability,and information content are few of the many possible competing goals in interest point detection. īƒ˜ For the purpose of interest point detection, a multi-objective GP method with the goals of stability and point dispersion optimization is investigated.
  • 29. OTHER TASKS īƒŧImage Registration – īƒ˜ In many applications, like medical imaging, image registration is an important preprocessing step that aims to align two or more images by finding the best transformation of the images in geometric space. īƒ˜ Image registration, specifically locating the best transformation, has been made possible by the development of EC methods. īƒ˜ In order to simultaneously look for control parameters and image registration solution, a self- adaptive evolutionary optimization (SaEvO) algorithm is presented. īƒ˜ because the EC-based applications to image registration have not received a lot of attention in recent years, even though EC techniques have powerful search capabilities and flexible representations.
  • 30. OTHER TASKS īƒŧRemote Sensing Image Classification – īƒ˜Typically, the goal of remote sensing or hyperspectral image classification is to classify individual pixels within images rather than the entire image. In this context, numerous EC-based methods have also been developed to carry out tasks like parameter optimization, feature subset or band selection, and locating the best cluster centers for the clustering-based methods. īƒ˜The interval type-2 semi-supervised possibilistic fuzzy C-means clustering method for satellite image classification employs a PSO-based method to optimize the cluster centers and parameters. Most of the methods compared to this one achieve better accuracy. īƒ˜The ACO method employs a binary encoding to select a subset of the 76 original features, including the Gabor wavelet, the grey-level co-occurrence matrix (GLCM), and histogram statistics, while simultaneously locating the best SVM parameters. The performance of this approach is superior to that of other EC-based approaches. īƒ˜For cropland field classification on very high-resolution images, use GP to develop classifiers based on spectral, shape, and texture features. On two datasets, this approach outperforms five conventional classifiers.
  • 31. OTHER TASKS īƒŧObject Tracking– īƒ˜ The goal of object tracking is to locate the positions of objects in a series of images or frames in order to follow them. Typically, a target object is presented, and the objective is to locate it across multiple frames. īƒ˜ Half and half gravitational pursuit calculation (HGSA) to look for the areas of items by expanding a cosine-closeness capability that assesses the comparability between the objective items and likely articles in the picture utilizing highlights extricated by CNNs. A cutting-edge SI-based object tracker becomes more accurate as a result of this approach. īƒ˜ GP method for developing detectors that can track moving targets against a background that is stationary. This GP strategy involves pixels in a sliding window as terminals and a few administrators/capabilities to develop the finders/classifiers. Under various conditions, such as noise, the proposed method seems to be working. īƒ˜ an EC-based NAS method for one-time object tracking that uses a pretrained supernet to find the best trackers. Compared to the earlier methods that did not include NAS search, this one is more effective and efficient.
  • 32. APPLICATIONS Facial image analysis Biomedical image analysis Remote sensing image analysis Image analysis related to humans Agricultural image analysis Others. e.g., motor imagery classification , art classification , digit recognition , kinship verification , fish classification, and vehicle detection
  • 33. CHALLENGES Scalability Representation Search Mechanisms Interpretability Computational Cost Recognition by the Main CV Community and Publishing Papers in Major CV and AI Conferences
  • 34. TRENDS Evolutionary Deep Learning (EDL). Computationally Efficient ECV Methods. EMO for CV and Image Analysis. EC with Transfer Learning for CV and Image Analysis. ECV Using Small-Scale Training Data. EC Methods for Interpretable CV and Image Analysis.
  • 35. CONCLUSIONS Even though EC-based methods frequently perform well, they still have to deal with a number of problems and limitations regarding scalability, representations, search mechanisms, computational cost, and interpretability. For CNNs, EC-based approaches may be a good option because they don't require a lot of expertise in the NN domain, require expensive GPU computing resources, and have poor interpretability. It is evident that EC-based approaches have demonstrated great potential when applied to a wide range of image-related tasks.
  • 36. REFERENCES â€ĸ A Survey on Evolutionary Computation for Computer Vision and Image Analysis: Past, Present, and Future Trends; Ying Bi, Bing Xue, Pablo Mesejo, Stefano Cagnoni, Mengjie Zhang.https://arxiv.org/abs/2209.06399v1 â€ĸ Learning Adaptive Evolutionary Computation for Solving Multi-Objective Optimization Problems. Remco Coppens, Robbert Reijnen, Yingqian Zhang, Laurens Bliek, Berend Steenhuisen, https://arxiv.org/abs/2211.09719

Editor's Notes

  1. It is still a very rapidly developing area, where many new research and techniques are being proposed to effectively solve different tasks.
  2. The above chart shows the taxonomy and tasks that are in scope for our survey. In our survey, we will just consider ECs categorized by TASK TYPE.
  3. Scalability: Scalability is a common issue in most EC-based methods for image analysis. In recent years, big data have become a trend in image analysis, where the number of images in the datasets is very large (see the datasets summarised in the supplementary materials). Some well-known image/object classification datasets include the CIFAR10, CIFAR100 and ImageNet datasets. Representation: A careful design of representations is essential to the success of EC-based image analysis. Several different representations are used in EC methods, including string-based, vector-based, tree-based, and graph-based, allowing EC methods to solve a variety of image-analysis tasks. Even within the same specific task, EC methods may use multiple representations. Since representations are typically task-dependent, their design is challenging. Search Mechanisms: The underlying search mechanisms are at the heart of EC methods. A good search mechanism can better balance exploration and exploitation and find globally optimal solutions. Image analysis tasks are typically very difficult, requiring powerful search mechanisms. Interpretability: Interpretability is very important in many image analysis tasks, such as biomedical image analysis. However, traditional methods are affected by poorer performance, domain knowledge requirements, and poor flexibility. A trade-off can be found by making the use of domain knowledge more flexible and automatic by using EC methods. Computational Cost: Computational cost is an essential factor for EC-based image-analysis applications. Compared with random or exhaustive search methods, EC methods are by far less computationally expensive. In some cases, their powerful search ability makes them even faster than traditional CV methods. However, in many supervised learning tasks, such as image classification, EC methods may be computationally expensive. Some attempts to improve the computational efficiency of EC-based image analysis have used surrogates to predict fitness values. Recognition by the Main CV Community and Publishing Papers in Major CV and AI Conferences: Despite the above technical challenges, other important challenges include the awareness of the contributions of EC-based methods by the CV community and publishing EC-based works in major CV and AI conferences. For the EC-based contributions to be fully recognised by the major CV community, it is necessary to publish at these major conferences. However, this is very challenging due to the low acceptance rates.