T R A C K       P A P E R
Close

Login Panel

Close tab

Password Meter

Volume 11 Issue 03 (March 2024)

S.No. Title & Authors Page No View
1

Title : Classification of Heart Sound Based on EMD

Authors : Feng Mengdie

Click Here For Abstract

Download Certificate
Abstract :

This groundbreaking research introduces a novel model for classifying heart sound signals, which utilizes Empirical Mode Decomposition (EMD) for detailed signal analysis. The model decomposes these signals into Intrinsic Mode Functions (IMFs) and further categorizes them into four fundamental stages of the cardiac cycle. By employing Hilbert-Huang Transform (HHT) to extract crucial time-frequency features, accurate classification is achieved. Despite the presence of internal and external noise interference, the model maintains significant accuracy, owing to the inherent denoising capability of EMD, thereby circumventing complex preprocessing steps. Through extensive experimental validation, employing a hybrid Convolutional Neural Network-Long Short Term Memory (CNN-LSTM) framework, the model demonstrates outstanding precision, approaching a threshold of approximately 95% in initial stages. Serving as a cutting-edge model for deepening understanding of cardiac activity and early diagnosis of cardiac ailments, it adeptly addresses common noise issues encountered in traditional systems. With wide-ranging applications in clinical and home health monitoring, this pioneering model lays the groundwork for future advancements in cardiac healthcare.

1-4
2

Title : Survey on Various Approaches used in Video Shot Boundary Detection

Authors : Anantrao Metange, Dr. Shrikant Chavate, Rupali Chopade

Click Here For Abstract

Download Certificate
Abstract :

The shot boundary detection is the crucial task in the field of video processing for the task to achieve the effective results in the applications like, video retrieval, browsing and indexing. Looking into the research carried out in the last couple of decades, the precise detection of shot boundary is still a challenging task when the video frames are affected with illumination effects of object motions. Also as the study suggest there are two broad classed in detection type as abrupt transitions and gradual transitions. The abrupt transitions are easier to locate but the gradual transitions are difficult to detect due to the special editing effects embedded in the videos. This paper elaborates the details about the work done in the detection of shot boundary by various researchers.

5-7
3

Title : Co-Training and Multi-Level Semantic Extraction Based Code Debt Detection

Authors : Liang Li

Click Here For Abstract

Download Certificate
Abstract :

Identifying Self-Admitted Technical Debt (SATD) plays an important role in maintaining software stability and improving software quality; SATDs need to be repaid in time, otherwise they may cause serious vulnerabilities or even crash the software. Identifying SATDs from large project code is a costly task, and although existing methods can detect SATDs, and researchers have identified design debt and requirements debt, there is still a lack of methods to achieve multi-label classification of SATDs. In this paper, we propose a CoTCapNet model based on a deep generative model and capsule network, for both recurrent neural networks and convolutional neural networks have the problems of insufficient textual feature extraction and easy to cause the loss of important feature information, first, we use a text generation model based on CoT co-training to generate new samples by learning the original SATD data, which can increase the number of small and medium SATD samples and reduce the data imbalance, then use graph convolutional neural network to encode syntactic dependency trees, construct multi-head attention to encode dependencies in text sequences, and finally merge with semantic information through capsule network. Experiments on crossitem recognition of 10 items show that our approach is more effective than existing methods such as CNN and text mining. The proposed CoTCapNet method has strong advantages, especially in the case of highly unbalanced data.

8-12
4

Title : Single-View and Multi-View 3D Object Reconstruction from Shape Priors

Authors : Xiaobing Zhang, Tengfei Xiao

Click Here For Abstract

Download Certificate
Abstract :

Deep learning has been widely applied to multi-view 3D reconstruction tasks and has achieved significant progress. The mainstream solutions mainly rely on 2D encoder 3D decoder network architectures to establish mappings between views and object shapes. However, these methods are often limited by image quality and quantity when processing image feature collections, resulting in low-quality 3D shape reconstructions. Humans typically use incomplete or noisy visual cues to retrieve similar 3D shapes from memory and reconstruct the 3D shape of an object. Inspired by this, we propose a new method called RSP3D, which explicitly constructs shape priors to compensate for missing information in images. The shape priors exist in the form of “image-voxel” pairs in a memory network and are used to retrieve accurate 3D shapes that are highly related to the input image. Additionally, we extract information from the retrieved 3D shapes that is useful for object recovery. Experimental results indicate that RSP3D significantly improves the quality of 3D reconstruction.

13-16
5

Title : Grey wolf optimizer Based on Multi-Population Collaboration and Its Application in AGV Task Scheduling

Authors : Lijie Ma, Yaofa Li

Click Here For Abstract

Download Certificate
Abstract :

