-
PSO-UNet: Particle Swarm-Optimized U-Net Framework for Precise Multimodal Brain Tumor Segmentation
Authors:
Shoffan Saifullah,
Rafał Dreżewski
Abstract:
Medical image segmentation, particularly for brain tumor analysis, demands precise and computationally efficient models due to the complexity of multimodal MRI datasets and diverse tumor morphologies. This study introduces PSO-UNet, which integrates Particle Swarm Optimization (PSO) with the U-Net architecture for dynamic hyperparameter optimization. Unlike traditional manual tuning or alternative…
▽ More
Medical image segmentation, particularly for brain tumor analysis, demands precise and computationally efficient models due to the complexity of multimodal MRI datasets and diverse tumor morphologies. This study introduces PSO-UNet, which integrates Particle Swarm Optimization (PSO) with the U-Net architecture for dynamic hyperparameter optimization. Unlike traditional manual tuning or alternative optimization approaches, PSO effectively navigates complex hyperparameter search spaces, explicitly optimizing the number of filters, kernel size, and learning rate. PSO-UNet substantially enhances segmentation performance, achieving Dice Similarity Coefficients (DSC) of 0.9578 and 0.9523 and Intersection over Union (IoU) scores of 0.9194 and 0.9097 on the BraTS 2021 and Figshare datasets, respectively. Moreover, the method reduces computational complexity significantly, utilizing only 7.8 million parameters and executing in approximately 906 seconds, markedly faster than comparable U-Net-based frameworks. These outcomes underscore PSO-UNet's robust generalization capabilities across diverse MRI modalities and tumor classifications, emphasizing its clinical potential and clear advantages over conventional hyperparameter tuning methods. Future research will explore hybrid optimization strategies and validate the framework against other bio-inspired algorithms to enhance its robustness and scalability.
△ Less
Submitted 24 March, 2025;
originally announced March 2025.
-
Latent Diffusion for Guided Document Table Generation
Authors:
Syed Jawwad Haider Hamdani,
Saifullah Saifullah,
Stefan Agne,
Andreas Dengel,
Sheraz Ahmed
Abstract:
Obtaining annotated table structure data for complex tables is a challenging task due to the inherent diversity and complexity of real-world document layouts. The scarcity of publicly available datasets with comprehensive annotations for intricate table structures hinders the development and evaluation of models designed for such scenarios. This research paper introduces a novel approach for gener…
▽ More
Obtaining annotated table structure data for complex tables is a challenging task due to the inherent diversity and complexity of real-world document layouts. The scarcity of publicly available datasets with comprehensive annotations for intricate table structures hinders the development and evaluation of models designed for such scenarios. This research paper introduces a novel approach for generating annotated images for table structure by leveraging conditioned mask images of rows and columns through the application of latent diffusion models. The proposed method aims to enhance the quality of synthetic data used for training object detection models. Specifically, the study employs a conditioning mechanism to guide the generation of complex document table images, ensuring a realistic representation of table layouts. To evaluate the effectiveness of the generated data, we employ the popular YOLOv5 object detection model for training. The generated table images serve as valuable training samples, enriching the dataset with diverse table structures. The model is subsequently tested on the challenging pubtables-1m testset, a benchmark for table structure recognition in complex document layouts. Experimental results demonstrate that the introduced approach significantly improves the quality of synthetic data for training, leading to YOLOv5 models with enhanced performance. The mean Average Precision (mAP) values obtained on the pubtables-1m testset showcase results closely aligned with state-of-the-art methods. Furthermore, low FID results obtained on the synthetic data further validate the efficacy of the proposed methodology in generating annotated images for table structure.
△ Less
Submitted 19 August, 2024;
originally announced August 2024.
-
StylusAI: Stylistic Adaptation for Robust German Handwritten Text Generation
Authors:
Nauman Riaz,
Saifullah Saifullah,
Stefan Agne,
Andreas Dengel,
Sheraz Ahmed
Abstract:
In this study, we introduce StylusAI, a novel architecture leveraging diffusion models in the domain of handwriting style generation. StylusAI is specifically designed to adapt and integrate the stylistic nuances of one language's handwriting into another, particularly focusing on blending English handwriting styles into the context of the German writing system. This approach enables the generatio…
▽ More
In this study, we introduce StylusAI, a novel architecture leveraging diffusion models in the domain of handwriting style generation. StylusAI is specifically designed to adapt and integrate the stylistic nuances of one language's handwriting into another, particularly focusing on blending English handwriting styles into the context of the German writing system. This approach enables the generation of German text in English handwriting styles and German handwriting styles into English, enriching machine-generated handwriting diversity while ensuring that the generated text remains legible across both languages. To support the development and evaluation of StylusAI, we present the \lq{Deutscher Handschriften-Datensatz}\rq~(DHSD), a comprehensive dataset encompassing 37 distinct handwriting styles within the German language. This dataset provides a fundamental resource for training and benchmarking in the realm of handwritten text generation. Our results demonstrate that StylusAI not only introduces a new method for style adaptation in handwritten text generation but also surpasses existing models in generating handwriting samples that improve both text quality and stylistic fidelity, evidenced by its performance on the IAM database and our newly proposed DHSD. Thus, StylusAI represents a significant advancement in the field of handwriting style generation, offering promising avenues for future research and applications in cross-linguistic style adaptation for languages with similar scripts.
△ Less
Submitted 22 July, 2024;
originally announced July 2024.
-
DocXplain: A Novel Model-Agnostic Explainability Method for Document Image Classification
Authors:
Saifullah Saifullah,
Stefan Agne,
Andreas Dengel,
Sheraz Ahmed
Abstract:
Deep learning (DL) has revolutionized the field of document image analysis, showcasing superhuman performance across a diverse set of tasks. However, the inherent black-box nature of deep learning models still presents a significant challenge to their safe and robust deployment in industry. Regrettably, while a plethora of research has been dedicated in recent years to the development of DL-powere…
▽ More
Deep learning (DL) has revolutionized the field of document image analysis, showcasing superhuman performance across a diverse set of tasks. However, the inherent black-box nature of deep learning models still presents a significant challenge to their safe and robust deployment in industry. Regrettably, while a plethora of research has been dedicated in recent years to the development of DL-powered document analysis systems, research addressing their transparency aspects has been relatively scarce. In this paper, we aim to bridge this research gap by introducing DocXplain, a novel model-agnostic explainability method specifically designed for generating high interpretability feature attribution maps for the task of document image classification. In particular, our approach involves independently segmenting the foreground and background features of the documents into different document elements and then ablating these elements to assign feature importance. We extensively evaluate our proposed approach in the context of document image classification, utilizing 4 different evaluation metrics, 2 widely recognized document benchmark datasets, and 10 state-of-the-art document image classification models. By conducting a thorough quantitative and qualitative analysis against 9 existing state-of-the-art attribution methods, we demonstrate the superiority of our approach in terms of both faithfulness and interpretability. To the best of the authors' knowledge, this work presents the first model-agnostic attribution-based explainability method specifically tailored for document images. We anticipate that our work will significantly contribute to advancing research on transparency, fairness, and robustness of document image classification models.
△ Less
Submitted 4 July, 2024;
originally announced July 2024.
-
Comparative Analysis of Image Enhancement Techniques for Brain Tumor Segmentation: Contrast, Histogram, and Hybrid Approaches
Authors:
Shoffan Saifullah,
Andri Pranolo,
Rafał Dreżewski
Abstract:
This study systematically investigates the impact of image enhancement techniques on Convolutional Neural Network (CNN)-based Brain Tumor Segmentation, focusing on Histogram Equalization (HE), Contrast Limited Adaptive Histogram Equalization (CLAHE), and their hybrid variations. Employing the U-Net architecture on a dataset of 3064 Brain MRI images, the research delves into preprocessing steps, in…
▽ More
This study systematically investigates the impact of image enhancement techniques on Convolutional Neural Network (CNN)-based Brain Tumor Segmentation, focusing on Histogram Equalization (HE), Contrast Limited Adaptive Histogram Equalization (CLAHE), and their hybrid variations. Employing the U-Net architecture on a dataset of 3064 Brain MRI images, the research delves into preprocessing steps, including resizing and enhancement, to optimize segmentation accuracy. A detailed analysis of the CNN-based U-Net architecture, training, and validation processes is provided. The comparative analysis, utilizing metrics such as Accuracy, Loss, MSE, IoU, and DSC, reveals that the hybrid approach CLAHE-HE consistently outperforms others. Results highlight its superior accuracy (0.9982, 0.9939, 0.9936 for training, testing, and validation, respectively) and robust segmentation overlap, with Jaccard values of 0.9862, 0.9847, and 0.9864, and Dice values of 0.993, 0.9923, and 0.9932 for the same phases, emphasizing its potential in neuro-oncological applications. The study concludes with a call for refinement in segmentation methodologies to further enhance diagnostic precision and treatment planning in neuro-oncology.
△ Less
Submitted 8 April, 2024;
originally announced April 2024.
-
PrIeD-KIE: Towards Privacy Preserved Document Key Information Extraction
Authors:
Saifullah Saifullah,
Stefan Agne,
Andreas Dengel,
Sheraz Ahmed
Abstract:
In this paper, we introduce strategies for developing private Key Information Extraction (KIE) systems by leveraging large pretrained document foundation models in conjunction with differential privacy (DP), federated learning (FL), and Differentially Private Federated Learning (DP-FL). Through extensive experimentation on six benchmark datasets (FUNSD, CORD, SROIE, WildReceipts, XFUND, and DOCILE…
▽ More
In this paper, we introduce strategies for developing private Key Information Extraction (KIE) systems by leveraging large pretrained document foundation models in conjunction with differential privacy (DP), federated learning (FL), and Differentially Private Federated Learning (DP-FL). Through extensive experimentation on six benchmark datasets (FUNSD, CORD, SROIE, WildReceipts, XFUND, and DOCILE), we demonstrate that large document foundation models can be effectively fine-tuned for the KIE task under private settings to achieve adequate performance while maintaining strong privacy guarantees. Moreover, by thoroughly analyzing the impact of various training and model parameters on model performance, we propose simple yet effective guidelines for achieving an optimal privacy-utility trade-off for the KIE task under global DP. Finally, we introduce FeAm-DP, a novel DP-FL algorithm that enables efficiently upscaling global DP from a standalone context to a multi-client federated environment. We conduct a comprehensive evaluation of the algorithm across various client and privacy settings, and demonstrate its capability to achieve comparable performance and privacy guarantees to standalone DP, even when accommodating an increasing number of participating clients. Overall, our study offers valuable insights into the development of private KIE systems, and highlights the potential of document foundation models for privacy-preserved Document AI applications. To the best of authors' knowledge, this is the first work that explores privacy preserved document KIE using document foundation models.
△ Less
Submitted 5 October, 2023;
originally announced October 2023.
-
Nondestructive chicken egg fertility detection using CNN-transfer learning algorithms
Authors:
Shoffan Saifullah,
Rafal Drezewski,
Anton Yudhana,
Andri Pranolo,
Wilis Kaswijanti,
Andiko Putro Suryotomo,
Seno Aji Putra,
Alin Khaliduzzaman,
Anton Satria Prabuwono,
Nathalie Japkowicz
Abstract:
This study explored the application of CNN-Transfer Learning for nondestructive chicken egg fertility detection for precision poultry hatchery practices. Four models, VGG16, ResNet50, InceptionNet, and MobileNet, were trained and evaluated on a dataset (200 single egg images) using augmented images (rotation, flip, scale, translation, and reflection). Although the training results demonstrated tha…
▽ More
This study explored the application of CNN-Transfer Learning for nondestructive chicken egg fertility detection for precision poultry hatchery practices. Four models, VGG16, ResNet50, InceptionNet, and MobileNet, were trained and evaluated on a dataset (200 single egg images) using augmented images (rotation, flip, scale, translation, and reflection). Although the training results demonstrated that all models achieved high accuracy, indicating their ability to accurately learn and classify chicken eggs' fertility state, when evaluated on the testing set, variations in accuracy and performance were observed. InceptionNet exhibited the best overall performance, accurately classifying fertile and non-fertile eggs. It demonstrated excellent performance in both training and testing sets in all parameters of the evaluation metrics. In testing set, it achieved an accuracy of 0.98, a sensitivity of 1 for detecting fertile eggs, and a specificity of 0.96 for identifying non-fertile eggs. The higher performance is attributed to its unique architecture efficiently capturing features at different scales leading to improved accuracy and robustness. Further optimization and fine-tuning of the models might necessary to address the limitations in accurately detecting fertile and non-fertile eggs in case of other models. This study highlighted the potential of CNN-Transfer Learning for nondestructive fertility detection and emphasizes the need for further research to enhance the models' capabilities and ensure accurate classification.
△ Less
Submitted 28 September, 2023;
originally announced September 2023.
-
Privacy Meets Explainability: A Comprehensive Impact Benchmark
Authors:
Saifullah Saifullah,
Dominique Mercier,
Adriano Lucieri,
Andreas Dengel,
Sheraz Ahmed
Abstract:
Since the mid-10s, the era of Deep Learning (DL) has continued to this day, bringing forth new superlatives and innovations each year. Nevertheless, the speed with which these innovations translate into real applications lags behind this fast pace. Safety-critical applications, in particular, underlie strict regulatory and ethical requirements which need to be taken care of and are still active ar…
▽ More
Since the mid-10s, the era of Deep Learning (DL) has continued to this day, bringing forth new superlatives and innovations each year. Nevertheless, the speed with which these innovations translate into real applications lags behind this fast pace. Safety-critical applications, in particular, underlie strict regulatory and ethical requirements which need to be taken care of and are still active areas of debate. eXplainable AI (XAI) and privacy-preserving machine learning (PPML) are both crucial research fields, aiming at mitigating some of the drawbacks of prevailing data-hungry black-box models in DL. Despite brisk research activity in the respective fields, no attention has yet been paid to their interaction. This work is the first to investigate the impact of private learning techniques on generated explanations for DL-based models. In an extensive experimental analysis covering various image and time series datasets from multiple domains, as well as varying privacy techniques, XAI methods, and model architectures, the effects of private training on generated explanations are studied. The findings suggest non-negligible changes in explanations through the introduction of privacy. Apart from reporting individual effects of PPML on XAI, the paper gives clear recommendations for the choice of techniques in real applications. By unveiling the interdependencies of these pivotal technologies, this work is a first step towards overcoming the remaining hurdles for practically applicable AI in safety-critical domains.
△ Less
Submitted 8 November, 2022;
originally announced November 2022.
-
Tourism's trend Ranking on Social Media Data Using Fuzzy-AHP vs. AHP
Authors:
Shoffan Saifullah
Abstract:
Tourism is an exciting thing to be visited by people in the world. Search for attractive and popular places can be done through social media. Data from social media or websites can be used as a reference to find current travel trends and get information about reviews, stories, likes, forums, blogs, and feedback from a place. However, if the search is done manually one by one, it takes a long time,…
▽ More
Tourism is an exciting thing to be visited by people in the world. Search for attractive and popular places can be done through social media. Data from social media or websites can be used as a reference to find current travel trends and get information about reviews, stories, likes, forums, blogs, and feedback from a place. However, if the search is done manually one by one, it takes a long time, and it becomes interesting to do research. So, searching based on current trends will be easier and faster. For this reason, this study uses a computer base to search by ranking tourist facilities from social media data or websites using the multi-criteria decision-making (MCDM) method. The implementation of the method used in finding the trend is the Fuzzy-AHP method in comparison with the AHP. The data used is data reviews, stories, likes, forums, blogs, and feedback from the web or social media. Because with these components, tourism can be developed according to visitors\'' wishes. The research aims to rank facilities\'' tourism attractions (trends) and development priorities. The priority and ranking used the fuzzy-AHP and AHP method to determine weight criteria and the ranking process. The highest ranking is on the Parks/Picnic Spots attraction, and make it a priority to develop. The methods have an average value MSE of all data is \approx 0.0002, which can be used for this ranking.
△ Less
Submitted 28 September, 2022;
originally announced September 2022.
-
Identification of chicken egg fertility using SVM classifier based on first-order statistical feature extraction
Authors:
Shoffan Saifullah,
Andiko Putro Suryotomo
Abstract:
This study aims to identify chicken eggs fertility using the support vector machine (SVM) classifier method. The classification basis used the first-order statistical (FOS) parameters as feature extraction in the identification process. This research was developed based on the process's identification process, which is still manual (conventional). Although currently there are many technologies in…
▽ More
This study aims to identify chicken eggs fertility using the support vector machine (SVM) classifier method. The classification basis used the first-order statistical (FOS) parameters as feature extraction in the identification process. This research was developed based on the process's identification process, which is still manual (conventional). Although currently there are many technologies in the identification process, they still need development. Thus, this research is one of the developments in the field of image processing technology. The sample data uses datasets from previous studies with a total of 100 egg images. The egg object in the image is a single object. From these data, the classification of each fertile and infertile egg is 50 image data. Chicken egg image data became input in image processing, with the initial process is segmentation. This initial segmentation aims to get the cropped image according to the object. The cropped image is repaired using image preprocessing with grayscaling and image enhancement methods. This method (image enhancement) used two combination methods: contrast limited adaptive histogram equalization (CLAHE) and histogram equalization (HE). The improved image becomes the input for feature extraction using the FOS method. The FOS uses five parameters, namely mean, entropy, variance, skewness, and kurtosis. The five parameters entered into the SVM classifier method to identify the fertility of chicken eggs. The results of these experiments, the method proposed in the identification process has a success percentage of 84.57%. Thus, the implementation of this method can be used as a reference for future research improvements. In addition, it may be possible to use a second-order feature extraction method to improve its accuracy and improve supervised learning for classification.
△ Less
Submitted 9 January, 2022;
originally announced January 2022.
-
K-means segmentation based-on lab color space for embryo detection in incubated egg
Authors:
Shoffan Saifullah,
Rafal Drezewski,
Alin Khaliduzzaman,
Lean Karlo Tolentino,
Rabbimov Ilyos
Abstract:
The quality of the hatching process influences the success of the hatch rate besides the inherent egg factors. Eliminating infertile or dead eggs and monitoring embryonic growth are very important factors in efficient hatchery practices. This process aims to sort eggs that only have embryos to remain in the incubator until the end of the hatching process. This process aims to sort eggs with embryo…
▽ More
The quality of the hatching process influences the success of the hatch rate besides the inherent egg factors. Eliminating infertile or dead eggs and monitoring embryonic growth are very important factors in efficient hatchery practices. This process aims to sort eggs that only have embryos to remain in the incubator until the end of the hatching process. This process aims to sort eggs with embryos to remain hatched until the end. Maximum checking is done the first week in the hatching period. This study aims to detect the presence of embryos in eggs and processed by segmentation. Egg images are segmented using the K-means algorithm based on Lab color images. The results of the image acquisition are converted into Lab color space images. The results of Lab color space images are processed using K-means for each color. The K-means process uses cluster k=3 and divides into three parts: background, eggs, and yolk. Egg yolks are part of eggs that have embryonic characteristics. This study applies the concept of color in the initial segmentation and grayscale in the final stages. The initial phase results show that the image segmentation results using k-means clustering based on Lab color space provide a grouping of three parts. At the grayscale image processing stage, the results of color image segmentation are processed with grayscaling, image enhancement, and morphology. Thus, it seems clear that the yolk segmented shows the presence of egg embryos. Based on this results, the initial stages of the embryo detection process used K-means segmentation based on Lab color space. The evaluation uses MSE and MSSIM, with values of 0.0486 and 0.9979; this can be used to reference that the results obtained can detect embryos in egg yolk. This protocol could be used in a non-destructive quantitative study on embryos and their morphology in a precision poultry production system in the future.
△ Less
Submitted 1 August, 2022; v1 submitted 3 March, 2021;
originally announced March 2021.
-
Fuzzy-AHP approach using Normalized Decision Matrix on Tourism Trend Ranking based-on Social Media
Authors:
Shoffan Saifullah
Abstract:
This research discusses multi-criteria decision making (MCDM) using Fuzzy-AHP methods of tourism. The fuzzy-AHP process will rank tourism trends based on data from social media. Social media is one of the channels with the largest source of data input in determining tourism development. The development uses social media interactions based on the facilities visited, including reviews, stories, like…
▽ More
This research discusses multi-criteria decision making (MCDM) using Fuzzy-AHP methods of tourism. The fuzzy-AHP process will rank tourism trends based on data from social media. Social media is one of the channels with the largest source of data input in determining tourism development. The development uses social media interactions based on the facilities visited, including reviews, stories, likes, forums, blogs, and feedback. This experiment aims to prioritize facilities that are the trend of tourism. The priority ranking uses weight criteria and the ranking process. The highest rank is in the attractions of the Park/Picnic Area, with the final weight calculation value of 0.6361. Fuzzy-AHP can rank optimally with an MSE value of \approx 0.0002.
△ Less
Submitted 8 February, 2021;
originally announced February 2021.
-
Segmentasi Citra Menggunakan Metode Watershed Transform Berdasarkan Image Enhancement Dalam Mendeteksi Embrio Telur
Authors:
Shoffan Saifullah
Abstract:
Image processing can be applied in the detection of egg embryos. The egg embryos detection is processed using a segmentation process. The segmentation divides the image according to the area that is divided. This process requires improvement of the image that is processed to obtain optimal results. This study will analyze the detection of egg embryos based on image processing with image enhancemen…
▽ More
Image processing can be applied in the detection of egg embryos. The egg embryos detection is processed using a segmentation process. The segmentation divides the image according to the area that is divided. This process requires improvement of the image that is processed to obtain optimal results. This study will analyze the detection of egg embryos based on image processing with image enhancement and the concept of segmentation using the watershed method. Image enhancement in preprocessing in image improvement uses a combination of Contrast Limited Adaptive Histogram Equalization (CLAHE) and Histogram Equalization (HE) methods. The grayscale egg image is corrected using the CLAHE method, and the results are reprocessed using HE. The image improvement results show that the CLAHE-HE combination method gives a clear picture of the object area of the egg image that has an embryo. The segmentation process using image conversion to black and white image and watershed segmentation can clearly show the object of a chicken egg that has an embryo. The results of segmentation can divide the area of the egg having embryos in a real and accurate way with a percentage \approx 98\%.
△ Less
Submitted 8 February, 2021;
originally announced February 2021.
-
Comparison of Machine Learning for Sentiment Analysis in Detecting Anxiety Based on Social Media Data
Authors:
Shoffan Saifullah,
Yuli Fauziah,
Agus Sasmito Aribowo
Abstract:
All groups of people felt the impact of the COVID-19 pandemic. This situation triggers anxiety, which is bad for everyone. The government's role is very influential in solving these problems with its work program. It also has many pros and cons that cause public anxiety. For that, it is necessary to detect anxiety to improve government programs that can increase public expectations. This study app…
▽ More
All groups of people felt the impact of the COVID-19 pandemic. This situation triggers anxiety, which is bad for everyone. The government's role is very influential in solving these problems with its work program. It also has many pros and cons that cause public anxiety. For that, it is necessary to detect anxiety to improve government programs that can increase public expectations. This study applies machine learning to detecting anxiety based on social media comments regarding government programs to deal with this pandemic. This concept will adopt a sentiment analysis in detecting anxiety based on positive and negative comments from netizens. The machine learning methods implemented include K-NN, Bernoulli, Decision Tree Classifier, Support Vector Classifier, Random Forest, and XG-boost. The data sample used is the result of crawling YouTube comments. The data used amounted to 4862 comments consisting of negative and positive data with 3211 and 1651. Negative data identify anxiety, while positive data identifies hope (not anxious). Machine learning is processed based on feature extraction of count-vectorization and TF-IDF. The results showed that the sentiment data amounted to 3889 and 973 in testing, and training with the greatest accuracy was the random forest with feature extraction of vectorization count and TF-IDF of 84.99% and 82.63%, respectively. The best precision test is K-NN, while the best recall is XG-Boost. Thus, Random Forest is the best accurate to detect someone's anxiety based-on data from social media.
△ Less
Submitted 15 January, 2021;
originally announced January 2021.
-
Fish Detection Using Morphological Approach Based-on K-Means Segmentation
Authors:
Shoffan Saifullah,
Andiko Putro Suryotomo,
Bambang Yuwono
Abstract:
Image segmentation is a concept that is often used for object detection. This detection has difficulty detecting objects with backgrounds that have many colors and even have a color similar to the object being detected. This study aims to detect fish using segmentation, namely segmenting fish images using k-means clustering. The segmentation process is processed by improving the image first. The i…
▽ More
Image segmentation is a concept that is often used for object detection. This detection has difficulty detecting objects with backgrounds that have many colors and even have a color similar to the object being detected. This study aims to detect fish using segmentation, namely segmenting fish images using k-means clustering. The segmentation process is processed by improving the image first. The initial process is preprocessing to improve the image. Preprocessing is done twice, before segmentation using k-means and after. Preprocessing stage 1 using resize and reshape. Whereas after k-means is the contrast-limited adaptive histogram equalization. Preprocessing results are segmented using k-means clustering. The K-means concept classifies images using segments between the object and the background (using k = 8). The final step is the morphological process with open and close operations to obtain fish contours using black and white images based on grayscale images from color images. Based on the experimental results, the process can run well, with the ssim value close to 1, which means that image information does not change. Processed objects provide a clear picture of fish objects so that this k-means segmentation can help detect fish objects.
△ Less
Submitted 15 January, 2021;
originally announced January 2021.
-
Dynamical behavior of damped driven coupled single electron simple harmonic oscillators
Authors:
M. Ziaur Rahman Khan,
D. G. Hasko,
M. S. M. Saifullah,
M. E. Welland
Abstract:
Coherent coupling between a large number of qubits is the goal for scalable approaches to solid state quantum information processing. Prototype systems can be characterized by spectroscopic techniques. Here, we use pulsed-continuous wave microwave spectroscopy to study the behavior of electrons trapped at defects within the gate dielectric of a sol-gel-based high-k silicon MOSFET. Disorder leads…
▽ More
Coherent coupling between a large number of qubits is the goal for scalable approaches to solid state quantum information processing. Prototype systems can be characterized by spectroscopic techniques. Here, we use pulsed-continuous wave microwave spectroscopy to study the behavior of electrons trapped at defects within the gate dielectric of a sol-gel-based high-k silicon MOSFET. Disorder leads to a wide distribution in trap properties, allowing more than 1000 traps to be individually addressed in a single transistor within the accessible frequency domain. Their dynamical behavior is explored by pulsing the microwave excitation over a range of times comparable to the phase coherence time and the lifetime of the electron in the trap. Trap occupancy is limited to a single electron, which can be manipulated by resonant microwave excitation and the resulting change in trap occupancy is detected by the change in the channel current of the transistor. The trap behavior is described by a classical damped driven simple harmonic oscillator model, with the phase coherence, lifetime and coupling strength parameters derived from a continuous wave (CW) measurement only. For pulse times shorter than the phase coherence time, the energy exchange between traps, due to the coupling, strongly modulates the observed drain current change. This effect could be exploited for 2-qubit gate operation. The very large number of resonances observed in this system would allow a complex multi-qubit quantum mechanical circuit to be realized by this mechanism using only a single transistor.
△ Less
Submitted 31 March, 2011; v1 submitted 2 February, 2010;
originally announced February 2010.