H. Kalani; E. Abbasi
Abstract
Posterior crossbite is a common malocclusion disorder in the primary dentition that strongly affects masticatory function. To the best of the author’s knowledge, for the first time, this article presents a reasonable and computationally efficient diagnostic system for detecting characteristics ...
Read More
Posterior crossbite is a common malocclusion disorder in the primary dentition that strongly affects masticatory function. To the best of the author’s knowledge, for the first time, this article presents a reasonable and computationally efficient diagnostic system for detecting characteristics between children with and without unilateral posterior crossbite (UPCB) in the primary dentition from the surface electromyography (sEMG) activity of masticatory muscles. In this study, 40 children (4–6y) were selected and divided into UPCB (n = 20) and normal occlusion (NOccl; n = 20) groups. The preferred chewing side was determined using a visual spot-checking method. The chewing rate was determined as the average of two chewing cycles. The sEMG activity of the bilateral masticatory muscles was recorded during two 20-s gum-chewing sequences. The data of the subjects were diagnosed by the dentist. In this study, the fast Fourier transform (FFT) analysis was applied to sEMG signals recorded from subjects. The number of FFT coefficients had been selected by using Logistic Regression (LR) methodology. Then the ability of a multilayer perceptron artificial neural network (MLPANN) in the diagnosis of neuromuscular disorders in investigated. To find the best neuron weights and structures for MLPANN, particle swarm optimization (PSO) was utilized. Results showed the proficiency of the suggested diagnostic system for the classification of EMG signals. The proposed method can be utilized in clinical applications for diagnoses of unilateral posterior crossbite.
Seyedeh H. Erfani
Abstract
Facial expressions are part of human language and are often used to convey emotions. Since humans are very different in their emotional representation through various media, the recognition of facial expression becomes a challenging problem in machine learning methods. Emotion and sentiment analysis ...
Read More
Facial expressions are part of human language and are often used to convey emotions. Since humans are very different in their emotional representation through various media, the recognition of facial expression becomes a challenging problem in machine learning methods. Emotion and sentiment analysis also have become new trends in social media. Deep Convolutional Neural Network (DCNN) is one of the newest learning methods in recent years that model a human's brain. DCNN achieves better accuracy with big data such as images. In this paper an automatic facial expression recognition (FER) method using the deep convolutional neural network is proposed. In this work, a way is provided to overcome the overfitting problem in training the deep convolutional neural network for FER, and also an effective pre-processing phase is proposed that is improved the accuracy of facial expression recognition. Here the results for recognition of seven emotional states (neutral, happiness, sadness, surprise, anger, fear, disgust) have been presented by applying the proposed method on the two largely used public datasets (JAFFE and CK+). The results show that in the proposed method, the accuracy of the FER is better than traditional FER methods and is about 98.59% and 96.89% for JAFFE and CK+ datasets, respectively.
F. Amiri; S. Abbasi; M. Babaie mohamadeh
Abstract
During the COVID-19 crisis, we face a wide range of thoughts, feelings, and behaviors on social media that play a significant role in spreading information regarding COVID-19. Trustful information, together with hopeful messages, could be used to control people's emotions and reactions during pandemics. ...
Read More
During the COVID-19 crisis, we face a wide range of thoughts, feelings, and behaviors on social media that play a significant role in spreading information regarding COVID-19. Trustful information, together with hopeful messages, could be used to control people's emotions and reactions during pandemics. This study examines Iranian society's resilience in the face of the Corona crisis and provides a strategy to promote resilience in similar situations. It investigates posts and news related to the COVID-19 pandemic in Iran, to determine which messages and references have caused concern in the community, and how they could be modified? and also which references were the most trusted publishers? Social network analysis methods such as clustering have been used to analyze data. In the present work, we applied a two-stage clustering method constructed on the self-organizing map and K-means. Because of the importance of social trust in accepting messages, This work examines public trust in social posts. The results showed trust in the health-related posts was less than social-related and cultural-related posts. The trusted posts were shared on Instagram and news sites. Health and cultural posts with negative polarity affected people's trust and led to negative emotions such as fear, disgust, sadness, and anger. So, we suggest that non-political discourses be used to share topics in the field of health.
H.6.3.2. Feature evaluation and selection
Sayyed Mohammad Hoseini; Majid Ebtia; Mohanna Dehgardi
Abstract
The abundance of high dimensional datasets and the computational limitations of data analysis processes in applying to high-dimensional data have made clear the importance of developing feature selection methods. The negative impact of irrelevant variables on prediction and increasing unnecessary calculations ...
Read More
The abundance of high dimensional datasets and the computational limitations of data analysis processes in applying to high-dimensional data have made clear the importance of developing feature selection methods. The negative impact of irrelevant variables on prediction and increasing unnecessary calculations due to the redundant attributes lead to poor results or performance of the classifiers. Feature selection is, therefore, applied to facilitate a better understanding of the datasets, reduce computational time, and enhance prediction accuracy. In this research, we develop a composite method for feature selection that combines support vector machines and principal component analysis. Then the method is implemented to the -nearest neighbor and the Naïve Bayes algorithms. The datasets utilized in this study consist of three from the UCI Machine Learning Repository, used to assess the performance of the proposed models. Additionally, a dataset gathered from the central library of Ayatollah Boroujerdi University was considered. This dataset encompasses 1,910 instances with 30 attributes, including gender, native status, entry term, faculty code, cumulative GPA, and the number of books borrowed. After applying the proposed feature selection method, an accuracy of 70% was obtained with only five features. Experimental results demonstrate that the proposed feature selection method chooses appropriate feature subset. The approach yields enhanced classification performance, as evaluated by metrics such as accuracy, -score and Matthews correlation coefficient.
A. Alijamaat; A. Reza NikravanShalmani; P. Bayat
Abstract
Multiple Sclerosis (MS) is a disease that destructs the central nervous system cell protection, destroys sheaths of immune cells, and causes lesions. Examination and diagnosis of lesions by specialists is usually done manually on Magnetic Resonance Imaging (MRI) images of the brain. Factors such as small ...
Read More
Multiple Sclerosis (MS) is a disease that destructs the central nervous system cell protection, destroys sheaths of immune cells, and causes lesions. Examination and diagnosis of lesions by specialists is usually done manually on Magnetic Resonance Imaging (MRI) images of the brain. Factors such as small sizes of lesions, their dispersion in the brain, similarity of lesions to some other diseases, and their overlap can lead to the misdiagnosis. Automatic image detection methods as auxiliary tools can increase the diagnosis accuracy. To this end, traditional image processing methods and deep learning approaches have been used. Deep Convolutional Neural Network is a common method of deep learning to detect lesions in images. In this network, the convolution layer extracts the specificities; and the pooling layer decreases the specificity map size. The present research uses the wavelet-transform-based pooling. In addition to decomposing the input image and reducing its size, the wavelet transform highlights sharp changes in the image and better describes local specificities. Therefore, using this transform can improve the diagnosis. The proposed method is based on six convolutional layers, two layers of wavelet pooling, and a completely connected layer that had a better amount of accuracy than the studied methods. The accuracy of 98.92%, precision of 99.20%, and specificity of 98.33% are obtained by testing the image data of 38 patients and 20 healthy individuals.
Mohammad Reza Keyvanpour; Zahra Karimi Zandian; Nasrin Mottaghi
Abstract
Regression testing reduction is an essential phase in software testing. In this step, the redundant and unnecessary cases are eliminated, whereas software accuracy and performance are not degraded. So far, various researches have been proposed in regression testing reduction field. The main challenge ...
Read More
Regression testing reduction is an essential phase in software testing. In this step, the redundant and unnecessary cases are eliminated, whereas software accuracy and performance are not degraded. So far, various researches have been proposed in regression testing reduction field. The main challenge in this area is to provide a method that maintain fault-detection capability while reducing test suites. In this paper, a new test suite reduction technique is proposed based on data mining. In this method, in addition to test suite reduction, its fault-detection capability is preserved using both clustering and classification. In this approach, regression test cases are reduced using a bi-criteria data mining-based method in two levels. In each level, the different and useful coverage criteria and clustering algorithms are used to establish a better compromise between test suite size and the ability of reduced test suite fault detection. The results of the proposed method have been compared to the effects of five other methods based on PSTR and PFDL. The experiments show the efficiency of the proposed method in the test suite reduction in maintaining its capability in fault detection.
H.3. Artificial Intelligence
Ali Rebwar Shabrandi; Ali Rajabzadeh Ghatari; Mohammad Dehghan nayeri; Nader Tavakoli; Sahar Mirzaei
Abstract
This study proposes a high-level design and configuration for an intelligent dual (hybrid and private) blockchain-based system. The configuration includes the type of network, level of decentralization, nodes, and roles, block structure information, authority control, and smart contracts and intended ...
Read More
This study proposes a high-level design and configuration for an intelligent dual (hybrid and private) blockchain-based system. The configuration includes the type of network, level of decentralization, nodes, and roles, block structure information, authority control, and smart contracts and intended to address the two main categories of challenges–operation management and data management–through three intelligent modules across the pandemic stages. In the pre-hospital stage, an intelligent infection prediction system is proposed that utilizes in-house data to address the lack of a simple, efficient, agile, and low-cost screening method for identifying potentially infected individuals promptly and preventing the overload of patients entering hospitals. In the in-hospital stage, an intelligent prediction system is proposed to predict infection severity and hospital Length of Stay (LoS) to identify high-risk patients, prioritize them for receiving care services, and facilitate better resource allocation. In the post-hospital stage, an intelligent prediction system is proposed to predict the reinfection and readmission rates, to help reduce the burden on the healthcare system and provide personalized care and follow-up for higher-risk patients. In addition, the distribution of limited Personal protective equipment (PPE) is made fair using private blockchain (BC) and smart contracts. These modules were developed using Python and utilized to evaluate the performance of state-of-the-art machine learning (ML) techniques through 10-fold cross-validation at each stage. The most critical features were plotted and analyzed using SHapely Adaptive exPlanations (SHAP). Finally, we explored the implications of our system for both research and practice and provided recommendations for future enhancements.
Seyedeh S. Sadeghi; H. Khotanlou; M. Rasekh Mahand
Abstract
In the modern age, written sources are rapidly increasing. A growing number of these data are related to the texts containing the feelings and opinions of the users. Thus, reviewing and analyzing of emotional texts have received a particular attention in recent years. A System which is based on combination ...
Read More
In the modern age, written sources are rapidly increasing. A growing number of these data are related to the texts containing the feelings and opinions of the users. Thus, reviewing and analyzing of emotional texts have received a particular attention in recent years. A System which is based on combination of cognitive features and deep neural network, Gated Recurrent Unit has been proposed in this paper. Five basic emotions used in this approach are: anger, happiness, sadness, surprise and fear. A total of 23,000 Persian documents by the average length of 24 have been labeled for this research. Emotional constructions, emotional keywords, and emotional POS are the basic cognitive features used in this approach. On the other hand, after preprocessing the texts, words of normalized text have been embedded by Word2Vec technique. Then, a deep learning approach has been done based on this embedded data. Finally, classification algorithms such as Naïve Bayes, decision tree, and support vector machines were used to classify emotions based on concatenation of defined cognitive features, and deep learning features. 10-fold cross validation has been used to evaluate the performance of the proposed system. Experimental results show the proposed system achieved the accuracy of 97%. Result of proposed system shows the improvement of several percent’s in comparison by other results achieved GRU and cognitive features in isolation. At the end, studying other statistical features and improving these cognitive features in more details can affect the results.
V. Fazel Asl; B. Karasfi; B. Masoumi
Abstract
In this article, we consider the problems of abnormal behavior detection in a high-crowded environment. One of the main issues in abnormal behavior detection is the complexity of the structure patterns between the frames. In this paper, social force and optical flow patterns are used to prepare the system ...
Read More
In this article, we consider the problems of abnormal behavior detection in a high-crowded environment. One of the main issues in abnormal behavior detection is the complexity of the structure patterns between the frames. In this paper, social force and optical flow patterns are used to prepare the system for training the complexity of the structural patterns. The cycle GAN system has been used to train behavioral patterns. Two models of normal and abnormal behavioral patterns are used to evaluate the accuracy of the system detection. In the case of abnormal patterns used for training, due to the lack of this type of behavioral pattern, which is another challenge in detecting the abnormal behaviors, the geometric techniques are used to augment the patterns. If the normal behavioral patterns are used for training, there is no need to augment the patterns because the normal patterns are sufficient. Then, by using the cycle generative adversarial nets (cycle GAN), the normal and abnormal behaviors training will be considered separately. This system produces the social force and optical flow pattern for normal and abnormal behaviors on the first and second sides. We use the cycle GAN system both to train behavioral patterns and to assess the accuracy of abnormal behaviors detection. In the testing phase, if normal behavioral patterns are used for training, the cycle GAN system should not be able to reconstruct the abnormal behavioral patterns with high accuracy.
I.3.7. Engineering
Saeed Khosroabadi; Hussein Aad Alaboodi
Abstract
In the context of advancing sixth-generation (6G) communication networks, ensuring high-quality user coverage across varying geographic landscapes remains a paramount objective. Terrestrial base stations conventionally provide this coverage; however, they are susceptible to disruption due to adverse ...
Read More
In the context of advancing sixth-generation (6G) communication networks, ensuring high-quality user coverage across varying geographic landscapes remains a paramount objective. Terrestrial base stations conventionally provide this coverage; however, they are susceptible to disruption due to adverse environmental conditions. Consequently, the integration of airborne mobile stations is pivotal for continued user coverage support. Among the viable solutions for terrestrial station augmentation, the deployment of drone base stations (DBS) emerges as the optimal substitute. Nonetheless, the establishment of a drone-based infrastructure presents challenges in terms of time and cost efficiency. Thus, the strategic positioning of DBSs, aimed at maximizing user coverage while simultaneously minimizing path loss and the number of drones required, is essential to achieving efficient and high-quality service provisioning. This study introduces a novel and optimized DBS placement strategy utilizing the Marine Predators Algorithm (MPA)—a recent metaheuristic renowned for its potent resistance to entrapment in local optima. Through simulation, we demonstrate that our proposed methodology distinctly surpasses analogous approaches with regards to optimization of path loss and user coverage. Simulation outcomes reveal average path losses of 71.75 dB for the Gray Wolf Optimization (GWO), 75.78 dB for the Weighted Time-Based Non-Orthogonal Multiple Access (TW-NOMA), and a significantly reduced 56.13 dB for our proposed MPA-based method, thereby indicating a substantial decrease of at least 15 dB in path loss compared to current techniques.
M. Asgari-Bidhendi; B. Janfada; O. R. Roshani Talab; B. Minaei-Bidgoli
Abstract
Named Entity Recognition (NER) is one of the essential prerequisites for many natural language processing tasks. All public corpora for Persian named entity recognition, such as ParsNERCorp and ArmanPersoNERCorpus, are based on the Bijankhan corpus, which is originated from the Hamshahri newspaper in ...
Read More
Named Entity Recognition (NER) is one of the essential prerequisites for many natural language processing tasks. All public corpora for Persian named entity recognition, such as ParsNERCorp and ArmanPersoNERCorpus, are based on the Bijankhan corpus, which is originated from the Hamshahri newspaper in 2004. Correspondingly, most of the published named entity recognition models in Persian are specially tuned for the news data and are not flexible enough to be applied in different text categories, such as social media texts. This study introduces ParsNER-Social, a corpus for training named entity recognition models in the Persian language built from social media sources. This corpus consists of 205,373 tokens and their NER tags, crawled from social media contents, including 10 Telegram channels in 10 different categories. Furthermore, three supervised methods are introduced and trained based on the ParsNER-Social corpus: Two conditional random field models as baseline models and one state-of-the-art deep learning model with six different configurations are evaluated on the proposed dataset. The experiments show that the Mono-Lingual Persian models based on Bidirectional Encoder Representations from Transformers (MLBERT) outperform the other approaches on the ParsNER-Social corpus. Among different Configurations of MLBERT models, the ParsBERT+BERT-TokenClass model obtained an F1-score of 89.65%.
F.2.7. Optimization
Seyed Morteza Babamir; Narges Zahiri
Abstract
Web service composition represents a graph of interacting services designed to fulfill user requirements, where each node denotes a service, and each edge represents an interaction between two services. A few candidates with different quality attributes exist on the web for conducting each web service. ...
Read More
Web service composition represents a graph of interacting services designed to fulfill user requirements, where each node denotes a service, and each edge represents an interaction between two services. A few candidates with different quality attributes exist on the web for conducting each web service. Consequently, numerous compositions with identical functionality but differing quality attributes can be formed, making the near-optimal composition selection an NP-hard problem. This paper proposes a tool-supported Evolutionary Optimization Algorithm (EOA) for near-optimal composition selection. The proposed EOA is a Discretized and Extended Gray Wolf Optimization (DEGWO) algorithm. This approach first discretizes the continuous solution space and then extends the functionality of GWO to identify global near-optimal solutions while accelerating solution convergence. DEGWO was evaluated in comparison with other related methods in terms of metrics. Experimental results showed DEGWO achieved average improvements of 8%, 39%, and 5% in terms of availability, 36%, 43%, and 30% in terms of response time, and 65%, 53%, and 51% in terms of cost compared to the three leading algorithms, RDGWO+GA, HGWO, and SFLAGA, respectively.
Z. Nazari; H.R. Koohi; J. Mousavi
Abstract
Nowadays, with the expansion of the internet and its associated technologies, recommender systems have become increasingly common. In this work, the main purpose is to apply new deep learning-based clustering methods to overcome the data sparsity problem and increment the efficiency of recommender systems ...
Read More
Nowadays, with the expansion of the internet and its associated technologies, recommender systems have become increasingly common. In this work, the main purpose is to apply new deep learning-based clustering methods to overcome the data sparsity problem and increment the efficiency of recommender systems based on precision, accuracy, F-measure, and recall. Within the suggested model of this research, the hidden biases and input weights values of the extreme learning machine algorithm are produced by the Restricted Boltzmann Machine and then clustering is performed. Also, this study employs the ELM for two approaches, clustering of training data and determine the clusters of test data. The results of the proposed method evaluated in two prediction methods by employing average and Pearson Correlation Coefficient in the MovieLens dataset. Considering the outcomes, it can be clearly said that the suggested method can overcome the problem of data sparsity and achieve higher performance in recommender systems. The results of evaluation of the proposed approach indicate a higher rate of all evaluation metrics while using the average method results in rates of precision, accuracy, recall, and F-Measure come to 80.49, 83.20, 67.84 and 73.62 respectively.
Zahra Asghari Varzaneh; Soodeh Hosseini
Abstract
This paper proposed a fuzzy expert system for diagnosing diabetes. In the proposed method, at first, the fuzzy rules are generated based on the Pima Indians Diabetes Database (PIDD) and then the fuzzy membership functions are tuned using the Harris Hawks optimization (HHO). The experimental data set, ...
Read More
This paper proposed a fuzzy expert system for diagnosing diabetes. In the proposed method, at first, the fuzzy rules are generated based on the Pima Indians Diabetes Database (PIDD) and then the fuzzy membership functions are tuned using the Harris Hawks optimization (HHO). The experimental data set, PIDD with the age group from 25-30 is initially processed and the crisp values are converted into fuzzy values in the stage of fuzzification. The improved fuzzy expert system increases the classification accuracy which outperforms several famous methods for diabetes disease diagnosis. The HHO algorithm is applied to tune fuzzy membership functions to determine the best range for fuzzy membership functions and increase the accuracy of fuzzy rule classification. The experimental results in terms of accuracy, sensitivity, and specificity prove that the proposed expert system has a higher ability than other data mining models in diagnosing diabetes.
M. Saffarian; V. Babaiyan; K. Namakin; F. Taheri; T. Kazemi
Abstract
Today, Metabolic Syndrome in the age group of children and adolescents has become a global concern. In this paper, a data mining model is used to determine a continuous Metabolic Syndrome (cMetS) score using Linear Discriminate Analysis (cMetS-LDA). The decision tree model is used to specify the calculated ...
Read More
Today, Metabolic Syndrome in the age group of children and adolescents has become a global concern. In this paper, a data mining model is used to determine a continuous Metabolic Syndrome (cMetS) score using Linear Discriminate Analysis (cMetS-LDA). The decision tree model is used to specify the calculated optimal cut-off point cMetS-LDA. In order to evaluate the method, multilayer perceptron neural network (NN) and Support Vector Machine (SVM) models were used and statistical significance of the results was tested with Wilcoxon signed-rank test. According to the results of this test, the proposed CART is significantly better than the NN and SVM models. The ranking results in this study showed that the most important risk factors in making cMetS-LDA were WC, SBP, HDL and TG for males and WC, TG, HDL and SBP for females. Our research results show that high TG and central obesity have the greatest impact on MetS and FBS has no effect on the final prognosis. The results also indicate that in the preliminary stages of MetS, WC, HDL and SBP are the most important influencing factors that play an important role in forecasting.
H.3. Artificial Intelligence
Seyed Alireza Bashiri Mosavi; Mohsen Javaherian; Omid Khalaf Beigi
Abstract
One way of analyzing COVID-19 is to exploit X-ray and computed tomography (CT) images of the patients' chests. Employing data mining techniques on chest images can provide in significant improvements in the diagnosis of COVID-19. However, in feature space learning of chest images, there exists a large ...
Read More
One way of analyzing COVID-19 is to exploit X-ray and computed tomography (CT) images of the patients' chests. Employing data mining techniques on chest images can provide in significant improvements in the diagnosis of COVID-19. However, in feature space learning of chest images, there exists a large number of features that affect COVID-19 identification performance negatively. In this work, we aim to design the dual hybrid partial-oriented feature selection scheme (DHPFSS) for selecting optimal features to achieve high-performance COVID-19 prediction. First, by applying the Zernike function to the data, moments of healthy chest images and infected ones were extracted. After Zernike moments (ZMs) segmentation, subsets of ZMs (SZMs1:n) are entered into the DHPFSS to select SZMs1:n-specific optimal ZMs (OZMs1:n). The DHPFSS consists of the filter phase and dual incremental wrapper mechanisms (IWMs), namely incremental wrapper subset selection (IWSS) and IWSS with replacement (IWSSr). Each IWM is fed by ZMs sorted by filter mechanism. The dual IWMs of DHPFSS are accompanied with the support vector machine (SVM) and twin SVM (TWSVM) classifiers equipped with radial basis function kernel as SVMIWSSTWSVM and SVMIWSSrTWSVM blocks. After selecting OZMs1:n, the efficacy of the union of OZMs1:n is evaluated based on the cross-validation technique. The obtained results manifested that the proposed framework has accuracies of 98.66%, 94.33%, and 94.82% for COVID-19 prediction on COVID-19 image data (CID) including 1CID, 2CID, and 3CID respectively, which can improve accurate diagnosis of illness in an emergency or the absence of a specialist.
H.5. Image Processing and Computer Vision
Z. Mehrnahad; A.M. Latif; J. Zarepour Ahmadabadi
Abstract
In this paper, a novel scheme for lossless meaningful visual secret sharing using XOR properties is presented. In the first step, genetic algorithm with an appropriate proposed objective function created noisy share images. These images do not contain any information about the input secret image and ...
Read More
In this paper, a novel scheme for lossless meaningful visual secret sharing using XOR properties is presented. In the first step, genetic algorithm with an appropriate proposed objective function created noisy share images. These images do not contain any information about the input secret image and the secret image is fully recovered by stacking them together. Because of attacks on image transmission, a new approach for construction of meaningful shares by the properties of XOR is proposed. In recovery scheme, the input secret image is fully recovered by an efficient XOR operation. The proposed method is evaluated using PSNR, MSE and BCR criteria. The experimental results presents good outcome compared with other methods in both quality of share images and recovered image.
M. Molaei; D. Mohamadpur
Abstract
Performing sentiment analysis on social networks big data can be helpful for various research and business projects to take useful insights from text-oriented content. In this paper, we propose a general pre-processing framework for sentiment analysis, which is devoted to adopting FastText with Recurrent ...
Read More
Performing sentiment analysis on social networks big data can be helpful for various research and business projects to take useful insights from text-oriented content. In this paper, we propose a general pre-processing framework for sentiment analysis, which is devoted to adopting FastText with Recurrent Neural Network variants to prepare textual data efficiently. This framework consists of three different stages of data cleansing, tweets padding, word embedding’s extraction from FastText and conversion of tweets to these vectors, which implemented using DataFrame data structure in Apache Spark. Its main objective is to enhance the performance of online sentiment analysis in terms of pre-processing time and handle large scale data volume. In addition, we propose a distributed intelligent system for online social big data analytics. It is designed to store, process, and classify a huge amount of information in online. The proposed system adopts any word embedding libraries like FastText with different distributed deep learning models like LSTM or GRU. The results of the evaluations show that the proposed framework can significantly improve the performance of previous RDD-based methods in terms of processing time and data volume.
J. Hamidzadeh; M. Moradi
Abstract
Recommender systems extract unseen information for predicting the next preferences. Most of these systems use additional information such as demographic data and previous users' ratings to predict users' preferences but rarely have used sequential information. In streaming recommender systems, the emergence ...
Read More
Recommender systems extract unseen information for predicting the next preferences. Most of these systems use additional information such as demographic data and previous users' ratings to predict users' preferences but rarely have used sequential information. In streaming recommender systems, the emergence of new patterns or disappearance a pattern leads to inconsistencies. However, these changes are common issues due to the user's preferences variations on items. Recommender systems without considering inconsistencies will suffer poor performance. Thereby, the present paper is devoted to a new fuzzy rough set-based method for managing in a flexible and adaptable way. Evaluations have been conducted on twelve real-world data sets by the leave-one-out cross-validation method. The results of the experiments have been compared with the other five methods, which show the superiority of the proposed method in terms of accuracy, precision, recall.
Kh. Aghajani
Abstract
Deep-learning-based approaches have been extensively used in detecting pulmonary nodules from computer Tomography (CT) scans. In this study, an automated end-to-end framework with a convolution network (Conv-net) has been proposed to detect lung nodules from CT images. Here, boundary regression has been ...
Read More
Deep-learning-based approaches have been extensively used in detecting pulmonary nodules from computer Tomography (CT) scans. In this study, an automated end-to-end framework with a convolution network (Conv-net) has been proposed to detect lung nodules from CT images. Here, boundary regression has been performed by a direct regression method, in which the offset is predicted from a given point. The proposed framework has two outputs; a pixel-wise classification between nodule or normal and a direct regression which is used to determine the four coordinates of the nodule's bounding box. The Loss function includes two terms; one for classification and the other for regression. The performance of the proposed method is compared with YOLOv2. The evaluation has been performed using Lung-Pet-CT-DX dataset. The experimental results show that the proposed framework outperforms the YOLOv2 method. The results demonstrate that the proposed framework possesses high accuracies of nodule localization and boundary estimation.
F.1. General
Farzad Zandi; Parvaneh Mansouri; Reza Sheibani
Abstract
In the field of optimization, metaheuristic algorithms have garnered significant interest. These algorithms, which draw inspiration from natural selection, evolution, and problem-solving strategies, offer an alternative approach to solving complex optimization problems. Unlike conventional software engineering ...
Read More
In the field of optimization, metaheuristic algorithms have garnered significant interest. These algorithms, which draw inspiration from natural selection, evolution, and problem-solving strategies, offer an alternative approach to solving complex optimization problems. Unlike conventional software engineering methods, metaheuristics do not rely on derivative calculations in the search space. Instead, they explore solutions by iteratively refining and adapting their search process. The no-free-lunch (NFL) theorem proves that an optimization scheme cannot perform well in dealing with all optimization challenges. Over the last two decades, a plethora of metaheuristic algorithms has emerged, each with its unique characteristics and limitations. In this paper, we propose a novel meta-heuristic algorithm called ISUD (Individuals with Substance Use Disorder) to solving optimization problems by examining the clinical behaviors of individuals compelled to use drugs. We evaluate the effectiveness of ISUD by comparing it with several well-known heuristic algorithms across 44 benchmark functions of varying dimensions. Our results demonstrate that ISUD outperforms these existing methods, providing superior solutions for optimization problems.
H. Momeni; N. Mabhoot
Abstract
Interest in cloud computing has grown considerably over recent years, primarily due to scalable virtualized resources. So, cloud computing has contributed to the advancement of real-time applications such as signal processing, environment surveillance and weather forecast where time and energy considerations ...
Read More
Interest in cloud computing has grown considerably over recent years, primarily due to scalable virtualized resources. So, cloud computing has contributed to the advancement of real-time applications such as signal processing, environment surveillance and weather forecast where time and energy considerations to perform the tasks are critical. In real-time applications, missing the deadlines for the tasks will cause catastrophic consequences; thus, real-time task scheduling in cloud computing environment is an important and essential issue. Furthermore, energy-saving in cloud data center, regarding the benefits such as reduction of system operating costs and environmental protection is an important concern that is considered during recent years and is reducible with appropriate task scheduling. In this paper, we present an energy-aware task scheduling approach, namely EaRTs for real-time applications. We employ the virtualization and consolidation technique subject to minimizing the energy consumptions, improve resource utilization and meeting the deadlines of tasks. In the consolidation technique, scale up and scale down of virtualized resources could improve the performance of task execution. The proposed approach comprises four algorithms, namely Energy-aware Task Scheduling in Cloud Computing(ETC), Vertical VM Scale Up(V2S), Horizontal VM Scale up(HVS) and Physical Machine Scale Down(PSD). We present the formal model of the proposed approach using Timed Automata to prove precisely the schedulability feature and correctness of EaRTs. We show that our proposed approach is more efficient in terms of deadline hit ratio, resource utilization and energy consumption compared to other energy-aware real-time tasks scheduling algorithms.
Amin Rahmati; Foad Ghaderi
Abstract
Every facial expression involves one or more facial action units appearing on the face. Therefore, action unit recognition is commonly used to enhance facial expression detection performance. It is important to identify subtle changes in face when particular action units occur. In this paper, we propose ...
Read More
Every facial expression involves one or more facial action units appearing on the face. Therefore, action unit recognition is commonly used to enhance facial expression detection performance. It is important to identify subtle changes in face when particular action units occur. In this paper, we propose an architecture that employs local features extracted from specific regions of face while using global features taken from the whole face. To this end, we combine the SPPNet and FPN modules to architect an end-to-end network for facial action unit recognition. First, different predefined regions of face are detected. Next, the SPPNet module captures deformations in the detected regions. The SPPNet module focuses on each region separately and can not take into account possible changes in the other areas of the face. In parallel, the FPN module finds global features related to each of the facial regions. By combining the two modules, the proposed architecture is able to capture both local and global facial features and enhance the performance of action unit recognition task. Experimental results on DISFA dataset demonstrate the effectiveness of our method.
V. Torkzadeh; S. Toosizadeh
Abstract
In this study, an automatic system based on image processing methods using features based on convolutional neural networks is proposed to detect the degree of possible dipping and buckling on the sandwich panel surface by a colour camera. The proposed method, by receiving an image of the sandwich panel, ...
Read More
In this study, an automatic system based on image processing methods using features based on convolutional neural networks is proposed to detect the degree of possible dipping and buckling on the sandwich panel surface by a colour camera. The proposed method, by receiving an image of the sandwich panel, can detect the dipping and buckling of its surface with acceptable accuracy. After a panel is fully processed by the system, an image output is generated to observe the surface status of the sandwich panel so that the supervisor of the production line can better detect any potential defects at the surface of the produced panels. An accurate solution is also provided to measure the amount of available distortion (depth or height of dipping and buckling) on the sandwich panels without needing expensive and complex equipment and hardware.
H.5.7. Segmentation
Ehsan Ehsaeyan
Abstract
This paper presents a novel approach to image segmentation through multilevel thresholding, leveraging the speed and precision of the technique. The proposed algorithm, based on the Grey Wolf Optimizer (GWO), integrates Darwinian principles to address the common stagnation issue in metaheuristic algorithms, ...
Read More
This paper presents a novel approach to image segmentation through multilevel thresholding, leveraging the speed and precision of the technique. The proposed algorithm, based on the Grey Wolf Optimizer (GWO), integrates Darwinian principles to address the common stagnation issue in metaheuristic algorithms, which often results in local optima and premature convergence. The search agents are efficiently steered across the search space by a dual mechanism of encouragement and punishment employed by our strategy, thereby curtailing computational time. This is implemented by segmenting the population into distinct groups, each tasked with discovering superior solutions. To validate the algorithm’s efficacy, 9 test images from the Pascal VOC dataset were selected, and the renowned energy curve method was employed for verification. Additionally, Kapur entropy was utilized to gauge the algorithm’s performance. The method was benchmarked against four disparate search algorithms, and its dominance was underscored by achieving the best outcomes in 20 out of 27 cases for image segmentation. The experimental findings collectively affirm that the Darwinian Grey Wolf Optimizer (DGWO) stands as a formidable instrument for multilevel thresholding.