The real-time scheduling of automatic guided vehicles (AGV) in flexible manufacturing system (FMS) is observed to be highly critical and complex due to the dynamic variations of production requirements such as an imbalance of AGV loading, the high travel time of AGVs, variation in jobs, and AGV routes to name a few. The output from FMS considerably depends on the efficient scheduling of AGV in the FMS. This paper mainly studied intelligent logistics scheduling of automated guided vehicle(AGV) in job shop. AGV logistics scheduling optimization model was established to minimize the travel time of AGV and to reduce energy consumption of AGV. The multi-objective scheduling is carried out by the application of improved grey wolf optimizer (MPGGWO) with task sequencing as the constraint condition. Finally, the actual logistics scheduling of workshop was taken as example to verify the method proposed in this paper. The calculation results show that the AGV logistics scheduling model proposed can well simulate the AGV scheduling time and energy consumption, and the improved grey wolf optimizer (MPGGWO) presents a faster convergence speed and a better optimization ability.

17-25
6

Title : Artificial Bee Colony Algorithm Based on Adaptive Strategy

Authors : Lu Cunkui

Click Here For Abstract

Download Certificate
Abstract :

The adaptive factor mechanism is proposed to improve the solution search equation of artificial bee colony algorithm, and the optimal neighbor food source is selected from the current ring neighborhood topology of the food source for mining, so as to balance the exploration and mining capabilities of the algorithm. In addition, in order to jump out of the local optimal solution in the search process of reconnaissance bees, a cross-mutation strategy is proposed to generate the reverse solution of the abandoned food source, which improves the search efficiency of the algorithm. Finally, the test function is used to verify that the performance of the improved algorithm is significantly improved

26-29
7

Title : Optimization Research and Application of Stereoscopic Warehouse Scheduling Strategies

Authors : Yaofa Li, Lijie Ma

Click Here For Abstract

Download Certificate
Abstract :

The problem of large cargo volume and low I/O scheduling efficiency is common in Stereoscopic warehouses. In order to improve the efficiency of warehouse access, on the basis of adopting the two-end single-aisle double stacker model, and taking the running time of the stacker as the evaluation criterion, we establish a double stacker model in which the single-command task and the double-command task coexist and reasonably merge the inbound task and the outbound task into a single process, so as to reduce the number of times that the stacker returns to the inbound platform and the outbound platform. The number of times the stacker returns to the inbound platform and the outbound platform is reduced. In order to solve the problem of scheduling the execution order of tasks, the ocean predator algorithm is used to optimize the solution. In order to evaluate the performance of the model and algorithm, simulation experiments are conducted based on a batch of inbound and outbound tasks, and the results show that this research can reduce the idle running time of the stacker cranes and improve the efficiency of the inbound and outbound scheduling of the warehouse.

30-35
8

Title : Data Processing Techniques to Enhance Algorithmic Fairness

Authors : Jiale Shi

Click Here For Abstract

Download Certificate
Abstract :

The problem of discrimination caused by machine learning algorithms has received increasing attention. How to avoid the perpetuation and amplification of the discrimination from machine learning systems has become a fundamental issue of machine ethics. In fact, the discrimination presented by machine learning algorithms are often caused by the biases existed in training data. This suggests that eliminating biases existed from the training data, especially the biases caused by sensitive attributes, is an important technique of improving the fairness of the algorithm. The existing data bias reduction algorithms can be categorized into two kinds, causality based methods and association based methods. The causality based methods need the expert knowledge of the underlying causal structure in the dataset. The association based methods require applying heuristic restrictions in bias reduction process, without considering the influence of attributes that correlated with sensitive attributes. In this paper, we propose a data pre-processing method considering the effects of the attributes correlated with sensitive attributes to enhance the algorithm fairness by combining the association based bias reduction method. We evaluated our proposed method on public dataset. The evaluation results show our proposed method can identify the sensitive attributes exactly and the fairness of the machine learning algorithms can be improved compared to the existing methods.

36-40
9

Title : Design and Implementation of a Highly Parallel Systolic Array on FPGA

Authors : Hao Lu

Click Here For Abstract

Download Certificate
Abstract :

With the rapid development of deep learning technology, deep neural networks have achieved remarkable achievements in fields such as computer vision, natural language processing, and speech recognition. The core lies in constructing multi-layer neural networks to learn and represent data, thereby accomplishing complex tasks such as image recognition, speech recognition, and natural language processing.This paper designs a highly parallel systolic array on FPGA to accelerate Vision Transformer networks. For the multi-head attention mechanism, a scalable and variable systolic array architecture is designed. This architecture significantly reduces data transmission latency by directly transferring data between processing units and achieves highly parallel computation. Besides,Designed a simple and efficient data flow for matrix multiplication operations.

41-45
10

Title : A Review of Research on Multimodal Sentiment Analysis

Authors : Li Meng

Click Here For Abstract

Download Certificate
Abstract :

Multimodal emotion recognition refers to accurately recognizing an individual's emotional state by comprehensively analyzing multiple modal information closely related to human emotional expression, such as speech, vision and text. This research area has a significant research value in human-computer interaction, artificial intelligence, and affective computing, and has received close attention from a wide range of researchers. In view of the booming development of deep learning methods in recent years and their remarkable results in a variety of tasks, more and more deep neural networks have been applied to learn high-level emotional feature expressions to support the study of multimodal emotion recognition. In order to provide a comprehensive and systematic overview of the current research status of deep learning methods in the field of multimodal emotion recognition, we plan to conduct an in-depth analysis and generalization of the research literature on multimodal emotion recognition involving deep learning in recent years. In doing so, we will first describe the general framework of multimodal emotion recognition. Subsequently, we will focus on feature extraction techniques in multimodal sentiment analysis, which covers both traditional feature extraction methods and deep learning-based feature extraction strategies. Immediately after that, we will also elaborate on the fusion strategies of different modal information, which are crucial for improving the accuracy of multimodal sentiment recognition. Finally, we will analyze the main challenges and potential opportunities currently facing the field, and accordingly point out the direction for the future development of the field. Through this sorting and analysis, we expect to provide useful references and insights for the in-depth research on multimodal emotion recognition.

46-52
11

Title : Agile Design and Implementation of a Systolic Array-Based CNN Accelerator

Authors : Hongyu Wei

Click Here For Abstract

Download Certificate
Abstract :

Since its birth, convolutional neural network (CNN) has been widely used in many fields. FPGA implementations of CNNs have attracted widespread attention due to their high performance and energy efficiency. However, some current computing architectures do not fully utilize the computing power of FPGAs and can only accelerate a single network. In addition, the traditional method of developing FPGA accelerators using Verilog cannot meet the diverse needs and flexibility of accelerators. Therefore, this paper proposes a parameterized configuration of a general convolutional neural network accelerator. In order to improve the computing throughput and frequency, we adopt a systolic array architecture to implement the computing unit of this accelerator. Furthermore, in order to effectively meet the diverse needs of industry and academia, we adopted an agile development approach using Spi-nalHDL. The accelerator was ultimately deployed on various boards such as VU9P and tested using representative algorithms in convolutional neural networks (YOLOv4-Tiny). Experimental results show that when the accelerator runs at a frequency of 200 MHz and accelerates the YOLOv4-Tiny algorithm, the FPS is 85.09. Has excellent acceleration effect.

53-58
12

Title : Improving Learning Based Cardinality Estimation Using Sampling Joins

Authors : Wenqiang Li

Click Here For Abstract

Download Certificate
Abstract :

Cardinality estimation is a crucial component of the query optimizer in database systems, which selects query plans based on the results of cardinality estimates and outputs them to the query executor. This study initially proposes a data-driven learning-based cardinality estimation method. This method constructs a probabilistic graph model based on database data, transforming cardinality estimation into a probability estimation of the variables within the model, and provides a lightweight modeling approach. Subsequently, through extensive comparative experiments, the proposed method in this paper is compared with other cutting-edge learning-based cardinality estimation methods across various dimensions, demonstrating the superior performance of the method in handling cardinality estimation problems.

59-63
13

Title : YOLO-SNH: Target Detection Algorithm for Remote Sensing Data Sets

Authors : Haonan Zhang

Click Here For Abstract

Download Certificate
Abstract :

In recent years, the detection of targets by unmanned aerial vehicles (UAVs) has gained significant attention in research. However, aerial photography with drones often presents challenges such as object occlusion, large-scale transformations, and the detection of small objects. These difficulties pose significant obstacles for existing deep learning-based target detection algorithms. To address these issues, we propose a novel object detection algorithm called YOLOX-SNH. This algorithm builds upon the transformer structure of the core component, which effectively mitigates object occlusion and preserves essential global context information. Additionally, we have incorporated a specialized detection head to enhance the detection performance for small objects. To evaluate the effectiveness of YOLOX-SNH, we conducted experiments on the VisDrone2021 dataset, comparing it with state-of-the-art object detection methods such as ViT-YOLO. The results demonstrate that YOLOX-SNH outperforms these existing methods, achieving an impressive interpretability in drone capture scenarios. Specifically, when applied to the VisDrone2021 dataset, YOLOX-SNH achieved an average accuracy of 67.00%, surpassing the ViT-YOLO method by 1.11%.

64-67
14

Title : A Survey on Violence Detection in Surveillance Videos Using Artificial Intelligence

Authors : Atharva Wankhade, prof Snehil Jaiswal, Snehal Tingane

Click Here For Abstract

Download Certificate
Abstract :

The function of surveillance systems in maintaining public order and public safety has grown in recent years. Video surveillance situations, such as those found in train stations, schools, and hospitals, require automatic detection of aggressive and suspicious behaviours to prevent any potential casualties that might result in social, economic, and ecological harm. The efficient use of automated violence detection by law enforcement is of critical importance. Detection of violence and weaponized violence in closed circuit television (CCTV) footage requires a comprehensive approach. In this paper, we presented review on various violence detection system in surveillance videos using different artificial intelligent techniques. As the intelligent violence detection system effort applies to industry and in terms of security, it is beneficial to society.

68-70
15

Title : Concrete Quality Prediction Model Based on Slime Mould Algorithm

Authors : Erdong Zhang, Mingxing Yuan

Click Here For Abstract

Download Certificate
Abstract :

Aiming at the difficulty of hyper-parameter tuning commonly found in traditional machine learning algorithms. Combine the Slime Mould Algorithm with traditional machine learning algorithms. Use XGBoost algorithm to construct a concrete compressive strength prediction model, use different algorithms to optimize the parameters, the experimental results show that the SMA algorithm performs well in optimizing the XGBoost parameters, the established concrete strength prediction model is highly efficient, the prediction accuracy is improved significantly, and the complex problem of concrete compressive strength prediction is solved.

71-75
16

Title : Research on the Optimization of Automated Warehouse Storage Allocation Based on Improved Whale Algorithm

Authors : Mingxing Yuan, Erdong Zhang

Click Here For Abstract

Download Certificate
Abstract :

In automated warehouse, the storage space allocation strategy is one of the key factors to determine the efficiency of warehouse operation. In this paper, the mathematical models of goods circulation, shelf stability and commodity classification are established, and the multi-objective model is transformed into a single-objective model by using the analytic hierarchy process. The algorithm is based on whale algorithm, introduces the crossover and mutation, and elite differential bootstrap strategy for enhancing the population diversity, overcome the problem of the whale algorithm is liable to fall into the local convergence in the early stage, and effectively improve the accuracy of the whale population optimization search. Finally, an automated warehouse of a textile manufacturing company in Tianjin was used for experimental analysis to derive the results of cargo space optimization. The results show that the improved whale algorithm has higher quality of solution set and is more effective improvement of the goods placement.

76-82
17

Title : The Development and Trend of Research on the Aesthetic Assessment of Multi-Theme Images

Authors : Wenjing Cao

Click Here For Abstract

Download Certificate
Abstract :

Image aesthetic assessment is a complex and subjective task intended for computers to mimic the process of human visual perception to score the aesthetics of an image. Current research in image aesthetic assessment focuses on learning the aesthetic features of an image through convolutional networks, and then aesthetically scoring the image based on the learned features, and researchers are committed to improving the aesthetic assessment method by considering a more comprehensive set of aesthetic features. From aesthetic dichotomy to aesthetic regression to aesthetic distribution, images can provide more and more rich aesthetic information, but the interpretability is still weak. In recent studies, researchers have found that thematic information of images can effectively improve the interpretability of aesthetic evaluation models. As a research theme that has emerged only in the past two years, the aesthetic assessment of multi-theme images is still in the early stage of research. There are still fewer papers in the research direction of multi-theme image aesthetic assessment, and this paper provides an overview of the multi-theme image aesthetic assessment model at this stage. Firstly, it analyzes the research status and development trend of image aesthetics assessment; then it gives an overview of the multi-theme image aesthetics assessment model at the present stage, and details the research status and future development trend of the multi-theme image aesthetics assessment model at the present stage.

83-87
18

Title : Dual-stage Spatial-Frequency Domain Deraining Network based on Fast Fourier Transform

Authors : Yingzhi Wei

Click Here For Abstract

Download Certificate
Abstract :

Recently, many deep learning-based deraining networks have been proposed, which directly extract rain streaks from the rainy images and subtract them to obtain deraining results. These methods often suffer from insufficient or excessive extraction of rain streaks, resulting in residual rain streaks or the loss of texture information in the deraining images. A Dual-stage Spatial-Frequency Domain Deraining Network Based on Fast Fourier Transform (FFT-DDN) is proposed, embedding the Fourier transform into the neural network. We divides the deraining task into two networks, namely the Image Deraining Network (IDN) and the Background Extraction Network (BEN). A Spatial-frequency domain Fourier Phase Enhancement Block (SFPEB) is designed as the fundamental block in both deraining networks, achieving parallel processing and fusion of the Fourier and spatial domains. Between the two networks, a Detail Attention Block (DAB) is designed to mine the intrinsic connection between background information and rain streak features, to restore richer texture information. Moreover, to fully utilize the complementary information between the spatial and frequency domains, a Feature Fusion Block (FFB) is designed to further enhance the overall performance of the network. Experimental results on synthetic and real datasets demonstrate that the proposed method achieves superior deraining effects both subjectively and objectively

88-95