Information

Journal of Jilin University (Information Science Edition)
ISSN 1671-5896
CN 22-1344/TN
主 任:田宏志
编 辑:张 洁 刘冬亮 刘俏亮
    赵浩宇
电 话:0431-5152552
E-mail:nhxb@jlu.edu.cn
地 址:长春市东南湖大路5377号
    (130012)
WeChat

WeChat: JLDXXBXXB
随时查询稿件状态
获取最新学术动态
Top Read Articles
Published in last 1 year |  In last 2 years |  In last 3 years |  All
Please wait a minute...
For Selected: Toggle Thumbnails
Research on Task Offloading Strategy for Mobile Edge Computing
ZHANG Guanghua, XU Hang, WAN Enhan
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 210-216.  
Abstract547)      PDF(pc) (1542KB)(709)       Save
Computation offloading strategy in mobile edge computing can help users decide how to execute tasks, which is related to user experience, and has become a research hotspot in mobile edge computing. At present, most computation offloading strategies are carried out under the condition of overall task offloading, and only consider a single indicator of delay or energy consumption, and do not combine the two for optimization. To solve this problem, this paper takes the weighted sum of task processing delay and energy consumption as the optimization goal, and proposes a partial offloading algorithm based on reinforcement learning. We divide the processing of a single task into local computing and partial offloading computing, and introduce a variable to determine the offloading weight in partial offloading. Finally, we use reinforcement learning Q-learning to complete the computation offloading and resource allocation of all tasks. Experimental results show that the proposed algorithm can effectively reduce the delay and energy consumption of task processing.
Related Articles | Metrics
Research on Precise Positioning of Ultra Wide Band with Signal Interference
ZHANG Ailin , LIU Hui , WANG Xiaohai , ZHANG Xiuyi , QIU Zhengzhong , WU Chunguo
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 193-199.  
Abstract423)      PDF(pc) (1684KB)(510)       Save
In the field of indoor applications of UWB(Ultra Wide Band) positioning technology, it is important to establish an efficient and accurate 3D coordinate positioning system to overcome signal interference. Machine learning methods are used to investigate the problem of accurate positioning of indoor UWB signals under interference. Firstly, various statistical analysis models are used to clean up invalid or error measurements, then the a priori knowledge of TOF ( Time Of Flight) algorithm is combined with neural network and XGBoost algorithm to build a neural XGB(Exterme Gradient Boosting) 3D oriented system. The system can accurately predict the coordinate value of the target point by “ normal data冶 and “ abnormal data冶 ( disturbed), the coordinates of four anchor points, and the final error is as low as 5. 08 cm in two鄄dimensional plane and 8. 03 cm in three鄄dimensional space. A neural network classification system is established to determine whether the data is disturbed or not, with an accuracy of 0. 88. Finally, by combining the above systems, continuous and regular motion trajectories are obtained, which proves the effectiveness and robustness of the systems.
Related Articles | Metrics
Noise-Shaping SAR ADC Design of High Accuracy and Low Power Consumption
ZHAO Zhuang , FU Yunhao , GU Yanxue , CHANG Yuchun , YIN Jingzhi
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 226-231.  
Abstract410)      PDF(pc) (3823KB)(473)       Save
 The design of the loop filter in noise-shaping SAR ADC(Successive Approximation Register Analogto Digital Converter) is the key to the effect of noise shaping and is also an important module to achieve high accuracy performance. Compared with the active lossless integral loop filter, the traditional passive lossy integral loop filter has the characteristics of low power consumption and simple circuit design, but its NTF(Noise Transfer Function) is smooth and the noise shaping effect is weak. To solve this problem, a passive lossless second-order integral loop filter is proposed, which retains the advantages of the passive lossy integral loop filter and has a good noise shaping effect. A hybrid architecture noise-shaping SAR ADC with a resolution of 16 bits and a sampling rate of 2 Ms/ s is also designed. The simulation results show that high SNDR( Signal to Noise and Distortion Ratio) (91. 1 dB), high accuracy ( 14. 84 bits), and low power consumption ( 285 uW) are achieved when the bandwidth is 125 kHz and the oversampling ratio is 8.
Related Articles | Metrics
Novel Reinforcement Learning Algorithm: Stable Constrained Soft Actor Critic
HAI Ri , ZHANG Xingliang , JIANG Yuan , YANG Yongjian
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 318-325.  
Abstract410)      PDF(pc) (2747KB)(705)       Save
To solve the problem that Q function overestimation may cause SAC ( Soft Actor Critic) algorithm trapped in local optimal solution, SCSAC ( Stable Constrained Soft Actor Critic) algorithm is proposed for perfectly resolving the above weakness hidden in maximum entropy objective function improving the stability of Stable Constrained Soft Actor Critic algorithm in trailing process. The result of evaluating Stable Constrained Soft Actor Critic algorithm on the suite of OpenAI Gym Mujoco environments shows less Q value overestimation appearance and more stable results in trailing process comparing with SAC algorithm.
Related Articles | Metrics
esearch on Visual Android Malware Detection Based on Swin-Transformer
WANG Haikuan, YUAN Jinming
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 339-347.  
Abstract380)      PDF(pc) (2035KB)(940)       Save
The connection between mobile internet devices based on the Android platform and people’s lives is becoming increasingly close, and the security issues of mobile devices have become a major research hotspot. Currently, many visual Android malware detection methods based on convolutional neural networks have been proposed and have shown good performance. In order to better utilize deep learning frameworks to prevent malicious software attacks on the Android platform, a new application visualization method is proposed, which to some extent compensates for the information loss problem caused by traditional sampling methods. In order to obtain more accurate software representation vectors, this study uses the Swin Transformer architecture instead of the traditional CNN(Convolutional Neural Network) architecture as the backbone network for feature extraction. The samples used in the research experiment are from the Drebin and CICCalDroid 2020 datasets. The research experimental results show that the proposed visualization method is superior to traditional visualization methods, and the detection system can achieve an accuracy of 97. 39% , with a high ability to identify malicious software.
Related Articles | Metrics
Fall Detection Based on YOLOv5 
HE Lehua, XIE Guangzhen, LIU Kexiang, WU Ning, ZHANG Haolan, ZHANG Zhongrui
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 378-386.  
Abstract380)      PDF(pc) (4046KB)(5258)       Save
In order to improve the recognition performance and accuracy of traditional object detection and to accelerate the computation speed, a CNN( Convolutional Neural Network) model with more powerful feature learning and representation capabilities and with related deep learning training algorithms is adopted and applied to large-scale recognition tasks in the field of computer vision. The characteristics of traditional object detection algorithms, such as the V-J(Viola-Jones) detector, HOG(Histogram of Oriented Gradients) features combined with SVM( Support Vector Machine) classifier, and DPM ( Deformable Parts Model) detector are analyzed. Subsequently, the deep learning algorithms that emerged after 2013, such as the RCNN ( Region-based Convolutional Neural Networks) algorithm and YOLO(You Only Look Once) algorithm are introduced, and their application status in object detection tasks is analyzed. To detect fallen individuals, the YOLOv5(You Only Look Once version 5) model is used to train the behavior of individuals with different heights and body types. By using evaluation metrics such as IoU(Intersection over Union), Precision, Recall, and PR curves, the YOLOv5 model is analyzed and evaluated for its performance in detecting both standing and fallen activities. In addition, by pre- training and data augmentation, the number of training samples is increased, and the recognition accuracy of the network is improved. The experimental results show that the recognition rate of fallen individuals reaches 86% . The achievements of this study will be applied to the design of disaster detection and rescue robots, assisting in the identification and classification of injured individuals who have fallen, and improving the efficiency of disaster area rescue.
Related Articles | Metrics
Fault Diagnosis Method of Charging Pile Based on BOA-SSA-BP Neural Network 
MAO Min , DOU Zhenlan , CHEN Liangliang , YANG Fengkun , LIU Hongpeng
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 269-276.  
Abstract368)      PDF(pc) (2539KB)(388)       Save
To address the issue of frequent faults in direct current electric vehicle charging piles and the difficulty of precise diagnosis, a fault diagnosis method based on an improved BP(Back Propagation) neural network is proposed. Firstly, the operation data set of the charging pile is preprocessed, such as normalization and filling in missing values, and the processed data set is input into the BP model for training. Secondly, an optimization method based on the BOA-SSA ( Butterfly Optimization Algorithm improved Sparrow Search Algorithm) is introduced to optimize the weights and thresholds of the BP model to obtain the optimal model. Finally, the fault status of the charging pile is diagnosed based on the optimized BP model. The simulation results show that the proposed BP method has good computational advantages in terms of MAE(Mean Absolute Error), MAPE(Mean Absolute Percentage Error), and RMSE(Root Mean Square Error). Compared to the traditional BP algorithm, the diagnostic accuracy of the improved BP method has increased by 14. 85% , which can diagnose the state of the charging pile accurately, providing a strong guarantee for the fault diagnosis of electric vehicles.
Related Articles | Metrics
Obstacle Avoidance Control of Cooperative Formation for Heterogeneous Unmanned Swarm System with Game-Theoretic
JIA Ruixuan, CHEN Xiaoming, SHAO Shuyi, ZHANG Ziming
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 662-676.  
Abstract352)      PDF(pc) (3471KB)(753)       Save
The obstacle avoidance control problem of UAVs( Unmanned Aerial Vehicles) and UGVs ( Unmanned Ground Vehicles) named heterogeneous unmanned swarm system is studied using a game-theoretic approach combined with the artificial potential field method. Unlike most multi-agent formation control schemes that only consider the group formation objective, we allow each agent to have individual objectives, such as individual tracking and obstacle avoidance. Specifically, when the heterogeneous unmanned swarm system completes the cooperative formation, each agent needs to track the target point and avoid obstacles in real-time according to its own interests. The heterogeneous unmanned swarm system formation problem is transformed into a non- cooperative game problem between agents because there may be conflicts between the individual and group objectives of the agents. Real-time obstacle avoidance is realized by adding an obstacle avoidance term based on the artificial potential field function into the cost function. And the controller is designed based on the Nash equilibrium seeking strategy to achieve a balanced formation mode of individual and group objectives. Finally, the correctness of the theoretical results is verified through simulation experiments. The proposed method can enable heterogeneous unmanned swarm system to achieve formation motion and real-time obstacle avoidance.
Related Articles | Metrics
Adaptive Density Peak Clustering Band Selection Method Based on Spectral Angle Mapping and Spectral Information Divergence
YANG Rongbin, BAI Hongtao, CAO Yinghui, HE Lili
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 438-445.  
Abstract338)      PDF(pc) (4893KB)(325)       Save
In order to solve the problem that traditional density peak clustering method without considering similarity of bands in information theory and number of bands in band selection, an adaptive density peak band selection method based on spectral angle mapping and spectral information divergence (SSDPC: Spectral angle mapping and Spectral information divergence Density Peaks Cluster)is proposed. SSDPC combines spectral angle mapping and spectral information divergence for density peak clustering band selection in hyperspectral images, replacing the traditional Euclidean distance to construct a band similarity matrix. By constructing a band scoring strategy, an important subset of spectral bands can be selected automatically and effectively. Using RX(Reed- Xiaoli) algorithm for anomaly detection on three sets of hyper-spectral datasets, the accuracy of anomaly detection is 1. 16% ,1. 18% and 0. 07% higher than that of Euclidean distance measurement under the similarity measure of SSDPC. Under the adaptive SSDPC band selection method, the accuracy of anomaly detection is 6. 49% ,2. 71% and 0. 05% higher than that of the original RX algorithm, respectively. The experimental results show that the SSDPC is robust, can improve the performance of hyper-spectral image anomaly detection and reduce its false alarm rate.
Related Articles | Metrics
Remote Imaging Super Resolution Network Based on Pyramid Attention Mechanism
DUAN Jin , LI Hao , ZHU Yong , MO Suxin
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 446-456.  
Abstract326)      PDF(pc) (9172KB)(602)       Save
Aiming at the problem of information loss, such as details of remote sensing images reconstructed by a super-resolution algorithm, in order to ensure that remote sensor reconstruction images contain more texture and high-frequency information, a remote-sensitive image super resolution network is proposed based on a pyramid- based attention mechanism and the generation of confrontational networks. Firstly, a new pyramidal dual attention module is designed, including channel attention network and spatial attention network. Pyramid pooling is used instead of average pooling and maximum pooling in the channel attention network structure to enhance the feature representation capability from the perspective of global and local information. The spatial attention network structure adopts large scale convolution to expand the integration capability of local information, which can effectively extract texture, high frequency and other information. Secondly, the dense multi-scale feature module is designed to extract feature information at different scales using asymmetric convolution, and the extraction accuracy of texture, high frequency and other information is enhanced by fusing multi-level scale features through dense connection. Experimental validation is performed on the publicly available NWPU- RESISC45 dataset, and the experimental analysis shows that the algorithm outperforms the comparison methods in both subjective visual effect and objective evaluation metrics, and the reconstruction performance is relatively good. 
Related Articles | Metrics
Alternative Data Generation Method of Privacy-Preserving Image 
LI Wanying , LIU Xueyan , YANG Bo
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 59-66.  
Abstract320)      PDF(pc) (2476KB)(267)       Save
Aiming at the privacy protection requirements of existing image datasets, a privacy-preserving scenario of image datasets and a privacy-preserving image alternative data generation method is proposed. The scenario is to replace the original image dataset with an alternative image dataset processed by a privacy-preserving method, where the substitute image is in one-to-one correspondence with the original image. And humans can not identify the category of the substitute image, the substitute image can be used to train existing deep learning images classification algorithm, having a good classification effect. For this scenario, the data privacy protection method based on the PGD ( Project Gradient Descent) attack is improved, and the attack target of the original PGD attack is changed from the label to the image, that is the image-to-image attack. A robust model for image-to- image attacks as a method for generating alternative data. On the standard testset, the replaced CIFAR(Canadian Institute For Advanced Research 10)dataset and CINIC dataset achieved 87. 15% and 74. 04% test accuracy on the image classification task. Experimental results show that the method is able to generate an alternative dataset to the original dataset while guaranteeing the privacy of the alternative dataset to humans, and guarantees the classification performance of existing methods on this dataset. 
Related Articles | Metrics
Research on Multi-Agent Path Planning Based on Improved Ant Colony Algorithm
LI Weidong, WANG Guanhan
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 654-661.  
Abstract316)      PDF(pc) (2691KB)(520)       Save
To improve the efficiency of path planning and avoid ant colony algorithm outputting non optimal paths, a multi-agent path planning model is proposed. The grid method is used to establish the environment awareness model of agents, improving the local and global pheromone update rules in the ant colony algorithm, and constraining the ants to travel by adjusting the number of turns and pheromone concentration. The algorithm can intelligently enlarge or reduce the pheromone concentration in the path. When the number of iterations reaches the set maximum, the output value is the optimal path planning result. Experimental results have shown that the improved algorithm achieves shorter planning paths and faster iterative convergence speed.
Related Articles | Metrics
Dynamic Recognition Algorithm of Facial Partial Occlusion Expression Based on Deep Learning
CHEN Xi, CAI Xianlong
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 503-508.  
Abstract305)      PDF(pc) (4313KB)(247)       Save
Aiming at the problem that it is difficult to extract and recognize the dynamic features of facial expression due to local occlusion, a dynamic recognition algorithm of facial expression with local occlusion based on deep learning is proposed, a deep belief network model is established, taking the output value of the previous layer as the input value of the next layer, a feature stacking unit is designed, the distribution of state variables of neurons in the visible layer, and the state variables of hidden neurons are calculated by taking the state value of the visible layer as the input value of the hidden layer according to the dynamic correlation of facial features. The recognition process is divided into two steps: training and forward propagation. The feature change rule is output. In the forward propagation process, the pixel point that conforms to the rule change is found, and the weight of the pixel point is solved. And as a loss function standard, the recognition weight of multiple positions on the face is used to constrain the recognition rate, and the dynamic recognition of facial partial occlusion expression is completed. Experimental data show that the proposed method can reduce image distortion and detail loss, improve image resolution, and achieve high recognition rate. It can complete efficient recognition for different local occlusion situations.
Related Articles | Metrics
 Cab Fixed Parking Area Delineation Method Combining Passenger Hotspot and POI Data 
XING Xue, WANG Fei, LI Jianan
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 93-99.  
Abstract296)      PDF(pc) (2121KB)(234)       Save
In view of the problem of urban traffic congestion and traffic accidents caused by cabs stopping at will, it is very necessary to reasonably delineate the fixed parking areas for cabs. Using the cab GPS(Global Position System) data and crawled POI ( Point of Interest) data in the actual area of Chengdu, DBSCAN (Density-Based Spatial Clustering of Application with Noise) clustering algorithm is used to cluster the pick-up and drop-off points to get the hotspots of cabs, the types of hotspots are delineated according to the types of POIs, and the travel demand of cabs at different times is analyzed, so as to delineate the fixed parking area of cabs. The results of the study show that the setting of the fixed parking area of cabs is related to the travel demand of travelers, so that the fixed parking area is set in the area where the travel demand of travelers is high, which can satisfy the different travel demands of travelers. The method of combining cab passenger hotspots and crawling POI data to delineate fixed parking areas is highly practical and can provide theoretical and practical significance in urban transportation safety. 
Related Articles | Metrics
Formation Navigation of Multi-Unmanned Surface Vehicles Based on ATMADDPG Algorithm
WANG Siqi, GUAN Wei, TONG Min, ZHAO Shengye
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 588-599.  
Abstract291)      PDF(pc) (3774KB)(514)       Save
The ATMADDPG ( Attention Mechanism based Multi-Agent Deep Deterministic Policy Gradient) algorithm is proposed to improve the navigation ability of a multi-unmanned ship formation system. In the training phase, the algorithm trains the best strategy through a large number of experiments, and directly uses the trained best strategy to obtain the best formation path in the experimental phase. The simulation experiment uses four ' Baichuan' unmanned ships as experimental objects. The experimental results show that the formation maintenance strategy based on the ATMADDPG algorithm can achieve stable navigation of multiple unmanned ship formations and meet the requirements of formation maintenance to some extent. Compared to the MADDPG (Multi-Agent Depth Deterministic Policy Gradient ) algorithm, the developed ATMADDPG algorithm shows superior performance in terms of convergence speed, formation maintenance ability, and adaptability to environmental changes. The comprehensive navigation efficiency can be improved by about 80% , which has great application potential.
Related Articles | Metrics
Control Drive System of Optical Crossbar Chip Based on DAC Array
OUYANG Aoqi , Lv Xinyu , XU Xinru , ZENG Guoyan , YIN Yuexin , LI Fengjun , ZHANG Daming , GAO Fengli
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 232-241.  
Abstract290)      PDF(pc) (4295KB)(432)       Save

The optical crossbar chip is the core device used to realize optical routing in the field of optical communication. A control and driver system is designed based on a multi-channel DAC ( Digital to Analog Converter) array to achieve optical routing through the optical crossbar chip. The system consists of a control system module, a multi-channel drive circuit module, and a host computer control module. This system has several advantages, including simple adjustment, bipolar output, more output channels, and higher power accuracy. It solves the problems of the current driving circuit, such as complex operation, single power polarity, fewer output channels, and poor accuracy. The host computer control module can control the driving circuit to apply the control voltage and receive the optical power signal collected from the data acquisition device as the feedback signal of the control driving system. By analyzing the relationship between the control voltage and the received optical power, the best control driving voltage of the optical crossbar chip can be obtained. The system test results show that the system can provide high-precision bipolar driving voltage to effectively drive the optical crossbar chip and can calibrate the control voltage of the optical switch in a short time, fully meeting the requirements of the driving voltage in the active optical crossbar chip control. We believe that this system could be useful for optical crossbar chip control.

Related Articles | Metrics
Design of Miniaturized Frequency Selective Surfaces in Microwave Frequency Band
HUO Jiayu, YAO Zongshan, ZHANG Wenzun, LIU Lie, GAO Bo
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 775-780.  
Abstract289)      PDF(pc) (2775KB)(266)       Save
In order to enhance the performance of FSS(Frequency Selective Surfaces) and precisely control the propagation characteristics of electromagnetic waves in the microwave frequency range to achieve reflection, transmission, or absorption of electromagnetic waves, a miniaturized FSS for the microwave frequency band is proposed. The unit cell size of the FSS is 0.024λ x 0.024λ, demonstrating excellent miniaturization performance. Within the range of 1 ~10 GHz, the FSS exhibits three passbands with exceptional polarization stability and angle stability, maintaining consistent operating frequencies and bandwidth, while exhibiting good transmission performance. This study on the miniaturized FSS serves as a basis for FSS analysis and provides insights for the design of miniaturized frequency selective surfaces.
Related Articles | Metrics
Anomaly Detection of Time Series Data Based on HTM-Attention
ZHANG Chenlin , ZHANG Suli , CHEN Guanyu , , WANG Fude , SUN Qihan
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 457-464.  
Abstract288)      PDF(pc) (6166KB)(443)       Save
Existing industrial time series data anomaly detection algorithms do not fully consider the temporal data on time dependence. An improved HTM(Hierarchical Temporal Memory)-Attention algorithm is proposed to address this problem. The algorithm combines the HTM algorithm with the attention mechanism to learn the temporal dependencies between data. It is validated on both univariate and multivariate time series data. By introducing the attention mechanism, the algorithm can focus on the important parts of the input data, further improving the efficiency and accuracy of anomaly detection. Experimental results show that the proposed algorithm can effectively detect various types of time series anomalies and has higher accuracy and lower running time than other commonly used unsupervised anomaly detection algorithms. This algorithm has great potential in the application of industrial time series data anomaly detection.
Related Articles | Metrics
High Performance PtS2 / MoTe2 Heterojunction Infrared Photodetector
PAN Shengsheng , YUAN Tao , ZHOU Xiaohao , WANG Zhen
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 74-80.  
Abstract286)      PDF(pc) (1460KB)(814)       Save
As one of the important components of the detection system, the performance of photoelectric detector is directly related to the quality of system data acquisition. In order not to affect the final detection result, it is essential to ensure the detector performance. The performance of high performance PtS2 / MoTe2 heterojunction infrared photodetector is studied. First, the materials, reagents and equipment are prepared to make PtS2 / MoTe2 heterojunction infrared photodetectors. The detector performance test environment, the four indicators of light response, detection rate, response time and photoconductivity gain are set up, and the detector performance is analyzed. The results show that the optical responsivity of PtS2 / MoTe2 heterojunction infrared photodetector is always above the 5 A/ W limit with the passage of test time. The detection rate of the detector is greater than 10 cm·Hz1 / 2 W -1 regardless of the infrared light reflected from any material. Whether the photocurrent is in the rising time or the falling time, its response time is always below the limit of 150 μs; The photoconductivity gain value has been kept above 80% . 
Related Articles | Metrics
Challenges and Countermeasures of Information Security in Digital Transformation of Libraries 
ZHANG Shiyue
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 991-996.  
Abstract285)      PDF(pc) (1575KB)(145)       Save
 With the advancement of information technology, the digital transformation of libraries has become a key avenue for enhancing service efficiency. During this transformation process, information security issues have become increasingly prominent, posing threats to the protection of library resources and the security of user data. This study is to address the information security challenges in the digital transformation of libraries by proposing a comprehensive information security protection system. By analyzing the main information security risks faced by libraries currently, including cyber attacks, copyright disputes, insufficient security awareness among management personnel, and low levels of resource sharing, a four-tier information security protection system is constructed consisting of the user application layer, service platform layer, data center layer, and infrastructure layer. This system can effectively enhance the security and access control of library information resources, and strengthen the security of digital resource access. In the process of digital transformation, libraries must consider information security as a core factor, and build a comprehensive information security protection system through the collaborative work of technology, management, and organization to ensure the security and efficient use of digital resources.
Related Articles | Metrics
Cloud Computing Decentralized Dual Differential Privacy Data Protection Algorithm
CONG Chuanfeng
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 14-19.  
Abstract283)      PDF(pc) (1701KB)(524)       Save
The wide application of the Internet is likely to lead to various kinds of privacy data leakage. In order to solve the problems, a cloud computing down-centric dual differential privacy data protection algorithm is proposed. First, the purpose of accurate collection of private data is achieved by learning the network model of private data transmission channel, and then the method of reconstructing the spatial characteristics of private data is used to obtain the ontological characteristics of private data. Finally, the collected private data is accurately noised through the characteristics of private data to achieve the purpose of accurate protection of private data, and the decentralized dual differential privacy data protection is completed. The experimental results show that the proposed algorithm has high real-time and good security for privacy data protection, and can accurately protect privacy data in different noise environments.
Related Articles | Metrics
Research on Fault Diagnosis of Oil Pump Based on Improved Residual Network
YANG Li , WANG Yankai, WANG Tingting , LIANG Yan
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 579-587.  
Abstract282)      PDF(pc) (2203KB)(379)       Save
A novel approach is proposed to address the issues of high accuracy but slow speed or low accuracy but appropriate training speed in traditional image recognition methods for fault diagnosis of oil pumps. The proposed method is based on an enhanced residual network model, with several improvement strategies. Firstly, the first-layer convolution kernel of the model is replaced with a smaller one. Secondly, the order of residual modules is changed. Thirdly, the fully connected layer of ResNet50( a Residual Network model) is replaced with an RBF( Radial Basis Function) network as an additional classifier. Finally, data augmentation techniques are used to expand the dataset, and transfer learning is utilized to obtain pre-trained weight parameters on ImageNet for the improved ResNet50-RBF model. Experimental results demonstrate that the proposed model achieves 98. 86% accuracy in pump curve recognition, exhibiting stronger robustness and improved speed compared to other networks. This provides some reference for fault diagnosis of oil pumps. The proposed method can significantly enhance the efficiency and accuracy of image recognition in fault diagnosis for oil pumps, which is of great significance for practical applications in the industry.
Related Articles | Metrics
 Research on Multi-Modal RGB-T Based Saliency Target Detection Algorithm
LIU Dong, BI Hongbo, REN Siqi, YU Xin, ZHANG Cong
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 573-578.  
Abstract280)      PDF(pc) (4264KB)(433)       Save
To address the problem that RGB ( Red Green Blue ) modal and thermal modal information representations are inconsistent in form and feature information can not be effectively mined and fused, a new joint attention reinforcement network-FCNet ( Feature Sharpening and Cross-modal Feature Fusion Net ) is proposed. Firstly, the image feature mapping capability is enhanced by a two-dimensional attention mechanism. Then, a cross-modal feature fusion mechanism is used to capture the target region. Finally, a layer-by-layer decoding structure is used to eliminate background interference and optimize the detection target. The experimental results demonstrate that the improved algorithm has fewer parameters and shorter operation times, and the overall detection performance of the model is better than that of existing multimodal detection models.
Related Articles | Metrics
Deployment and Scheduling Algorithms for Network Coverage of Wireless Sensor
GE Xiang, TAN Chengwei, XUE Yayong, CAO Yunfeng, JIANG Kun
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 400-405.  
Abstract279)      PDF(pc) (3927KB)(309)       Save
A node deployment and scheduling algorithm based on fitness function and zero tolerance coverage is proposed to solve the problems of sensor blind area and poor connectivity between sensor nodes in wireless sensor network coverage. The network coverage is considered as a two-dimensional plane, the relationship between the maximum coverage range of node sensing and the distance value is analyzed to obtain the attribute values of the target points with hot spot distribution and overlapping coverage. Then, according to the deployment indicators such as wireless sensor target point coverage, connectivity and candidate locations, the fitness function is used to calculate the optimal deployment relationship of indicators, and to obtain the redundant parameters of nodes. The redundant complementary nodes are found within the same sensing range to achieve replacement scheduling. The experimental results show that the algorithm performs well in terms of network coverage and scheduling effectiveness, and has strong comprehensive performance.
Related Articles | Metrics
A GIS-Based Route Planning Method for Emergency Distribution of Power Supplies
LANG Fei
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 294-300.  
Abstract277)      PDF(pc) (1745KB)(418)       Save
To ensure timely distribution of emergency power supplies, enable them to quickly restore power supply, and reduce economic losses, a planning method for the distribution path of emergency power supplies is proposed based on geographic information systems. Firstly, based on the Map X component in the GIS (Geographic Information System) geographic information system, a preprocessing model for geospatial data is constructed. Then, based on the processed data, a mathematical model and constraint conditions for distribution path planning are established. Finally, genetic algorithm, mountain climbing algorithm, and ant colony algorithm are integrated, and the mathematical model is iteratively operated to obtain the optimal distribution path. The experiment is based on a power equipment emergency. When the material demand is met, the delivery time of the planned path under normal and abnormal road conditions is reduced by 14 minutes and 30 minutes respectively, and the cost is reduced by 10. 9 yuan and 5. 09 yuan respectively. This proves that the designed planning method has significant superiority. 
Related Articles | Metrics
Optimization of Constellation Invulnerability Based on Wolf Colony Algorithm of Simulated Annealing Optimization
WANG Mingxia, CHEN Xiaoming, YONG Kenan
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 1-13.  
Abstract273)      PDF(pc) (3492KB)(717)       Save

 In order to improve the invulnerability and working ability of the satellite constellation network after being attacked, a simulated annealing wolf pack algorithm is proposed. We use the subjective and objective weight method combined with the TOPSIS( Technique for Order Preference by Similarity) to Ideal Solution to evaluate the importance of nodes in the network, and attack the network according to the order of node importance. The network connection efficiency is the optimization goal, and the satellite constellation network communication limitation is the constraint condition. The idea of motion operator is adopted to realize the walking, summoning and sieging of wolves with adaptive step size. The network structure is optimized using the edge-adding scheme obtained through optimization. Experiments show that compared with other optimization algorithms, this algorithm has superiority. It solves the problem that the satellite constellation networks working ability declines after being attacked, and improves its invulnerability after being attacked. Key words: satellite network; invulnerability optimization; simulated annealing algorithm; improved wolf colony algorithm

Related Articles | Metrics
Research on Tibetan Driven Visual Speech Synthesis Algorithm Based on Audio Matching
HAN Xi, LIANG Kai, YUE Yu
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 509-515.  
Abstract272)      PDF(pc) (4609KB)(307)       Save
In order to solve the problems of low lip contour detection accuracy and poor visual speech synthesis effect, a Tibetan-driven visual speech synthesis algorithm based on audio matching is proposed. This algorithm extracts short-term energy and short-term zero-crossing rate from Tibetan-language-driven visual speech signal, establishes short-term autocorrelation function of speech signal, and extracts feature information in speech signal, so as to obtain the pitch track of Tibetan speech signal. Secondly, the temporal and spatial analysis model of lip is established to analyze the changing trend of lip contour in the pronunciation process, and the feature of lip contour is extracted by principal component analysis. Finally, the correlation between audio features and lip contour features is obtained through the input-output hidden Markov model, and Tibetan-driven visual speech is synthesized on the basis of audio matching. Experimental results show that the proposed method has high lip contour detection accuracy and good visual speech synthesis effect. 
Related Articles | Metrics
Improved Method of Medical Images Classification Based on Contrast Learning 
LIU Shifeng, WANG Xin
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 881-888.  
Abstract271)      PDF(pc) (1946KB)(196)       Save
Medical image classification is an important method to determine the illness of patients and give corresponding treatment advice. As medical image labeling requires relevant professional knowledge, it is difficult to obtain large-scale medical image classification labels. And the development of medical image classification based on deep learning method is limited to some extent. To solve this problem, self-supervised contrast learning is applied to medical image classification tasks in this paper. Contrast learning method is used in pre-training of medical image classification. The features are learned from unlabeled medical images in the pre-training stage to provide prior knowledge for subsequent medical image classification. Experimental results show that the proposed improved method of medical image classification based on self-supervised contrast learning enhances the classification performance of the ResNet. 
Related Articles | Metrics
Adaptive Detection Method for Concept Evolution Based on Weakly Supervised Ensemble
WANG Jing , GUO Husheng , WANG Wenjian
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 406-420.  
Abstract268)      PDF(pc) (11336KB)(316)       Save
 Most of the existing detection methods for concept evolution are essentially based on supervised learning and are often used to solve the problem that only one novel class appears in a period of time. However, they can not handle the task of a class disappearing and recurring in streaming data. To address the above problems, an adaptive detection method for concept evolution based on weakly supervised ensemble (AD_WE) is proposed. The weakly supervised ensemble strategy is used to construct an ensemble learner to make local predictions on the training samples in the data block. Similar data with strong cohesion in the feature space are detected and clustered using local density and relative distance. The similarity of the clustering results is then compared to detect novel class instances and distinguish between different novel classes. And a dynamic decay model is established according to the characteristics of data change over time. The vanished class is eliminated in time, and the recurring class is detected through similarity comparison. Experiments show that the proposed method can respond to concept evolution in a timely manner, effectively identify vanished classes and recurring classes, and improve the generalization performance of the learner.
Related Articles | Metrics
BNN Pruning Method Based on Evolution from Ternary to Binary
XU Tu, ZHANG Bo, LI Zhen, CHEN Yining, SHEN Rensheng, XIONG Botao, CHANG Yuchun
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 356-365.  
Abstract266)      PDF(pc) (2216KB)(273)       Save
BNNs( Binarized Neural Networks) are popular due to their extremely low memory requirements. While BNNs can be further compressed through pruning techniques, existing BNN pruning methods suffer from low pruning ratios, significant accuracy degradation, and reliance depending on fine-tuning after training. To overcome these limitations, a filter-level BNN pruning method is proposed based on evolution from ternary to binary, named ETB ( Evolution from Terry to Binary). ETB is learning-based, and by introducing trainable quantization thresholds into the quantization function of BNNs, it makes the weights and activation values gradually evolve from ternary to binary or zero, aiming to enable the network to automatically identify unimportant structures during training. And a pruning ratio adjustment algorithm is also designed to regulate the pruning rate of the network. After training, all zero filters and corresponding output channels can be directly pruned to obtain a simplified BNN without fine-tuning. To demonstrate the feasibility of the proposed method and the potential for improving BNN inference efficiency without sacrificing accuracy, experiments are conducted on CIFAR-10. ETB is pruned the VGG-Small model by 46. 3% , compressing the model size to 0. 34 MB, with an accuracy of 89. 97% . The ResNet-18 model is also pruned by 30. 01% , compressing the model size to 1. 33 MB, with an accuracy of 90. 79% . Compared with some existing BNN pruning methods in terms of accuracy and parameter quantity, ETB has certain advantages.
Related Articles | Metrics
Alcohol Concentration Detector Based on Near Infrared Spectroscopy
LING Zhenbao, SONG Cheng, OU Xinya, LIANG Gan
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 767-773.  
Abstract266)      PDF(pc) (3964KB)(277)       Save
In order to solve the problem of droplet transmission risk of breath alcohol detector, a portable and pollution-free blood alcohol concentration detection scheme based on near-infrared spectroscopy is proposed. we successively completed the signal acquisition, amplification, filtering and re-amplification with hardware, and obtained the standard pulse wave signal with software algorithms such as Kalman filtering and three-sample interpolation method to remove the base. Later, the mathematical model is established in the upper computer by the measurement results of the expiratory type and the amplitude of the pulse wave signal, and the mathematical model is written into the microcontroller to realize the offline measurement. The accuracy of the mathematical model is tested through validation experiments. The results show that it meets the accuracy requirement, the relative error is less than 10% and meets the practical requirements.
Related Articles | Metrics
Novel Managed Pressure Drilling Simulation and Control Software Based on C / S Architecture
LIU Wei, HAN Xiaosong, FU Jiasheng, TANG Chunjing, GUO Qingfeng, ZHAO Qing
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 637-644.  
Abstract264)      PDF(pc) (3355KB)(557)       Save
With the gradual development of oil and gas exploration and development into deep and complex formations, the risks and rewards faced in the drilling process are increasing. The market increasingly needs software that can integrate monitoring and control to ensure safe and efficient drilling. Using managed pressure drilling technology can effectively control the pressure in the gas production process and make it more convenient to deal with equipment failure. It can realize real-time monitoring of fluid pressure and density changes in the production process, effectively reducing potential safety hazards, preventing the occurrence of downhole accidents, and providing a guarantee for the safe and stable production of oil and gas wells. The Managed Pressure Drilling Simulation and Control Software aims to obtain drilling-related information from logging, PWD ( Pressure While Drilling ), MWD ( Measure While Drilling ), pressure control, and other equipment. It establishes hydraulic models to calculate wellbore pressure, flow, and other parameters. This software adopts client / server architecture, which allows multiple clients to connect to a server simultaneously and synchronize data. The client data synchronization effect has been verified on-site, meeting the needs of single machine use and facilitating network connection. The results indicate that this software can accurately simulate and calculate various drilling parameters, ensuring safe and efficient drilling. The centralized analysis, processing, and remote control have created a good foundation for pressure control drilling, transitioning from on-site engineer processing mode to a data platform-based approach. This lays the foundation for interconnectivity between multiple on-site pressure control drilling equipment on one platform, effectively promoting the development of intelligent pressure control drilling.
Related Articles | Metrics
Vehicle Lateral Stability Control under Low Adhesion Road Conditions
TIAN Yantao, XU Fuqiang, YU Wenyan, WANG Kaige
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 25-37.  
Abstract264)      PDF(pc) (4381KB)(460)       Save
 Aiming at the characteristic that the vehicle is more prone to instability in the snow and ice environment, the stable tracking problem of the vehicle to the reference trajectory under the low adhesion and uneven distribution condition of the road surface is studied. To address this, a fuzzy PID(Proportional-Integral- Differential) controller model based on neural network regulation and MPC ( Model Predictive Control ) a linearized vehicle model are designed. The controller takes the road adhesion coefficient and vehicle speed as input to construct a BP(Back-Propagation)neural network and outputs the adjustment coefficient to optimize the control performance of the PID controller. A ten-degree-of-freedom model is designed to characterize the dynamic characteristics of the vehicle in snow and ice-covered environments, and the lateral stability control of the vehicle is realized by using MPC. CarSim / Simulink is used for co-simulation experiments. Results show that the controller can significantly improve the performance of vehicle trajectory tracking. The dynamic characteristics of the vehicle under snow and ice are analyzed, and good simulation results are obtained.
Related Articles | Metrics
Misp-YOLO: Gas Station Scene Target Detection
LIU Yuanhong, CHENG Minghao
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 168-175.  
Abstract260)      PDF(pc) (4114KB)(350)       Save
 In order to solve the problem that Yolov3-Tiny algorithm has insufficient feature extraction in gas station monitoring scene detection, which results in low detection accuracy, a new target detection algorithm based on gas station scene is proposed. This method first introduces Mosaic data enhancement algorithm to make the picture contain more feature information. Secondly, InceptionV2 and PSConv ( Poly-Scale Convolution) multiscale feature extraction methods are used to improve the network multiscale prediction ability. Finally, combined with the scSE(Concurrent Spatial and Channel ‘ Squeeze & Excitation’) attention mechanism, the output characteristics of the backbone network are reconstructed. The experimental results show that the algorithm has high detection accuracy and the detection speed meets the actual needs. The performance of the optimized algorithm is greatly improved and can it be applied to other target detection. 
Related Articles | Metrics
Intelligent Recommendation Algorithm of Digital Book Resources Based on Tag Similarity
SUI Xiaowen
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 516-521.  
Abstract260)      PDF(pc) (1003KB)(323)       Save
To help readers quickly find the books they need and avoid overloading digital information, an intelligent recommendation algorithm for digital book resources based on tag similarity is proposed. Firstly, based on the entered user information in the digital library system, the user feature similarity and user interest similarity are obtained and regarded as comprehensive similarity indicators. Then, combined with the tag similarity index, the similarity nearest neighbors of the target user’s book resources are obtained. Finally, the tags of the book resources browsed by the user are put into a tag set, and the digital book resources that the target user likes are formed into a recommendation list through a hybrid recommendation method of user implicit behavior scoring and linear weighted fusion, and recommended to the target user. Experimental results show that the proposed algorithm performs better than traditional recommendation algorithms.
Related Articles | Metrics
Autonomous Driving Decision-Making at Signal-Free Intersections Based on MAPPO
XU Manchen, YU Di, ZHAO Li, GUO Chendong
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 790-798.  
Abstract260)      PDF(pc) (2926KB)(642)       Save
 Due to the dense traffic flow and stochastic uncertainty of vehicle behaviors, the scenario of unsignalized intersection poses significant challenges for autonomous driving. An innovative approach for autonomous driving decision-making at unsignalized intersections is proposed based on the MAPPO(Multi-Agent Proximal Policy Optimization) algorithm. Applying the MetaDrive simulation platform to construct a multi-agent simulation environment, we design a reward function that comprehensively considers traffic regulations, safety including arriving safely and occurring collisions, and traffic efficiency considering the maximum and minimum speeds of vehicles at intersections, aiming to achieve safe and efficient autonomous driving decisions. Simulation experiments demonstrate that the proposed decision-making approach exhibits superior stability and convergence during training compared to other algorithms, showcasing higher success rates and safety levels across varying traffic densities. These findings underscore the significant potential of the autonomous driving decision-making solution for addressing challenges in unsignalized intersection environments, thereby advancing research in autonomous driving decision-making under complex road conditions.自动驾驶;智能决策;无信号灯交叉口;MAPPO算法 
Related Articles | Metrics
Method of Large Data Clustering Processing Based on Improved PSO Means Clustering Algorithm
JIANG Darui, XU Shengchao
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 430-437.  
Abstract259)      PDF(pc) (5232KB)(295)       Save
Big data clustering processing has the problem of poor clustering effect and long clustering time for different types of data. Therefore, a big data clustering processing method based on the improved PSO-Means (Particle Swarm Optimization Means) clustering algorithm is proposed. The particle swarm optimization algorithm is used to determine the flight time and direction of unit particles during a cluster, preset the selection range of the initial cluster center, and appropriately adjust the inertia weight of unit particles. It eliminates the clustering defects caused by particle oscillation and successfully obtains the clustering center based on large-scale data. Combined with the spanning tree algorithm, the PSO algorithm is optimized from two aspects: sample skewness and centroid skewness. The optimized clustering center is then input into the k-means clustering algorithm to realize the clustering processing of big data. The experimental results show that the proposed method can effectively cluster different types of data, and the clustering time is only 0. 3 s, which verifies that the method has good clustering performance and clustering efficiency.
Related Articles | Metrics
Study on Impact of Photoreceptive Layer Thickness on Performance of A-Gaox -Based Solar-Blind Ultraviolet Photodetectors
CHANG Dingjun , LI Zeming , ZHANG Hezhi
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 567-572.  
Abstract257)      PDF(pc) (5195KB)(178)       Save
 Due to its low background noise, solar-blind ultraviolet photodetection technology is widely used in fields such as fire monitoring, missile detection, and military communication. Compared to other solar-blind ultraviolet sensitive materials, amorphous gallium oxide offers several advantages, including a bandgap that matches the solar-blind ultraviolet region, structural stability, and good mechanical strength. The horizontal metal-semiconductor-metal structured photodetectors are known for their simple production processes, ease of integration, and suitability for industrialization. Given the non-uniform distribution of the internal electric field and the photo-generated carriers along the thickness direction in horizontal devices, the thickness of the photoreceptive layer plays a crucial role in the performance of the photodetectors. In order to fabricate high- performance solar-blind ultraviolet photodetectors, amorphous gallium oxide thin films were prepared using low- temperature metal organic chemical vapor deposition method. Structural characterization of the films confirmed their amorphous nature, and the film surfaces were found to be relatively flat, with the optical absorption edge located within the deep ultraviolet spectral range. Solar-blind ultraviolet photodetectors were subsequently developed. As the thickness of the photoreceptive layer increased from 33. 2 nm to 133. 6 nm, the dark-current of the photodetector rose from 2. 33*10-10 A to 2. 12*10-8 A, and the photo-current under 254 nm illumination increased from 1. 66 * 10-7 A to 3. 2 * 10-5 A. Additionally, both the responsivity and the external quantum efficiency of the photodetectors increased by orders of magnitude with the increase in the photoreceptive layer thickness, reaching maximum values of 2. 91 A/ W and 1 419. 12% , respectively. The thickness-dependent characteristics of the photodetectors can be attributed to the interfacial high-defect layers, light absorption intensity, and the geometric parameters of the photodetectors. The photodetectors exhibited excellent wavelength selectivity, the current of each photo-detector under 365 nm illumination and the photo-current under 254 nm illumination differ by more than two orders of magnitude. Moreover, over the tested 5 cycles, the response / recovery behavior of each photodetector consistently demonstrates good repeatability and stability.
Related Articles | Metrics
Encryption Method of Privacy Data for Internet of Things Based on Fusion of DES and ECC Algorithms
TANG Kailing, ZHENG Hao
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 496-502.  
Abstract254)      PDF(pc) (4058KB)(338)       Save
In order to avoid more duplicate data in the encryption process of IoT privacy data, which leads to higher computational complexity and reduces computational efficiency and security, an encryption method of IoT privacy data that combines DES(Data Encryption Standard) and ECC(Ellipse Curve Ctyptography) algorithms is proposed. Firstly, the TF-IDF(Tem Frequency-Inverse Document Frequency) algorithm is used to extract feature vectors from the privacy data of the Internet of Things. They are input into the BP(Back Proragation) neural network and are trained. The IQPSO( Improved Quantum Particle Swarm Optimization) algorithm is used to optimize the neural network and complete the removal of duplicate data from the privacy data of the Internet of Things. Secondly, the Data Encryption Standard and ECC algorithm are used to implement the primary and secondary encryption of the privacy data of the Internet of Things. Finally, a fusion of DES and ECC algorithms is adopted for digital signature encryption to achieve complete encryption of IoT privacy data. The experimental results show that the proposed algorithm has high computational efficiency, security, and reliability.
Related Articles | Metrics
SD-IoT Active Defense Method Based on Dual-Mode End-Addres Shopping 
ZHANG Bing , LI Hui , WANG Huan
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 421-429.  
Abstract252)      PDF(pc) (6179KB)(299)       Save
A dual-mode address hopping method is proposed to address security issues faced by the IoT(Internet of Things), such as resource scarcity and low obfuscation of traffic data. Address hopping diversity and unpredictability are enhanced through a dual-mode address selection algorithm, thereby solving the problem of limited address pool resources. Additionally, a dual-virtual address hopping method is introduced to enhance the obfuscation of data packets and reduce the correlation of network data. This method is demonstrated to be effective in reducing network data correlation, conserving IoT resources, increasing network address pool capacity, preventing data theft by attackers, and ensuring IoT security through simulation experiments conducted in an SD-IoT(Software Defined Internet of Things) environment.
Related Articles | Metrics
Control Parameter Identification Method of Wind Power Grid-Connected Converter Based on Optimization Algorithm
LI Lin
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 333-338.  
Abstract252)      PDF(pc) (1416KB)(359)       Save
In order to maintain the consistency of parameters such as current, voltage, frequency, and phase during wind power grid connection, and to improve the safety and stability of wind power grid connection, a method for identifying control parameters of wind power grid connected converters based on optimization algorithms is proposed. The control model is established for the wind power grid connected converter, and the power control command of the PI(Proportional Integral) regulator is changed based on the power voltage support. Using differential function equations, to set the control conditions of the PI regulator, to calculate the functional relationship in the complex frequency domain, and to clarify the logical relationship between the adjustment integral coefficients. The identifiability of the control parameters is obtained through the control transfer function, and the parameter control output value and characteristic data are analyzed. Finally, the optimization and identification results of the control parameters are completed. The experimental results show that the proposed method can complete the identification of control parameters in various environments, with small identification error and high accuracy.
Related Articles | Metrics
Comparative Analysis and Application of Fast Calculation Methods for Singular Value Decomposition of High Dimensional Matrix
CHEN Yijun , HAN Di , LIU Qian , XU Haiqiang , ZENG Haiman
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 476-485.  
Abstract251)      PDF(pc) (5885KB)(559)       Save
To provide more efficient solutions for handling high-dimensional matrices and applying SVD(Singular Value Decomposition) in the context of big data, with the aim of accelerating data analysis and processing, how to quickly calculate the eigenvalues and eigenvectors ( singular value singular vectors) of high-dimensional matrices is studied. By studying random projection and Krylov subspace projection theory, six efficient calculation methods are summarized, making comparative analysis and related application research. Then, the six algorithms are applied, and the algorithms in related fields are improved. In the application of spectral clustering, the algorithm reduces the complexity of the core step SVD( Singular Value Decomposition), so that the optimized algorithm has similar accuracy to the original spectral clustering algorithm, but significantly shortens the running time. The calculation speed is more than 10 times faster than the original algorithm. When this work is applied in the field of image compression, it effectively improves the operation efficiency of the original algorithm. Under the condition of constant accuracy, the operation efficiency is improved by 1 ~ 5 times.
Related Articles | Metrics
Application of Composite Neural Network Based on CNN-LSTM in Fault Diagnosis of Oilfield Wastewater System 
ZHONG Yan
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 817-828.  
Abstract251)      PDF(pc) (3816KB)(337)       Save
This study aims to improve the intelligence and accuracy of fault diagnosis in oilfield wastewater systems. A composite neural network is constructed using convolutional neural networks and long short-term memory networks, and the structure is optimized using Adam and random gradient descent method to improve the convergence speed and fault diagnosis accuracy of the model. The study is validated through relevant experiments, and the experimental results show that the optimization algorithm used in the study improves the accuracy of the model to around 0. 87 and reduces the diagnostic loss rate of the model to around 0. 032. The average detection accuracy of the composite neural network structure reaches 0. 888, with an accuracy value of 0. 883 and a recall rate of 0. 789. The composite neural networks is applied to fault diagnosis of oilfield wastewater systems, can achieve intelligent fault detection, reduce economic costs, and build smart oilfield.
Related Articles | Metrics
Microseismic Signal Denoising Method Based on EM-KF Algorithm
LI Xuegui , ZHANG Shuai , WU Jun , DUAN Hanxu , WANG Zepeng
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 200-209.  
Abstract247)      PDF(pc) (4819KB)(443)       Save
Microseismic monitoring technology has been widely used in unconventional oil and gas development. The microseismic signal has weak energy and strong noise, which makes the follow-up work difficult and requires high-precision and accurate data. To solve the problem of extracting weak microseismic signals, an EM-KF (Expectation Maximization Kalman Filter)-based method is proposed for denoising microseismic signals. By establishing a state space model that conforms to the laws of microseismic signals and using the EM(Expectation Maximization) algorithm to obtain the optimal solution of the parameters for the Kalman filter, the signal-to-noise ratio of microseismic signals can be effectively improved while retaining the effective signals. The experimental results of synthetic data and real data show that this method has higher efficiency and better accuracy than traditional wavelet filtering and Kalman filtering.
Related Articles | Metrics
Pedestrian Recognition Algorithm of Cross-Modal Image under Generalized Transfer Deep Learning
CAI Xianlong, LI Yang, CHEN Xi
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 137-142.  
Abstract247)      PDF(pc) (2413KB)(498)       Save
 Due to the influence of changes in lighting conditions and pedestrian height differences, there are large cross modal differences in surveillance video images at different times. In order to accurately identify pedestrians in cross modal images, a pedestrian recognition algorithm based on generalized transfer depth learning is proposed. The cross modal image is formed through Cyele GAN(Cycle Generative Adversarial Network), and the reference map is segmented using single object image processing to obtain candidate human body regions. The matching regions are searched in the matching map to obtain the disparity of human body regions, and the depth and perspective features of human body regions are extracted through the disparity. The attention mechanism and cross modal pedestrian recognition are combined to analyze the differences between the two types of images. The two subspaces are mapped to the same feature space. And the generalized migration depth learning algorithm is introduced to learn the loss function measurement, automatically screen the pedestrian features of the cross modal images, and finally complete pedestrian recognition through the modal fusion module to fuse the filtered features. The experimental results show that the proposed algorithm can quickly and accurately extract pedestrians from different modal images, and the recognition effect is good. 
Related Articles | Metrics
Research on ROV Attitude Control Technology Based on Thrust Vector Allocation
LIU Jun , YAN Jiali , LIU Qiang , YE Haichun , WANG Zhongyang , HU Qing
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 249-259.  
Abstract244)      PDF(pc) (3609KB)(307)       Save
Traditional ROV(Remote Operated Vehicle) attitude control methods, operated underwater by ROVs, have suffered from chattering and poor stability. A new cooperative control law is proposed and ROV attitude controlleris designed based on thrust vector distribution. Firstly, the ROV kinematics model and dynamics model are established, and the thrust vector distribution model and decoupling dynamics model are carried out. Then, a new cooperative control law is proposed. By constructing appropriate macro variables, the macro variables converge exponentially to provide continuous control rate for the ROV attitude control system and eliminate chattering. Finally, a new cooperative control law is used to design the ROV attitude controller based on thrust vector allocation. The results of Matlab / Simulink simulation show that the proposed new cooperative control law can improve the control accuracy and stability of the ROV attitude control system. The control strategy provides a new feasible scheme for ROV attitude control. 
Related Articles | Metrics
Threat Detection Method of Internal Network Security Based on XGBoost Algorithm
DING Zixuan, CHEN Guo
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 366-371.  
Abstract244)      PDF(pc) (1418KB)(279)       Save
Aiming at the many causes and difficult features of internal network security threat nodes, an internal network security threat detection method based on XGBoost algorithm is proposed. Using the state differences between the internal network communities as an indicator, the edge weights of the nodes within different community types are calculated to find the nodes associated with the target values. Eigenvalues extracted through multiple assignments are taken as the initial input value XGBoost decision tree to construct the threat feature objective function, solve the corresponding Taylor coefficient of each node, and realize internal network security threat detection. The experimental data show that the proposed method has high feature extraction accuracy and can achieve accurate detection under various network attack conditions.
Related Articles | Metrics
Digital Technology-Based Applications for Education Reform in Higher Education 
GAO Song, BAI Yu, SUN Xuefeng, LI Yuanhua
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1164-1175.  
Abstract244)      PDF(pc) (1561KB)(447)       Save
In the context of rapid advancements in information technology, the application of digital technology in higher education has become a crucial means of driving educational reform. Addressing issues such as unequal resource distribution and low teaching efficiency in traditional teaching models, the paper proposes the “6i” digital education application and support service system, encompassing teaching (iLearn), learning (iSocial), evaluation (iSense), management (iEdu), services (iHelp), and environment (iMeta). Through specific measures such as the construction of three types of classrooms, the development of digital teaching resources, teaching model reform, digital teaching quality management, and the exploration of new digital technology applications in teaching, Jilin University has achieved a digital transformation of teaching resources and innovation in teaching models. The results indicate that the application of digital technology significantly enhances teaching quality and learning outcomes, providing students with more opportunities for autonomous and personalized learning. The findings of this study offer valuable insights for other universities in promoting digital transformation in education, helping to build a more open, efficient, and intelligent educational system, and advancing high-quality educational development.
Related Articles | Metrics
 Design and Implementation of Serial Port and CAN Conversion Interface Based on Cortex-M3
CHEN Jielu, HE Guoxiang, YANG Zijian, SHI Chaofan
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 154-161.  
Abstract242)      PDF(pc) (4219KB)(365)       Save
In order to solve the problem of communication mismatch between autopilot system using CAN (Controller Area Network)bus and navigation equipment using serial port communication, a communication conversion interface module based on Cortex-M3 is designed and the function of data conversion between serial port and CAN bus is realized. Aiming at the problems of poor signal stability and low baud rate accuracy of traditional CAN transceiver circuit CTM1050, an alternative hardware scheme is proposed and implemented to improve the timeliness and stability of data communication. Based on the CAN2. 0B extension frame, the internal CAN bus protocol of the autopilot system is designed to ensure the scalability and stability of the bus. The protocol can assign identity frames according to the priority of message information to ensure the orderly transmission of bus data. The actual test results indicate that the communication module is normal and the communication effect is good. The communication module has a certain universality and can be used in a variety of equipment systems. 
Related Articles | Metrics
Employment Position Recommendation Algorithm for University Students Based on User Profile and Bipartite Graph 
HE Jianping, XU Shengchao, HE Minwei
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 856-865.  
Abstract242)      PDF(pc) (3244KB)(368)       Save
To improve the employment matching and human resource utilization efficiency of college students, many researchers are dedicated to developing effective job recommendation algorithms. However, existing recommendation algorithms often rely solely on a single information source or simple user classification, which can not fully capture the multidimensional features and personalized needs of college students, resulting in poor recommendation performance. Therefore, a job recommendation algorithm for college students based on user profiles and bipartite graphs is proposed. With the aid of the conditional random field model based on the integration of long and short-term memory neural networks, the basic user information is extracted from the archives management system of the university library, based on which the user portrait of university students is generated. The distance between different user profile features is calculated, and the k-means clustering algorithm is used to complete the user profile clustering. The bipartite graph network is used to build the basic job recommendation structure for college students and a preliminary recommendation scheme is designed based on energy distribution. Finally, based on the weighted random forest model, the classification of college students’ employment positions is realized by considering users’ preferences for project features, and the score of the initial recommendation list is revised to obtain accurate recommendation results for college students’ full employment positions. The experimental results show that after the proposed method is applied, a recommendation list of 120 full employment positions for college students is given, and the hit rate of the recommendation result reaches 0. 94. This shows that the research method can accurately obtain the results of college students’ employment position recommendation, so as to improve the employment matching degree and human resource utilization efficiency. 
Related Articles | Metrics
Research on AI Modeling Approaches of Financial Transactional Fraud Detection
QIAN Lianghong, WANG Fude, SONG Hailong
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 930-936.  
Abstract241)      PDF(pc) (1313KB)(264)       Save
To detect transactional fraud in financial services industry and maintain financial security, an end-to- end modeling framework, methodology, and model architecture are proposed for financial transactional data with imbalanced and discrete classes. The framework covers data preprocessing, model training, and model prediction. The performance and efficiency of different models with different numbers of features are compared and validated on a real-world dataset. The results demonstrate that the proposed approach can effectively improve the accuracy and efficiency of financial transactional fraud detection, providing a reference for financial institutions to select models with different types and numbers of features according to their own optimization goals and resource constraints. Tree-based models excel with over 200 features in resource-rich settings, while neural networks are optimal for medium-sized feature sets (100 ~200). Decision trees or logistic regression are suitable for small feature sets in resource-constrained, long-tail scenarios. 
Related Articles | Metrics
Copula Hierarchical Variational Inference 
OUYANG Jihong , CAO Jingyue , WANG Teng
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 51-58.  
Abstract241)      PDF(pc) (1585KB)(568)       Save
In order to improve the approximate performance of CVI(Copula Variational Inference), the CHVI (Copula Hierarchical Variational Inference) method is proposed. The main idea of this method is to combine the Copula function in the CVI method with the special hierarchical variational structure of the HVM(Hierarchical Variational Model), so that the variational prior of the HVM obeys the Copula function in the CVI method. CHVI not only inherits the strong ability of the Copula function in CVI to capture the correlation of variables, but also inherits the advantage of the variational prior structure of HVM to obtain the dependencies of the hidden variables of the model, so that CHVI can better capture the relationship between hidden variables. correlation to improve the approximation accuracy. The author validates the CHVI method based on the classical Gaussian mixture model. The experimental results on synthetic datasets and practical application datasets show that the approximate accuracy of the CHVI method is greatly improved compared to the CVI method. 
Related Articles | Metrics
Synthetic Interpretation of Blood Types Based on P-HSV Method
FU Yingqi , ZHAO Yibing , TANG Qi , TONG Yue , LI Yanqing
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 465-475.  
Abstract239)      PDF(pc) (6858KB)(329)       Save
Rapidity and accuracy are most important in medical treatment. Traditional blood tests rely on experienced physicians, which leads to low efficiency and accuracy. For the first time, a comprehensive determination method based on image recognition technology, named P-HSV ( Perimeter-Hue, Saturation, Value), is proposed for microfluidic blood sample chips. Size and color are used for integrated interpretation of blood types. Size interpretation is based on the contour perimeter and number of agglutination clusters within the reaction chamber, while color interpretation is based on categorization of the color saturation (S: Saturation) to brightness ( V: Value ) ratio of agglutination clusters within the reaction chamber. The grade of blood agglutination reaction is synthetically determined by size and color results. In this method, machine vision is used to determine the grade of blood agglutination reaction, resulting in accurate and rapid blood type determination. This reduces the subjective judgment of artificial judgment, improving the detection speed and accuracy greatly.
Related Articles | Metrics
Fault Recognition Based on UNet++ Network Model 
AN Zhiwei , LIU Yumin , YUAN Shuo , WEI Haijun
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 100-110.  
Abstract237)      PDF(pc) (5205KB)(674)       Save
Fault identification plays an important role in geological exploration, reservoir description, structural trap and well placement. Aiming at the problem that traditional coherence attribute and machine learning are poor in complex fault recognition, a fault recognition method based on UNet++ convolutional neural network is proposed. The weighted cross entropy loss function is used as the objective function to avoid the problem of data sample imbalance in the training process of the network model. Attention mechanism and dense convolution blocks are introduced, and more jump connections are introduced to better realize the feature fusion between the semantic information of deep faults and the spatial information of shallow faults. Furthermore, the UNet ++ network model can realize fault identification better. The experimental results show that the F1 value increased to 92. 38% and the loss decreased to 0. 012 0, which can better learn fault characteristic information. The model is applied to the identification of the XiNanZhuang fault. The results show that this method can accurately predict the fault location and improve the fault continuity. It is proved that the UNet ++ network model has certain research value in fault identification. 
Related Articles | Metrics
Siamese Network Based Feature Engineering Algorithm for Encephalopathy fMRI Images 
ZHOU Fengfeng, WANG Qian, DONG Guangyu
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 45-50.  
Abstract236)      PDF(pc) (1149KB)(558)       Save
fMRI ( functional Magnetic Resonance imaging) is an efficient research method for brain imaging technique. In order to reduce the redundancy of the fMRI data and transform the fMRI data to the constructed features with more classification potential, a feature construction method based on the siamese network named as SANet(Siamese Network) is proposed. It engineered the brain regions features under multiple scanning points of an fMRI image. The improved AlexNet is used for feature engineering, and the incremental feature selection strategy is used to find the best feature subset for the encephalopathy prediction task. The effects of three different network structures and four classifiers on the SANet model are evaluated for their prediction efficiencies, and the ablation experiment is conducted to verify the classification effect of the incremental feature selection algorithm on the SANet features. The experimental data shows that the SANet model can construct features from the fMRI data effectively, and improve the classification performance of original features.
Related Articles | Metrics
Evaluation System of APP Illegal Collection of Personal Information
LI Kai, LI Yu, WANG Lexiao, ZHANG Xiaoqing
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 537-543.  
Abstract236)      PDF(pc) (5032KB)(280)       Save
To improve the efficiency of manual detection of illegal and irregular collection of personal information, an APP(Application) personal information evaluation system for illegal and irregular collection is developed based on techniques such as regular expression semantic analysis and machine learning. We conducted illegal and irregular detection on online apps, generated detection algorithms and rules, and focused on solving technical difficulties such as semi automated access to privacy policies, app detection engines, and dynamic sandboxes for custom ROM(Read Only Memory) . The developed prototype system is used to conduct regular technical testing on the apps listed on major application platforms. The testing results show that the system significantly improves the efficiency of comprehensive governance and judgment of illegal and irregular collection of personal information apps, and effectively supports the relevant work of higher-level management departments.
Related Articles | Metrics
Chinese Named Entity Recognition Based on BERT-BiLSTM-CRF
LONG Xingquan, LI Jia
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 384-393.  
Abstract236)      PDF(pc) (1719KB)(208)       Save
Existing Chinese named entity recognition algorithms inadequately consider the data features of entity recognition tasks, leading to imbalance in the categories of Chinese sample data, excessive noise in the training data, and significant differences in the distribution of generated data. An improved Chinese named entity recognition model based on BERT-BiLSTM-CRF ( Bidirectional Encoder Representations from Transformers-Bidirectional Long Short-Term Memory-Conditional Random Field) is proposed. The first improvement involves combining the P-Tuning v2 technology with BERT-BiLSTM-CRF to accurately extract data features. And three
loss functions, including Focal Loss, Label Smoothing, and KL Loss(Kullback-Leibler divergence loss), are utilized as regularization terms in the loss calculation to address the problems. The improved model achieves F1 scores of 71. 13% ,96. 31% , and 95. 90% on the Weibo, Resume, and MSRA( Microsoft Research Asia)datasets, respectively. The results validate that the proposed algorithm outperforms previous research achievements in terms of performance and is easy to combine and extend with other neural networks for various downstream tasks.
Related Articles | Metrics
Load Interval Forecast Based on EMD-BiLSTM-ANFIS
LI Hongyu, PENG Kang, SONG Laixin, LI Tongzhuang
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 176-185.  
Abstract235)      PDF(pc) (6313KB)(639)       Save
Considering that the randomness of the new power load is enhanced, the traditional accurate forecasting methods can not meet the requirements, an EMD-BiLSTM-ANFIS (Empirical Mode Decomposition Bi-directional Long Short Term Memory Adaptive Network is proposed based Fuzzy Inference System) quantile method to predict the load probability density. It replaces the accurate value of point prediction with the load prediction interval, which can provide more data for power System analysis and decision-making, The reliability of prediction is enhanced. First, the original load sequence is decomposed into several components by EMD, and then divided into three types of components by calculating the sample entropy. Then, the reconstructed three types of components and the characteristics of external factors screened by correlation. And they are used together with the Bilstm and ANFIS models for prediction training and QR(Quantile Regression), and accumulate the results of the prediction interval of the components to obtain the prediction interval of the final load. Finally, the kernel density estimation is used to output the user load probability density prediction results at any time. The validity of this method is proved by comparing the point prediction and interval prediction results with CNN- BiLSTM(Convolutional Neural Network-Bidirectional Long Short-Term Memory) and LSTM ( Long Short-Term Memory)models. 
Related Articles | Metrics
Teaching Experimental Device of Fiber Bragg Grating Temperature Stress Sensing
ZHANG Jin, LIU Peng, XIAO Tong, LAN Jingqi, LING Zhenbao
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 131-136.  
Abstract234)      PDF(pc) (2279KB)(461)       Save
 FBG(Fiber Bragg Grating) sensing technology has achieved rapid development in scientific research and engineering applications, but it is rarely used in undergraduate experimental teaching. Currently, there are few devices available in the market that can be directly used for FBG sensing experimental teaching, and cutting- edge scientific research technology is disconnected from undergraduate experimental teaching. To address this situation, a teaching experiment device for temperature stress sensing based on FBG has been designed. The device consists of three parts: a fiber laser, a spectrometer, and upper computer control software. The fiber laser enables laser output of about 1 550 nm. The spectrometer measures the change of FBG center wavelength and collects data into the computer. The upper computer control software is used for graphic display and data storage. The experimental device has the advantages of simple operation, flexible assembly, good repeatability, and stability, and can be used for undergraduate experimental teaching. We introduce cutting-edge science and technology into undergraduate experimental teaching, promote the integration of scientific research and experimental teaching, and realize the synchronous improvement of scientific research and teaching levels. 
Related Articles | Metrics
Backstepping Sliding Mode Control of Ball-and-Plate System Based on Differential Flatness
HAN Guangxin , WANG Jiawei , HU Yunfeng
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 260-268.  
Abstract232)      PDF(pc) (3479KB)(379)       Save
In order to improve the problem of large trajectory tracking control error and low control accuracy of ball and plate system, a differential flatness-based backstepping sliding mode control method is proposed for enhancing the tracking accuracy in ball and plate system. Firstly, based on the Euler-Lagrange equation, the kinematic model of ball and plate system is established, the decoupled linear state-space model is obtained by reasonable simplification. Taking the X-direction controller design as an example, the target state quantity and feedforward control quantity of the system are obtained by using differential flatness technology, and an error system is constructed. Then, the backstep method is used to realize the sliding mode control of the error system, and the stability of the closed-loop system is proved by Lyapunov stability theory. The hyperbolic tangent function is used in the algorithm to suppress the jitter of the sliding mode, and the trajectory tracking control of ball and plate system is realized with high accuracy. Simulation results show that the proposed control strategy has high control accuracy and better control performance.
Related Articles | Metrics
Resource Allocation and Mode Selection Scheme of Internet for Vehicles Based on D2D
REN Jingqiu, YANG Zhen
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 242-248.  
Abstract232)      PDF(pc) (1436KB)(369)       Save
Aiming at the problem that the current D2D ( Device-to-Device) communication applied in the Internet of Vehicles, is only considering the resource utilization rate or system traversal capacity of the D2D multiplexing mode, but does not include other D2D modes into the system, an algorithm that takes into account resource allocation and mode selection is proposed. The communication resource utilization rate is improved by the priority multiplexing mode, the cellular mode is adopted for the D2D vehicle pair (D-UE:Device-to-device UsErs) that does not meet the multiplexing mode, the C-UE (Cellular UsErs) is adopted to meet the basic requirements of D-UE, and different resource access modes are allocated to D-UE considering factors such as vehicle and cellular users, BS ( Base Station) distance and signal-to-noise ratio between D-UE. Theoretical calculation and simulation results show that the proposed resource allocation and mode selection scheme can effectively improve the system capacity and D-UE QoS (Quality of Service).
Related Articles | Metrics
 Risk Warning Method of Football Competition Based on Improved Copula Model
CHEN Jixing , XU Shengchao
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 486-495.  
Abstract230)      PDF(pc) (5182KB)(1192)       Save
A football competition risk intelligent warning method based on an improved Copula model is proposed to address the issues of large errors between warning values and actual values, and multiple false alarms in football matches. Based on the fuzzy comprehensive evaluation matrix, the evaluation system for football competition risk indicators is determined. The indicator level status is classified, the Copula function is selected, and an improved Copula football competition risk intelligent warning method is constructed to accurately judge football competition risks and reduce risk losses. The experimental results show that the interference suppression of this method is high, maintained above 20 dB, and have high anti-interference ability. It can effectively suppress interference. This method also reduces the error between the warning value and the actual value, reduces the number of false alarms in the warning, and verifies the practicality and feasibility of this method.
Related Articles | Metrics
Research on Scoring Method of Skiing Action Based on Human Key Points
MEI Jian, SUN Jiayue, ZOU Qingyu
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 866-873.  
Abstract230)      PDF(pc) (3382KB)(410)       Save
The training actions of skiing athletes can directly reflect their level, but traditional methods for identifying and evaluating actions have shortcomings such as subjectivity and low accuracy. To achieve accurate analysis of skiing posture, a motion analysis algorithm based on improved OpenPose and YOLOv5(You Only Look Once version 5) is proposed to analyze athletes爷 movements. There are two main improvements. First, CSP-Darknet53(Cross Stage Paritial-Network 53) is used as the external network for OpenPose to reduce the dimension of the input image and extract the feature map. Then, the YOLOv5 algorithm is fused to optimize it. The key points of the human skeleton are extracted to form the human skeleton and compared with the standard action. According to the angle information, the loss function is added to the model to quantify the error between the actual detected action and the standard action. This model achieves accurate and real-time monitoring of athlete action evaluation in training scenarios and can complete preliminary action evaluation. The experimental results show that the detection and recognition accuracy reaches 95%, which can meet the needs of daily skiing training. 
Related Articles | Metrics
Simulation Research on Photovoltaic Power Generation MPPT Based on CSA-INC Algorithm
CAO Xue, DONG Haoyang
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 617-624.  
Abstract230)      PDF(pc) (3340KB)(165)       Save

A control method based on the combination of the CSA ( Cuckoo Search Algorithm) and the conductivity incremental method INC( Incremental Conductivity method) is proposed to improve the speed and accuracy of the maximum power point tracking as well as to reduce the loss and harmonic content of the output power of the PV power generation system when the PV array is locally shaded. To prevent the algorithm from settling on the local optimal solution in the early stages, the cuckoo algorithm is used for global search. Later, a thorough search within a limited range is carried out using the incremental conductivity method in order to lock the maximum power point. And to see if it satisfies the criteria for grid connected harmonic content, this algorithm applied to grid connected control. Then a different strategy suggested. The results of a simulation model created in Matlab / Simulink demonstrated that the composite algorithm based on CSA paired with the conductivity increment approach has a faster tracking speed, less error, and satisfies the grid connected harmonic content requirements.

Related Articles | Metrics
Implementation of Weil Pairing and Tate Pairing for New Method of Finding Group Structures
HU Jianjun
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 156-165.  
Abstract226)      PDF(pc) (808KB)(105)       Save

Weil pairing and Tate pairing are widely used in encryption, signature, password exchange and cryptosystem security analysis. It has been suggested that the computational efficiency of Tate pairing is better than that of Weil pairing, but this problem is still doubtful and needs to be further verified. The parameter selection algorithm of binary group structure proposed by Miller belongs to probabilistic algorithm, and the algorithm efficiency is not high. To solve the above problems, the analysis models of Tate pairing and Weil pairing on execution efficiency are established, and a new method is proposed to find the parameters of the distortion value by using the quadratic relation of the order of the elliptic curve. The research shows that when the distortion value is small, the computational efficiency of Tate pairing is better than that of Weil pairing, which is consistent with previous studies. However, when the distortion value is large, the computational efficiency of Weil pairing is better than that of Tate pairing, and the time complexity of the new method to find the distortion value parameter is less than that of Miller method O(M). Compared with Miller’s probabilistic

method, the new method is deterministic. The correctness of the analysis model is verified by analysis and example, and the new method greatly improves the efficiency and accuracy of parameter selection.

Related Articles | Metrics
Medical Image Denoising Algorithm Based on 2D-VMD and BD
MA Yuanyuan , CUI Changcai , MA Liyuan , DONG Hui
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 186-192.  
Abstract223)      PDF(pc) (3515KB)(437)       Save
 In order to improve the quality of denoised images, an algorithm based on 2D-VMD ( Two Dimensional Variational Mode Decomposition ) and BD ( Bhattacharyya Distance ) is proposed for image denoising. Firstly, the algorithm uses 2D-VMD algorithm to decompose the image into several IMFs ( Intrinsic Mode Functions), and then BD is used to measure the geometric distance between the PDF (Probability Density Function) of each IMF and the original image to distinguish the signal-dominated IMF and the noise-dominated IMF. Finally, the denoising noise-dominated IMF through wavelet threshold denoising and the signal-dominated IMF are reconstructed to obtain the denoised image. The proposed algorithm is applied to medical images. The theoretical analysis and simulation result show that, compared with ROF ( Rudin Osher Fatemi) algorithm, median filter and wavelet threshold algorithm, the algorithm of combining 2D-VMD and BD has better denoising effect in both subjective and objective evaluation, and it effectively improves the quality of denoised images. 
Related Articles | Metrics
Mixed Noise Suppression Algorithm of Digital Image Based on Lifting Wavele
HE Youming, LIU Rui, LIU Jindi
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 610-616.  
Abstract222)      PDF(pc) (5130KB)(189)       Save

Unlike single noise, mixed noise has inconsistent characteristics and is difficult to suppress. In order to improve the noise suppression effect and image clarity, a digital image mixed noise suppression algorithm based on lifting wavelet is proposed. By using probabilistic neural networks, digital image noise is divided into pulse noise and Gaussian noise. The median filtering method is used to remove pulse noise from the digital image, and the lifting wavelet method is used to remove Gaussian noise from the digital image, achieving mixed noise suppression. The experimental results show that the proposed algorithm achieves higher image clarity and signal-to-noise ratio, and significantly improves the ENOB( Effective Number Of Bits) value of the digital image after denoising, indicating that the hybrid noise suppression effect of the algorithm is better.

Related Articles | Metrics
Unmanned Vehicle Path Planning Based on Improved JPS Algorithm 
HE Jingwu, LI Weidong
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 808-816.  
Abstract220)      PDF(pc) (2880KB)(119)       Save
To address issues such as excessive turning points and suboptimal paths in traditional JPS(Jump Point Search) algorithms, an improved jump point search algorithm is proposed. First, based on the feasibility of the map, the obstacles are adaptively expanded to ensure a safe distance. Then, an improved heuristic function based on directional factor is integrated. And a key point extraction strategy is proposed to optimize the initial planned path, significantly reducing the number of expanded nodes and turning points while ensuring the shortest path. The experimental results show that compared to traditional JPS algorithms, the proposed ensures a shorter path length and fewer corners, while reducing the number of extended nodes by an average of 19% and improving search speed by an average of 21. 8%. 
Related Articles | Metrics
Design of Sleep Quality Monitoring and Management System Based on BP Neural Network
GAO Chen
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 544-549.  
Abstract220)      PDF(pc) (3969KB)(258)       Save
Related Articles | Metrics
Simulation Research on Electromagnetic Pulse Effect of Vehicle Harness Based on CST
SUN Can, WANG Dongsheng, ZHU Meng
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 20-24.  
Abstract218)      PDF(pc) (1536KB)(610)       Save
Aiming at the problems of difficult modeling and low calculation efficiency of equivalent harness method, the effect of electromagnetic pulse radiation on the vehicle harness is studied using CST ( Computer Simulation Technology). The influence of the number of vehicle cables on the electromagnetic coupling effect of the harness is analyzed. By controlling the variables, we changed the number of cables in the harness and observed the maximum value of the coupling voltage in the harness. We also studied the maximum coupling voltage and current in the harness by varying the cable size and load resistance. The simulation results show that the peak value of the coupling voltage decreases linearly with an increase in the number of cables and increases linearly with an increase in cable size. The peak value of the coupling current decreases with an increase in load resistance, which follows a power series relationship. Finally, we combined the simulation results and fitted the maximum coupling voltage and current under different parameters, drawing a conclusion about the relationship between them, which provides a reference for the electromagnetic protection of vehicle wiring harnesses. 
Related Articles | Metrics
Detection Method of Residual Oil Edge with Improved Multi-Directional Sobel Operator
ZHAO Ya, CHENG Lulu, BAI Yujie, YANG Haixu
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 700-709.  
Abstract218)      PDF(pc) (4504KB)(231)       Save
In order to improve the quality and accuracy of residual oil edge detection, a method of residual oil edge detection with improved multi-direction Sobel operator is proposed. The improved bilateral filtering method is used to remove the image noise of the microscopic residual oil distribution, so as to achieve the purpose of edge preserving and denoising. Combined with Otsu algorithm, the optimal threshold of the residual oil image can be obtained adaptively. The amplitude and direction of the gradient of the remaining oil image are calculated by using the Sobel operator with the amplitude of 3×3 in the four improved directions. Non-maximum suppression algorithm is used to filter out the pseudo-edge pixels to obtain the final remaining oil edge detection image. The experimental results show that the proposed method can accurately detect the information of residual oil edge in the microscopic residual oil distribution image while removing the noise of the image.
Related Articles | Metrics
Method for Recognizing Anomalous Data from Bridge Cable Force Sensors Based on Deep Learning
LIU Yu, WU Honglin, YAN Zeyi, WEN Shiji, ZHANG Lianzhen
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 847-855.  
Abstract217)      PDF(pc) (3074KB)(278)       Save
Bridge sensor anomaly detection is a method based on sensor technology to monitor the status of bridge structure in real time. Its purpose is to discover the anomalies of the bridge structure in time and recognize them to prevent and avoid accidents. The author proposes an abnormal signal detection and identification method for bridge sensors based on deep learning technology, and by designing an abnormal data detection algorithm for bridge sensors based on the LSTM (Long Short-Term Memoy) network model, it can realize the effective detection of the abnormal data location of the bridge cable sensor, and the precision rate and recall rate of the abnormal data detection can reach 99. 8% and 95. 3%, respectively. By combining the deep learning network and the actual working situation of bridge sensors, we design the abnormal classification algorithm of bridge cable-stayed force sensor based on CNN(Convolution Neural Networks) network model to realize the intelligent identification of 7 types of signals of bridge cable-stayed force sensor data, and the precision rate of identification of multiple abnormal data types and the recall rate can reach more than 90%. Compared with the current bridge sensor anomaly data detection and classification methods, the author's proposed method can realize the accurate detection of bridge sensor anomaly data and intelligent identification of anomaly types, which can provide a guarantee for the accuracy of bridge sensor monitoring data and the effectiveness of later performance index identification. 
Related Articles | Metrics
Urban Traffic Flow Prediction Considering Spatiotemporal Information Based on GCN and LSTM
LI Zhengnan , ZHAO Zhihui
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 187-184.  
Abstract216)      PDF(pc) (1877KB)(213)       Save

The current intelligent prediction methods for traffic flow have not analyzed and considered the spatiotemporal correlation of the road network. We conduct research and improvement to address this issue by adding spatiotemporal correlation information to the intelligent prediction methods to solve the problem of reduced prediction accuracy caused by the lack of spatiotemporal information. The spatiotemporal correlation of the urban road network is analyzed by combining the map connection of the traffic network and the vehicle traffic delay. Considering the spatiotemporal correlation of urban traffic, based on the GCN( Graph Convolutional Neural)

network and LSTM ( Long Short-Term Memory) network methods, the urban traffic flow prediction method considering spatiotemporal information based on GCN and LSTM is studied. Urban traffic flow prediction network is optimized and trained by using the open source urban traffic flow dataset. The performance of LSTM, BiLSTM (Bidirectional Long Short-Term Memory) network and different number of nodes in solving the traffic flow prediction problem is compared. The results of this research show that the proposed method can effectively predict urban traffic flow, and the accuracy of the proposed method is improved compared with the prediction method without considering spatiotemporal information. This research can provide a theoretical reference for traffic prediction in intelligent transportation systems.

Related Articles | Metrics
Algorithm for Defect Detection of Steel Surface Based on YOLOv8-DSG
ZOU Yanyan, CAO Yanfen, ZHANG Xinyue, LI Zhi, CUI Shilong
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 116-125.  
Abstract214)      PDF(pc) (3813KB)(245)       Save

At the traditional image processing algorithms for the detection of steel surface defects, there are problems such as low recognition efficiency and a high false detection rate of leakage. The YOLOv8-DSG (Deformable Convolution Network Squeeze and Excitation Network Generalized Intersection over Union) steel surface defect detection algorithm is proposed. Based on the traditional YOLOv8 algorithm, several improvements are made. Firstly, the DCN ( Deformable Convolutional Network) is embedded in the C2f ( Convolution to Feature) module of the Backbone network, which enhances the feature extraction ability of the model under

complex background conditions. Secondly, the SE ( Squeeze and Excitation network ) attention module is introduced into the Neck network, which highlights the important feature information of the steel surface and enhances the richness of the feature fusion. Lastly, the GIOU ( Generalized Intersection Over Union) loss function is used instead of the original CIOU(Complete Intersection Over Union). Compared with CIOU, GIOU introduces the minimum enclosing frame area ratio, which can more accurately measure the overlapping area of the frames. The experimental results show that the YOLOv8-DSG algorithm achieves an average accuracy mAP of

80% on the NEU-DET dataset, which is 3. 3% higher compared to the original YOLOv8 algorithm. And it has a low rate of misdetection and omission, demonstrating higher detection accuracy and arithmetic efficiency. This algorithm can play an important role in quality inspection.

Related Articles | Metrics
Research on Partial Shading of Photovoltaic MPPT Based on PSO-GWO Algorithm
XU Aihua, WANG Zhiyu, JIA Haotian, YUAN Wenjun
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 781-789.  
Abstract212)      PDF(pc) (2930KB)(263)       Save
 Under local shading conditions, the power-voltage characteristic curves of photovoltaic arrays show multiple peaks, and traditional population intelligence optimization suffers from slow convergence, large oscillation amplitude and the tendency to fall into local optimality. To address the above problems, an MPPT (Maximum Power Point Tracking)control method based on the PSO-GWO(Particle Swarm Optimization-Grey Wolf Optimization) algorithm is proposed. The algorithm introduces a convergence factor that varies with the cosine law to balance the global search and local search ability of the GWO algorithm; the PSO algorithm is introduced to improve the information exchange between individual grey wolves and their own experience. Simulation results show that the proposed PSO-GWO algorithm not only converges quickly under local shading conditions, but also has a smaller power output oscillation amplitude, effectively improving the maximum power tracking efficiency and accuracy of the PV(Photovoltaic) array under local shading conditions. 
Related Articles | Metrics
Research on Source Code Plagiarism Detection Based on Pre-Trained Transformer Language Model
QIAN Lianghong, WANG Fude, SUN Xiaohai
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 747-753.  
Abstract212)      PDF(pc) (1338KB)(375)       Save
To address the issue of source code plagiarism detection and the limitations of existing methods that require a large amount of training data and are restricted to specific languages, we propose a source code plagiarism detection method based on pre-trained Transformer language models, in combination with word embedding, similarity and classification models. The proposed method supports multiple programming languages and does not require any training samples labeled as plagiarism to achieve good detection performance. Experimental results show that the proposed method achieves state-of-the-art detection performance on multiple public datasets. In addition, for scenarios where only a few labeled plagiarism training samples can be obtained, this paper also proposes a method that combines supervised learning classification models to further improve detection performance. The method can be widely used in source code plagiarism detection scenarios where training data is scarce, computational resources are limited, and the programming languages are diverse.
Related Articles | Metrics
Optimization Study of Dynamic Wireless Charging Curve Mutual Sensing Based on Long Track Type
FU Guangjie, LIU Ruixuan
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 645-653.  
Abstract212)      PDF(pc) (4491KB)(190)       Save
A modified receiving coil derived from the BP( Bipolar Pad) coil structure is proposed to address the problem of mutual inductance dips and increased mutual inductance fluctuations in the process of wireless charging of dynamic electric vehicles using magnetically coupled resonant radio energy transmission technology during straight-line driving and turning. The modified coil solves the problem of reduced effective area of positive pair coupling caused by decoupling of conventional BP coils by means of double coils fitted to the inner and outer diameter of the track respectively, and Ansys / Maxwell software is used to carry out simulation to find out the reasonable design position and relative size of the compensation coil. The experimental data shows that the new receiver coil can suppress the mutual inductance fluctuation and enhance the mutual inductance value to a certain extent, in the process of turning and driving in a straight line. The peak mutual inductance fluctuation rate is 5. 1% , and the maximum mutual inductance reception is 28. 7% higher than that of the traditional BP coil.
Related Articles | Metrics
Strongly Robust Data Security Algorithms for Edge Computing 
LIU Yangyang, LIU Miao, NIE Zhongwen
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 937-942.  
Abstract212)      PDF(pc) (1195KB)(185)       Save
The use of distributed deployment of sensors will lead to the edge of the server data distribution single imbalance phenomenon, the model training under edge computing can also result in serious privacy leakage problem due to the data set pollution caused by gradient anomaly. RDSEC(Strongly Robust Data Security Algorithms for Edge Computing) is proposed, encryption algorithm is used to encrypt the parameters of the edge server to protect privacy. If an anomaly is found in the gradient anomaly detection of the edge node, the edge node uploads the gradient with a signal to tell the cloud center if the current parameters uploaded by the edge node are available. The experimental results on CIFAR10 and Fashion data sets show that the algorithm can efficiently aggregate the parameters of edge servers and improve the computing power and accuracy of edge nodes. Under the condition of ensuring data privacy, the robustness, accuracy and training speed of the model are greatly improved, and the high accuracy of edge node is achieved. 
Related Articles | Metrics
Dynamic Bandwidth Allocation Strategy Based on Extensible TTI in Warning Information Dissemination
XIE Yong , WU Shiyu , LI Tian , YAO Zhiping , XU Xin
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 217-225.  
Abstract212)      PDF(pc) (2391KB)(453)       Save
To effectively reuse URLLC(Ultra-Reliable Low-Delay Communications) and eMBB(enhanced Mobile Broad Band) on the same carrier band and improve the performance of the hybrid traffic system, a dynamic bandwidth allocation strategy based on scalable transmission time interval is proposed. The system bandwidth is dynamically divided according to the traffic type. URLLC scheduling priority is promoted in time domain. And in the frequency domain, different lengths of TTI ( Transmission Time Interval) are adopted to carry out user- centered wireless resource allocation. The dynamic system-level simulation shows that, compared to the traditional wireless resource allocation algorithm, the proposed scheme can effectively meet the delay requirements of URLLC users and optimize the throughput consumption of eMBB users under different load levels. The maximum delay gain of URLLC users is 83. 8% . The quality of service for different types of traffic in the 5G hybrid traffic system is satisfied.
Related Articles | Metrics
LPP Algorithm Based on Spatial-Spectral Combination
ZOU Yanyan, TIAN Niannian
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 550-558.  
Abstract210)      PDF(pc) (7189KB)(258)       Save
Aiming to the problem that the original manifold learning algorithm only utilizes spectral characteristics without incorporating spatial information, a locality preserving projections algorithm based on spatial-spectral (SS-LPP: Spatial-Spectral Locality Preserving Projections) union is proposed. Firstly, the weighted mean filtering algorithm is used to filter the dataset, fuse the spatial information with the spectral information, and eliminate the interference of noise, to increase the smoothness of similar data. Then, the label set is used to construct intra-graph and inter-graph. Through the intra-graph and inter-graph, identification features can be effectively extracted, and the classification performance can be improved. The effectiveness of the algorithm is verified on the Salinas dataset and the PaviaU dataset. Experimental results show that the algorithm can effectively extract data features and improve the accuracy of classification.
Related Articles | Metrics
Intelligent Recognition Method for Occluded Faces Based on Improved Gabor Algorithm
WANG Xiao, LIANG Rui
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 683-689.  
Abstract209)      PDF(pc) (2900KB)(217)       Save
To improve the recognition accuracy of occluded faces, an intelligent recognition method for occluded faces based on the improved Gabor algorithm is proposed. Firstly, the dynamic range of facial images is compressed and the anti sharpening mask filtering algorithm is selected for image enhancement processing. Secondly, Gabor filters are used to extract features from half faces with relatively complete information preservation and high brightness. Finally, the extracted Gabor features are input into an extreme learning machine to achieve intelligent recognition of occluded faces. The experimental results show that the proposed method has good processing performance for occluded facial images, and the processed facial image recognition has high accuracy and short recognition time.
Related Articles | Metrics
Design and Implementation of Image Processing SoC Based on Coretx-M3
LIU Yijun, ZHANG Heling, MEI Haixia, WANG Lijie
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 26-33.  
Abstract209)      PDF(pc) (2953KB)(171)       Save

A single embedded processor is difficult to efficiently complete the massive computing tasks such as image processing. Therefore, a set of SoC(System on Chip) with image processing function is designed based on FPGA(Field-Programmable Gate Array) and Coretx-M3 processor kernel. Based on Xilinx’s Kintex-7 FPGA and Arm’s Cortex-M3 kernel, the processor architecture is implemented on FPGA. The memory, bus system and basic peripherals are designed using IP(Internet Protocol) core and Verilog, and are connected to the processor through the bus. The image processing unit is designed, and the commonly used digital image processing

algorithm is mapped to the hardware description language. And the bus interface is designed to connect to the processor, providing the image processing capability for SoC. Based on Keil MDK tool and C language, the drivers for the peripheral and image processing unit of SoC are written, and the system function is simulated. And the digital image processing based on Matlab and the image processing unit in SoC are fully compared and tested by taking the binarization algorithm as an example. This image processing SoC has excellent performance and all the advantages of FPGA and SoC. The author has successfully developed a SoC with image processing function based on FPGA platform. The system is board-validated on Xilinx’s Kintex-7 family, model XC7K325TFFG676-2 FPGAs. This design reflects the high flexibility and efficiency of the system designed on FPGA platform, and provides a solution to solve the disadvantages of a single embedded processor that is difficult to efficiently complete the massive computing tasks such as image processing. The system is designed based on a reconfigurable platform, which can realize the customization of peripheral functions according to requirements, and has the advantage of higher flexibility.

Related Articles | Metrics
Online Environment Construction of Computer Basic Experiments Based on Docker
LI Huichun, LIANG Nan, HUANG Wei, LIU Ying
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 754-759.  
Abstract207)      PDF(pc) (1177KB)(1385)       Save
Under the current situation of normalized management of epidemic situation, in order to ensure the normal development of computer experiment courses in colleges and universities, a virtual laboratory for computer basic experiments is established based on Docker technology. Students can access the server through a browser to obtain an independent experimental environment. The Docker-Compose tool is used to create, open, stop, delete and other multi-dimensional management of students' experimental environments, and to ensure their performance, which is equivalent to moving the offline laboratories online. This scheme can meet the needs of online computer basic experiments and provide high-quality experimental services for corresponding theoretical teaching.
Related Articles | Metrics
Sensorless Speed Control Based on Improved SMO
FU Guangjie, MAN Fuda
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 277-283.  
Abstract207)      PDF(pc) (2960KB)(794)       Save
 In response to the chattering phenomenon that traditional SMO(Sliding Mode Observer) faces during switching functions, novel sliding mode observer using saturation function instead of switching function is proposed to weaken chattering. In the process of extracting position information, a phase-locked loop is selected to replace the traditional arctangent method, there by improving the observation accuracy of PMSM(Permanent Magnet Synchronous Motor) rotor position. In the Matlab environment, by comparing traditional SMO and new SMO, it can be observed that the speed error of the rotor has increased by about 14 r/ min, and the position error of the rotor has increased by about 0. 03 rad.
Related Articles | Metrics
Interpolation Algorithm for Missing Values of Incomplete Big Data in Spatial Autoregressive Model
LIU Xiaoyan, ZHAI Jianguo
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 312-317.  
Abstract206)      PDF(pc) (1333KB)(494)       Save
Incomplete big data, due to its irregular structure, has a large amount of computation and low interpolation accuracy when interpolation misses values. Therefore, a missing value interpolation algorithm for incomplete big data based on spatial autoregressive model is proposed. Using a migration learning algorithm to filter out redundant data from the original data under dynamic weights, to distinguish abnormal data from normal data, and to extract incomplete data. Using least square regression to repair the incomplete data. The missing value interpolation is divided into three types, namely, first order spatial autoregressive model interpolation, spatial autoregressive model interpolation, and multiple interpolation. The repaired data is interpolated to the appropriate location according to the actual situation, implementing incomplete big data missing value interpolation. Experimental results show that the proposed method has good interpolation ability for missing values. 
Related Articles | Metrics
Multi-Scenario Robustness Evaluation Method of Power Artificial Intelligence Index Algorithm Model 
HUANG Yun , DONG Tianyu
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 162-167.  
Abstract205)      PDF(pc) (1920KB)(291)       Save
To address the shortcomings of traditional model robustness evaluation methods, such as low description consistency and difficulty in obtaining accurate scene matching data, a new power artificial intelligence index algorithm model of multi scenario robustness evaluation method is proposed. The multi scene data is extracted, the disturbance range interval of multi scene data in local space is set, the interval movement distance of spatial range is controlled, and the data acquisition results of sample points within the interval range are predicted. The basic feature parameters of the algorithm model are input, the multiple scene data is selected to obtain distance range values while increasing the input parameter dimension, and the initial data evaluation operations are performed based on the selected values. Based on the characteristics of uncertain control objectives, conduct data foundation analysis to ensure that the system is in a stable state and maintains its dynamic characteristics. Effectively analyze the differences between different system parameters, construct a range of deviation values, judge the multi scenario characteristics of the algorithm model, and achieve data evaluation. The experimental results show that the multi scenario robustness evaluation method of the electric power artificial intelligence index algorithm model can effectively transform the coordinates of sampling points, ensure the invariance of multi scenario sampling point data images, overcome the problem of scene data rotation sensitivity, and improve response speed. Compared with traditional evaluation methods, the proposed evaluation method has strong advantages in interference robustness and affine deformation robustness. 
Related Articles | Metrics
Research on Impedance Matching of Electric Vehicles Based on S / S Compensation Network
FU Guangjie, LIU Hui
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 38-44.  
Abstract204)      PDF(pc) (1759KB)(272)       Save
To achieve optimal efficiency and constant voltage output when the electric vehicle is charged wirelessly even after the load resistance value is changed, a synchronous Sepic converter is connected on the load side to identify different load resistance values, and impedance matching is performed by changing the duty cycle to achieve optimal transmission efficiency. The phase shift angle of therectifier is closed-loop controlled using a phase shift full bridge to achieve constant voltage output. Finally, simulation experiments using Matlab / Simulink software demonstrates the feasibility of this impedance-matching method and closed-loop control scheme.
Related Articles | Metrics
Quantitative Assessment Algorithm for Security Threat Situation of Wireless Network Based on SIR Model
HU Bin, MA Ping, WANG Yue, YANG Hao
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 710-716.  
Abstract204)      PDF(pc) (1732KB)(376)       Save
To ensure network security and timely control the security situation, a security threat quantification assessment algorithm is proposed for wireless networks based on susceptible, infected, and susceptible infected recovered models. Asset value, system vulnerability, and threat are selected as quantitative evaluation indicators. Value and vulnerability quantification values are obtained based on the security attributes of information assets and the agent detection values of host weaknesses, respectively. Based on the propagation characteristics of the virus, the SIR ( Susceptible Infected Recovered) model is improved, the propagation characteristics of the virus are analyzed. A quantitative evaluation algorithm for wireless network security threat situation is established based on the quantification of three indicators, and the obtained situation values is used to evaluate the network security situation. The test results show that the security threat situation values of the host and the entire wireless network evaluated by this method are highly fitted with the expected values, and the evaluation time is shorter. It can be seen that the proposed algorithm has good evaluation accuracy and real-time performance, which can provide effective data basis for network security analysis and provide reliable decision- making support to administrators in a timely manner.
Related Articles | Metrics
 Improved Decision Tree Algorithm for Big Data Classification Optimization 
TANG Lingyi, TANG Yiwen, LI Beibei
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 959-965.  
Abstract204)      PDF(pc) (2820KB)(193)       Save
Due to the complex structure and features of current massive data, big data exhibits unstructured and small sample characteristics, making it difficult to ensure high accuracy and efficiency in its classification. Therefore, a big data classification optimization method is proposed to improve the decision tree algorithm. A fuzzy decision function is constructed to detect sequence features of big data, and these features inputted into a decision tree model to mine and train rules. The decision tree model is improved using grey wolf optimization algorithm. The big data is classified using the improved model, and then a classifier accuracy objective function is established to achieve accurate classification of big data. The experimental results show that the proposed method achieves the highest accuracy in classification results and the lowest false positive case rate, ensuring the overall high throughput of the algorithm and improving its classification efficiency.
Related Articles | Metrics
Research on Application of Artificial Intelligence in Personalized Learning Systems
HAN Chengzhe, CI Xuan
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1176-1182.  
Abstract204)      PDF(pc) (813KB)(374)       Save
With the development of Internet technology, the application of AI(Artificial Intelligence) technology in education has become a key trend of educational innovation. The research focuses on the role of AI in key areas such as classroom teaching optimization, student evaluation, exam assessment, and teacher training. By analyzing existing AI education products, summarizing the current application status of AI in the field of education, and looking forward to future development trends. The results indicate that AI technology can significantly improve teaching efficiency, achieve intelligent analysis of students’ learning situations, and provide personalized teaching support. In addition, AI has shown great potential in the allocation of educational resources and the analysis of learner characteristics, which can help achieve personalized and precise education. Although there are challenges in terms of application scope, research and development efforts, and application modes, the in-depth application of AI technology is expected to promote the development and progress of the education industry.
Related Articles | Metrics
Missing Value Interpolation Algorithm of Unstructured Big Data Based on Transfer Learning 
YAN Yuanhai, YANG Liyun
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 372-377.  
Abstract202)      PDF(pc) (1394KB)(390)       Save
Due to the complexity of digital information, massive and multi-angle unstructured big data, and external interference, data structure damage and other factors cause its information loss, a missing value interpolation algorithm for unstructured big data based on transfer learning is proposed. Through the migration learning algorithm, the missing parts of unstructured big data are predicted, and the naive Bayesian algorithm is used to classify data features, to measure the weight value between attributes, to clarify the feature difference vector of data categories, and to identify the degree of feature difference. The kernel regression model is used to implement nonlinear mapping for the missing part of the data, and the polynomial change coding is used to describe the cross-space complementary condition of the data, completing the interpolation of the missing value of unstructured big data. The experimental results show that the proposed algorithm can effectively complete the interpolation of missing values of unstructured large data, has good interpolation effect and can improve the interpolation accuracy.
Related Articles | Metrics
Dynamic Imaging Smooth Transition Design of Simulation System Based on Hermite Interpolation
CHEN Chuang , , PU Xin , LI Angxuan , , TAO Guanghui
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 522-530.  
Abstract201)      PDF(pc) (5219KB)(366)       Save
In response to the demand for simulation effects consistent with real hardware, a smooth transition method is proposed to enhance the imaging effects of the entire simulation system. By analyzing visual persistence effects and system imaging delays, a two-point third-order Hermite interpolation is used to handle smooth transition time and imaging color respectively. Through comparative experiments, the results demonstrate that this method can adaptively smooth the imaging of the entire simulation system, thereby having solved issues such as real-time dynamic imaging flicker and instability. The significance of this method lies in enhancing the imaging quality of the virtual 3D simulation experimental system for embedded microcontrollers, improving the visual effects of embedded microcontroller 3D simulation, and mitigating the impact of problems such as abrupt changes and artifacts. The significant application value of a virtual 3D simulation experimental system for embedded microcontrollers in the fields of education and design is presented.
Related Articles | Metrics
Flow Prediction of Oilfield Water Injection Based on Dual Attention Mechanism CNN-BiLSTM
LI Yanhui, Lv Xing
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 625-631.  
Abstract201)      PDF(pc) (1848KB)(299)       Save

Efficient and accurate water injection flow prediction can help oilfield departments formulate reasonable production plans, reduce the waste of resources, and improve the injection-production rate of the oilfield. RNN( Recurrent Neural Networks) in deep learning is often used for time series prediction, but it is difficult to extract features from historical series and can not highlight the impact of key information. Early information is also easy to lose when the time series is too long. A method of oilfield water injection flow prediction based on dual attention mechanism CNN ( Convolutional Neural Networks)-BiLSTM ( Bi-directional Long Short-Term Memory) is proposed. Taking the historical water injection data of the oilfield as the input, the CNN layer extracts the characteristics of the historical water injection data, and then enters the feature attention mechanism layer. The corresponding weights are given to the features by calculating the weight value. The key features are easier to get large weights, and then have an impact on the prediction results. The BiLSTM layer models the time series of data and introduces the time step attention mechanism. By selecting the key time step and highlighting the hidden state expression of the time step, the early hidden state will not disappear with time,

which can improve the prediction effect of the model for long time series, and finally complete the flow prediction. Taking public datasets and oilfield water injection data from a certain region in southern China as examples, and comparing them with MLP ( Multilayer Perceptron), GRU ( Gate Recurrent Unit), LSTM ( Long Short Term Memory), BiLSTM, CNN, it is proven that this method has higher accuracy in oilfield water injection flow prediction, can help oilfield formulate production plans, reduce resource waste, and improve injection recovery rate, and has certain practical engineering application value.

Related Articles | Metrics
Target Tracking Algorithm for Satellite Electromagnetic Detection Based on Twin Networks 
WANG Geng
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 393-399.  
Abstract199)      PDF(pc) (1483KB)(264)       Save
To improve the stability and accuracy of satellite electromagnetic detection target tracking, a twin network based satellite electromagnetic detection target tracking algorithm is proposed to avoid the tedious target acquisition process. Firstly, a multi-satellite scheduling model is established for electromagnetic detection satellites, matching suitable satellites and working modes for electromagnetic detection targets, in order to complete the collection of target electromagnetic signals. Secondly, a twin network is used to train the target signal, obtaining the electromagnetic feature information and true position information of the target by eliminating interfering clutter in the target signal. Finally, a particle filter algorithm is used to achieve stable tracking of satellite electromagnetic detection targets. The test results show that the proposed algorithm can effectively improve the efficiency of target tracking, and has high stability and accuracy.
Related Articles | Metrics
Design of Fishing Net Sewing Robot Based on P100
ZHOU Jiaxin, HAI Rui, LIN Binqing, WANG Yuqi, WAN Yunxia
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 760-766.  
Abstract197)      PDF(pc) (4899KB)(323)       Save
Traditional manual repair of fishing nets is inefficient and costly. To solve the problem of traditional manual repair of fishing nets, a robotic arm that can automatically sew fishing nets is designed. The robotic arm is mainly controlled by STM32F103C8T6, and its functions are achieved through infrared sensor module, motor actuator module, and communication module. The infrared sensor module is responsible for detecting the position of damaged fishing nets. The motor actuator module drives the motors in six axis to flexibly send the sewing device to the preset node, and the communication module is responsible for transmitting the detected information of damaged fishing nets to the controller for processing. After practical testing, the designed robotic arm can achieve high-precision, fast, and effective automatic sewing of fishing nets. Compared with traditional manual repair methods, this automatic repair technology improves the efficiency and quality of fishing net repair, reduces labor costs, and has obvious advantages.
Related Articles | Metrics
Biconditional Generative Adversarial Networks for Joint Learning Transmission Map and Dehazing Map
WAN Xiaoling, DUAN Jin, ZHU Yong, LIU Ju, YAO Anni
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 600-609.  
Abstract196)      PDF(pc) (7177KB)(384)       Save
To address the problem of significantly degraded image quality in hazy weather, a new multi-task learning method is proposed based on the classical atmospheric scattering model. This method aims to jointly learn the transmission map and dehazed image in an end-to-end manner. The network framework is built upon a new biconditional generative adversarial network, which consists of two improved CGANs( Conditional Generative Adversarial Network). The hazy image is inputted into the first stage CGAN to estimate the transmission map. Then, the predicted transmission map and the hazy image are passed into the second stage CGAN, which generates the corresponding dehazed image. To improve the color distortion and edge blurring in the output image, a joint loss function is designed to enhance the quality of image transformation. By conducting qualitative and quantitative experiments on synthetic and real datasets, and comparing with various dehazing methods, the results demonstrate that the dehazed images produced by this method exhibit better visual effects. The structural similarity index is measured at 0. 985, and the peak signal-to-noise ratio value is 32. 880 dB.
Related Articles | Metrics
Mathematical Model for Optimizing D2D Communication of Channel Allocation Based on KM Algorithm
HU Junhua
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1004-1010.  
Abstract195)      PDF(pc) (1859KB)(83)       Save
Aiming at the poor effect of D2D ( Device-to-Device) communication channel allocation, an optimization mathematical model of D2D communication channel allocation based on KM (Kuhn Munkras) algorithm is proposed. Based on the model of D2D communication system, the transmission rate of D2D communication channel is calculated, and the variables in the system are expressed in a two-dimensional coordinate system. A linear planning diagram is constructed, according to which the optimal transmission power of D2D users is solved. Based on KM ( Kuhn Munkras) algorithm, the mathematical model of D2D communication channel allocation optimization is established to realize D2D communication channel allocation. The experimental results show that the practical application effect of D2D communication channel allocation optimization mathematical model is better, and the throughput of communication system is greater.
Related Articles | Metrics
Coverage Optimization Algorithm in UAV-Aided Maritime Internet-of-Things
YUAN Yi , HUANG Zhen
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 387-392.  
Abstract195)      PDF(pc) (1844KB)(290)       Save
To increase the coverage of MIoTs(Maritime Internet-of-Things) devices, a coverage Optimization algorithm based on Deployment of MEC-UAV(UMCO: MEC-UAV-based Coverage Optimization algorithm) is proposed. In UMCO, MEC(Mobile Edge Computing) empowered UAVs(Unmanned Aerial Vehicles) is used to meet the network coverage demand for MIoT, and to maximize the network profit. We formulate a problem of joint MEC-UAVs deployment and their association with MIoT devices as an ILP(Integer Linear Programming) to maximize the network profit. An iterative algorithm is developed based on the Bender decomposition to solve the ILP. Finally, numerical results demonstrate that the proposed UMCO algorithm achieves a near-optimal solution.
Related Articles | Metrics
Research on Method of Engine Fault Diagnosis Based on Improved Minimum Entropy Deconvolution 
LI Jing
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 901-907.  
Abstract194)      PDF(pc) (1735KB)(154)       Save
In the process of 3D reconstruction of digital images, problems such as noise and distortion in the original data lead to low efficiency and accuracy of feature matching. To address this issue, a 3D digital image reconstruction method based on SIFT(Scale-Invariant Feature Transform) feature point extraction algorithm is proposed. The Bilateral filter algorithm is used to eliminate the environmental noise in the digital image, retain the edge information of the digital image, and improve the accuracy of feature point extraction. The SIFT algorithm is used to obtain feature point pairs. Using this feature point pair as the initial patch, a dense matching method for spatial object multi view images is used to achieve 3D reconstruction of digital images. The experimental results show that the proposed method has high feature matching efficiency and accuracy and strong noise reduction ability. The average time required for generating 3D reconstructed images is 26. 74 ms. 
Related Articles | Metrics
Vessel Image Segmentation Based on Multi-Directional Features and Connectivity Detection
DOU Quansheng, LI Bingchun, LIU Jing, ZHANG Jiayuan
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 690-699.  
Abstract193)      PDF(pc) (2212KB)(219)       Save
Fundus images often contain a large number of small blood vessels with significant noise interference and blurred boundaries, making segmentation challenging. To address these characteristics, a fundus image segmentation method called MDF _Net&CD ( Multi-Directional Features neural Network and Connectivity Detection) is proposed, based on multidirectional features and connectivity detection. A deep neural network model, MDF_Net( Multi-Directional Features neural Network), is designed to take different directional feature vectors of pixels as input. MDF_Net is used for the initial segmentation of the fundus images. A connectivity detection algorithm is proposed to revise the preliminary segmentation results of MDF _ Net, according to the geometric characteristics of blood vessels. In the public fundus image dataset, MDF_Net&CD is compared with recent representative segmentation methods. The experimental results show that MDF_Net&CD can effectively capture the detailed characteristics of pixels, and has a good segmentation effect on irregular, severely noisy, and blurred boundaries of small blood vessels. The evaluation indices are balanced, and the sensitivity, F1 score, and accuracy are better than other methods participating in the comparison.
Related Articles | Metrics
Recognition Method of Improved OCR Table Structure for SLANet
CAO Maojun, LI Yue
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 98-106.  
Abstract193)      PDF(pc) (3692KB)(215)       Save

Traditional methods for identifying table structures are difficult to fully learn complex table structures such as merge cells with multiple rows and columns, blank cells, nested cells, and are lack of information in the process of extracting features. An OCR(Optical Character Recognition) table structure identification method based on improved SLANet (Structure Location Alignment Network) is proposed. Firstly, the lightweight CPU (Central Processing Unit) convolutional neural network is used and attention mechanism is introduced to enhance the generalization ability and explanation ability of the network. The information vector obtained by training is

inputed into the lightweight high-low level feature fusion module to extract features, and then the outputted features are aligned with the structure and position information through the feature decoded module to obtain the prediction label. Experiments show that compared to EDD ( Encoder-Dual-Decoder), TableMaster and other models, the accuracy of the proposed method has been significantly improved, reaching 76. 95% , and the TEDS (Tree-Edit-Distance-based Similarity) has reached 95. 57% , which significantly enhances the model’s ability to identify complex table structures and provides an optimization strategy for identifying table structures.

Related Articles | Metrics
Research on Dynamic Load Balancing Algorithm of Digital Trunking Based on Kent Map
CHEN Jingtao, ZHU Dawei, QIAN Qi
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 326-332.  
Abstract191)      PDF(pc) (1742KB)(270)       Save
Dynamic load balancing is an indispensable link to ensure the normal operation of digital trunking system, but it is easy to be disturbed by communication failures and other problems in the control process. Therefore, a dynamic load balancing algorithm for digital trunking based on Kent mapping is proposed. The virtual machine system based on cloud platform collects data information such as the number of node connections, response time, dynamic load of the digital cluster, and analyzes the load of the digital cluster system. Secondly, a resource utilization model of digital trunking is constructed, and the resource utilization of digital trunking is obtained by solving the model with the Grey Wolf algorithm based on Kent map. Finally, the resource utilization rate is input into the LQR( Linear Quadratic Regulator) control loop, and the dynamic load balancing of the digital cluster is realized by controlling the migration of the server. The experimental results show that the digital trunking processed by the proposed algorithm has short response time, large fitness value, and strong fault tolerance ability.
Related Articles | Metrics
Research on Unloading Strategy Optimization of Air-Ground Cooperative Moving Edge Computing
ZHANG Guanghua, SHAN Mi, WAN Enhan
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 203-212.  
Abstract190)      PDF(pc) (2536KB)(182)       Save
In traditional mobile edge computing systems, users face issues such as communication channel interruptions caused by dense obstacles and terrain structures, and under-utilization of idle system resources.These issues make it challenging to complete intensive computing tasks with low delay and power consumption.To address this, a UAV(Unmanned Aerial Vehicle)-assisted terminal pass-through collaborative mobile edge computing system is established. In this system, the computing user offloads part of the task to the idle user by establishing a direct connection link on the ground. The idle user uses their computing resources to assist with the calculation while offloading the remaining tasks to the UAV configured with a mobile edge computing server.A mathematical model of this new system is established, and a computational offloading strategy based on the deep deterministic policy gradient algorithm is proposed. This strategy optimizes the dual offloading rate and the maneuverability of the UAV to minimize the processing delay of computing tasks, under the constraints of UAV power and user movement range. Simulation tests in a simulated continuous state space environment show that the proposed offloading computing strategy optimization scheme can efficiently use resources in the collaborative network and effectively reduce task processing delay compared to other baseline algorithms.
Related Articles | Metrics
Application of Artificial Intelligence in Medical Imaging Teaching
BAO Lei, MIAO Zheng, BIAN Linfang, SUN Shengbo, GONG Jiaqi, LIU Wenyun, DOU Le, CHEN Zhongping, MENG Fanyang, TENG Yan, SUN Ye, JI Tiefeng, ZHANG Lei
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 412-421.  
Abstract189)      PDF(pc) (922KB)(578)       Save
AI(Artificial Intelligence) plays an important role in medical imaging education, driving innovation in teaching methods and medical education. With the continuous development of AI technology, especially breakthroughs in deep learning, image recognition, and natural language processing, AI is gradually demonstrating its unique advantages in the field of medical imaging education. AI helps students and healthcare professionals quickly identify disease features, and provides automated image analysis results, allowing learners to intuitively understand the imaging manifestations of different diseases. It enhances the interactivity and practicality of learning. AI can offer personalized learning paths recommending relevant educational content or exercises based on the student’s progress and understanding, ensuring that learners receive tailored educational services. The efficiency and accuracy of AI assist students in better comprehending complex medical imaging content improving learning outcomes. However, AI in medical imaging education also faces certain challenges.As technology continues to advance, AI will play a more significant role in medical imaging education. Future educational systems are likely to become more intelligent, integrating technologies such as virtual reality and augmented reality to provide students with a more immersive learning experience.
Related Articles | Metrics
Research on Distributed Data Fault-Tolerant Storage Algorithm Based on Density Partition 
WENG Jinyang, ZHU Tiebing, BAI Zhian
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 67-73.  
Abstract189)      PDF(pc) (1909KB)(148)       Save
 In order to ensure data security and alleviate data storage, a distributed data fault-tolerant storage algorithm based on density partitioning is proposed. High-density data areas of distributed data are filtered, highly similar targets are divided into different areas, the density distribution of data is described through data source sample points, the data elasticity is set, probability and data granularity is used to calculate the corresponding storage gradient and intensity index, and data storage gradient and data elasticity is introduced into information storage to complete distributed data fault-tolerant storage. Experiments show that the proposed algorithm has high fault tolerance, stable bandwidth throughput, small average path length, and can improve the security of network data. 
Related Articles | Metrics
Unknown Access Source Security Alert of Mobile Network Privacy Information Base
CAO Jingxin, LIU Zhouzhou
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 733-739.  
Abstract188)      PDF(pc) (1450KB)(242)       Save
Due to the large scale and variety of information data in the process of internet information security warning, the warning accuracy is low and the time is long. To improve the efficiency of early warning, a security warning for unknown access sources in mobile network privacy information databases is proposed. Principal component analysis method is used to reduce the dimensionality of information base data to reduce the difficulty of detection. The IMAP( Iterative Multivariate AutoRegressive Modelling and Prediction) algorithm is used to carry out data clustering processing, to extract discrete isolated data points, and complete the screening of unknown access source data in the information base. Unknown access source data is inputted into a support vector machine, a time window is used to transform the construction problem of the information base security warning model into a convex optimization problem of support vector machine learning. Security warning results are outputted, and globally optimize the construction parameters of the warning model are optimized to improve the warning output ability of the security warning model. The experimental results show that the proposed method has high security detection efficiency for information databases, and can achieve stable and accurate warning output in the face of multiple types of information database intrusion attacks.
Related Articles | Metrics
Research on Decoding Algorithm of Target LED Array for OCC System 
SUN Tiegang, CAI Wen, LI Zhijun
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 874-880.  
Abstract188)      PDF(pc) (2350KB)(61)       Save
 Camera is utilized to capture target LED (Light Emitting Diode) image in OCC(Optical Camera Communication) system, the performance degradation of OCC system occurs due to outdoor ambient light interference. The strong sunlight causes great difficulty in decoding at the receiving end of OCC system, in order to solve the problem a Gradient-Harris decoding algorithm based on piecewise linear gray transformation is proposed. A set of OCC experimental system is built, original images are captured by camera at the receiving end of OCC experimental system, and the target LED array region is extracted by standard correlation coefficient matching method. The image of target LED array region is enhanced by segmented linear gray transformation, a Gradient-Harris decoding algorithm is used for shape extraction and state recognition of target LED array. The experimental results show that the proposed Gradient-Harris decoding algorithm based on piecewise linear gray transform is effective for OCC experimental system in strong sunlight environment, the average decoding rate is 128. 08 bit/ s, the average bit error rate is 4. 38 x 10-4, and the maximum communication distance is 55 m. 
Related Articles | Metrics
Development of Lightweight Drilling Database System Based on RTOC
LIU Shanshan
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 143-153.  
Abstract187)      PDF(pc) (3597KB)(1006)       Save
In order to solve the problem that using traditional technologies such as Java and .NET to develop and deploy data services are complex and difficult to integrate with advanced cloud and container technologies, a lightweight 3D visualization data service solution for drilling based on Web is proposed, providing data interface support for front-end visualization applications. Based on NodeJS、 Angular TypeScript and other open source lightweight technologies, a lightweight drilling database system is designed, which can be used as an auxiliary tool for front-line technical managers and providing the most concerned data items in the fastest way with high efficiency and practicability. With the data loading tool, drilling technicians can easily load data into the database, including surface and seismic slices, measurements, events and well logs of blocks. And the system provides a comprehensive data security mechanism, including JWT ( JSON Web Token ) based identity authentication and JWE ( JSON Web Encripytion ) based data encryption, to ensure data security. The application results show that this solution can provide efficient data transmission services for drilling 3D visualization systems. 
Related Articles | Metrics
Research on Strong Stray Light Suppression Technology of Low-Light Level Digital Sighting Telescope
LIANG Guolong, ZHANG Mingchao, HUANG Jianbo, DING Hao, BAI Jing, ZHANG Yaoyu
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 81-85.  
Abstract186)      PDF(pc) (2590KB)(379)       Save
The low-light level digital sighting telescope encounters strong stray light interference, which causes imaging overexposure and submerges useful information in the image. To address this issue, a set of strong stray light suppression technology solutions is proposed. First, absorbance flannelette is pasted to the inner surface of the objective lens, and then several algorithms such as cumulative integration of adjacent images, histogram statistics, and wide dynamic gray enhancement are used in software image processing to suppress strong stray light. In outdoor environments with night sky illumination below 1 伊10 -3 lx, the experiment is conducted with added strong stray light interference. The results show that the technical solution can effectively suppress strong stray light and enhance image details, thereby improving image quality. The software runs based on FPGA(Field Programmable Gate Array), with a maximum processing time of 2 ms, meeting the real-time requirements of the system.
Related Articles | Metrics
Design of Robot Motion Error Compensation Algorithm Based on Improved Weight Function Distance
LI Xiaomei , HUANG Jianyong , ZHANG Zezhi
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 86-92.  
Abstract186)      PDF(pc) (1216KB)(321)       Save
In the process of assembly and production, due to certain errors in geometric parameters, the linkage and joints will inevitably have slight differences, resulting in some errors when the robot operates. In order to reduce the influence of environment on robot motion accuracy, a design scheme of robot motion error compensation algorithm based on improved weight function distance is proposed. The twist angle is added before positioning the robot position to obtain the transformation matrix between the two coordinate systems of the robot. The absolute error of the robot motion positioning is calculated according to the linear calibration. The mathematical model of the robot distance error is established using the improved weight function, and preliminarily compensate the motion error. The deviation of the center point position and attitude of the robot end effector is calculated. The compensation problem is transformed into the robot motion optimization problem, and the objective function of the motion deviation optimization problem is obtained. The final compensation result is obtained through multiple iterations. The experimental results show that the error compensation effect of the proposed method is good, and the motion stability of the robot after center of gravity compensation is good. 
Related Articles | Metrics
New Method for Integrating Multiple Algorithms to Assess Extension Conciseness of Chinese and English Knowledge Graphs
GAO Wei , JIANG Yunlong
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 348-355.  
Abstract186)      PDF(pc) (1170KB)(319)       Save
So far, the international community has only proposed an assessment metric for the extension conciseness of knowledge graph, but has not provided a standardized assessment method and process. To address this issue, the assessment method of the extension conciseness of knowledge graph is studied and a new method to assess the extension conciseness of the Chinese English mixed knowledge graph is proposed. The formulas for grouping at the overall level and assessing the head entities, relations, and tail entities are proposed and defined. To enhance the accuracy of the evaluation, the sentence level assessment formula is also defined. Finally, the four formulas are combined to create an algorithm for assessing the extension conciseness of the knowledge graph. To verify the accuracy and performance of the proposed algorithm, the open data set OPEN KG( Knowledge Graph) is used to assess and compare the proposed algorithm with related algorithms. The results confirm that the proposed algorithm provides a certain guarantee for the accuracy and time efficiency of the conciseness assessment of the Chinese English mixed knowledge graph, and the overall performance of the proposed algorithm is better than that of the related algorithm. 
Related Articles | Metrics
 Multilevel Control Algorithm for Secure Access to Distributed Database Based on Searchable Encryption Technology
LANG Jiayun, DING Xiaomei
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 531-536.  
Abstract186)      PDF(pc) (3906KB)(282)       Save
Plaintext transmission is easily tampered with in distributed databases. To address the security risk, a multi-level control algorithm for secure access is proposed to distributed databases based on searchable encryption technology. The algorithm groups the authorized users according to the security level, and uses TF-IDF( Tem Frequency-Inverse Document Frequency) algorithm to calculate the weight of plaintext keywords, then uses AES (Advanced Encryption Standard) algorithm and round function to generate the key of the ciphertext, uses matrix function and inverse matrix function to encrypt the plaintext, and uploads the encryption results to the main server. And the Build Index algorithm is used to generate an index of ciphertext, and whether the user has access to ciphertext is reviewed based on the relevant attribute information of the user’s security level. After the review is passed, the user can issue a request for the number of ciphertext and keyword search. The server sends the ciphertext back to the user and decrypts it using a symmetric key method, achieving multi-level access control. The experimental results show that this method takes a short time in the encryption and decryption processes, and has good security access control performance.
Related Articles | Metrics
Feature Fusion Method Based on ResNet
PU Wei, LI Wenhui
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 276-287.  
Abstract186)      PDF(pc) (2888KB)(94)       Save
As the most widely adopted backbone network in classification, object detection and instance segmentation tasks, the representation capability of ResNet ( Residual Neural Network) has gained extensive recognition. However, there are still certain limitations that hinder the representation ability of ResNet, including feature redundancy and inadequate effective receptive field. To address these problems, a feature fusion block is proposed, which can fuse features of different scales to construct multi-scale features with richer information and improve channel utilization, when the model channel is increased. The block employs a small number of large kernel convolutions, which is benefit to the expansion of the effective receptive field of the model and the trade-off between performance and computational efficiency. And a lightweight downsampling block and a shuffle compression block are also proposed, which can effectively reduce the parameters of the model and make the entire method more efficient. The feature fusion block, downsampling block and shuffling compression block are introduced to the ResNet can build a FFNet(Feature Fusion Network), which will have faster convergence speed and a larger effective receptive field and better performance. Extensive experimental results on CIFAR (Canadian
Institute for Advanced Research ), ImageNet and COCO ( Microsoft Common Objects in Context ) datasets demonstrate that the feature fusion network can bring significant performance improvements in classification, object detection and instance segmentation tasks while only adding a small number of parameters and FLOPs(Floating Point Operations).
Related Articles | Metrics
Research on MEC Multi-User Multi-Channel Task Offloading
REN Jingqiu, WANG Zixian
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 1-7.  
Abstract185)      PDF(pc) (1242KB)(118)       Save

In order to reduce the total overhead of the MEC (Mobile Edge Computing) system, the weighted sum of latency and energy consumption of all devices are considered as the optimization objective, and the problem of task offloading is solved in a multi-user multi-channel mobile edge computing system. Specifically, multiple user devices are able to offload computationally-heavy tasks to the MEC server over a wireless channel. Considering the difference in residual energy among multiple smart devices, an energy factor is introduced to measure the bias of smart devices between energy consumption and latency. A reinforcement learning scheme based on the Q-learning algorithm is applied to co-optimize the offloading decision, the allocation of computational resources, and the selection of wireless channels. Simulation results show that the algorithm can effectively reduce the delay and energy consumption of task processing and accommodate more users.

Related Articles | Metrics
Method for Predicting Oilfield Development Indicators Based on Informer Fusion Model
ZHANG Qiang, XUE Chenbin, PENG Gu, LU Qing
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 799-807.  
Abstract184)      PDF(pc) (1764KB)(416)       Save
A fusion model based on material balance equation and Informer is proposed to solve the prediction problem of oilfield development indicators. Firstly, the mechanism model before and after the decline of oil field development production is established through the knowledge of the material balance equation field. Secondly, the established mechanism model is fused with the loss function of the Informer model as a constraint to establish an indicator prediction model that conforms to the physical laws of oil field development. Finally, the actual production data of the oil field is used for experimental analysis. The results indicate that compared to several purely data -driven cyclic structure prediction models, this fusion model has better prediction performance under the same data conditions. The mechanism constraints of this model can guide the training process of the model, so that its rate of convergence is faster, and the prediction at the peak and trough is more accurate. This fusion model has better predictive and generalization abilities, and has a certain degree of physical interpretability. 
Related Articles | Metrics
Research on Detection Algorithm of Oil and Gas IoT Data Contamination
GUO Yaru , LIU Miao , NIE Zhongwen
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 307-311.  
Abstract181)      PDF(pc) (1069KB)(213)       Save
In order to address the problem that the number of connected devices in the OGIoT(Oil and Gas IoT) has increased dramatically, resulting in insufficient computing power of the edge nodes in the EC ( Edge Computing) system, and it is difficult to effectively identify the service collapse caused by malicious attacks from other edge nodes, an EMLDI(Efficient Machine Learning method for Improved Data Contamination Detection of Oil and Gas IoT algorithm) is proposed, which solves the problem of fluctuating and inaccurate results of edge nodes due to their poor robustness, data distortion or mild qualitative changes. The problem of large and inaccurate edge node results due to robustness of edge nodes and data distortion or mild qualitative changes is solved. The network is trained by adding GN(Gaussian Noise) to the expanded data set through randomly selected batch samples, which enables the network to have broader data fitting and prediction capabilities, and solves the problem of systemic collapse due to the difficulty of implementing correct operations at the edge nodes when the data is severely corrupted. The algorithm is able to identify noise contaminated and random label contaminated samples more effectively and the algorithm achieves the best results within the specified training batches.
Related Articles | Metrics
Mandatory Access Control System for Medical Information Sharing among Multiple End
LIU Honggao
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 677-682.  
Abstract179)      PDF(pc) (1517KB)(243)       Save
In order to reduce the access risk of medical information shared by multiple end users, the compulsory access control system for medical information sharing is optimized and designed from two aspects of database and software functions. The database tables of medical shared information and users are built, connecting the database tables according to the logical relationship, and completing the design of the system database. The process of medical information sharing is simulated and the sensitivity level of medical information sharing is determined. Multi-terminal user roles and permissions are allocated, abnormal access behaviors of access users are detected in real time, and authorization and behavior detection results are combined to realize the mandatory access control function of medical information sharing of the system. The test results show that the access control error rate of the design system is reduced by about 24. 4% , and the access risk of medical shared information is significantly reduced under the control of the design system.
Related Articles | Metrics
Multi-Head Attention-Guided Convolutional Network for Detecting Alzheimer’s Disease
ZHOU Fengfeng, DONG Guangyu, LI Kewei
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1074-1089.  
Abstract178)      PDF(pc) (5254KB)(362)       Save
Aiming at the problems of difficult detection and low recognition accuracy of brain cognitive diseases, a multi-head attention-guided convolutional neural network ( MAGINet: Multi-Head Attention-Guided Convolutional Network) is proposed. This integrates the local dependent modeling ability of the convolutional neural network with the global dependent modeling ability of the attention mechanism. It is used to identify NC (Normal), EMCI(Early Mild Cognitive Impairment), LMCI(Late Mild Cognitive Impairment), and AD (Alzheimer’s Disease), and to explore the complete evolution from NC through MCI(EMCI and LMCI) to AD. First, the complementary information of three FCN(Functional Connectivity Network) variants is integrated to form a multi-view learning framework. Secondly, a new multi-head attention module is designed in the convolutional neural network module in each view. By completing self-attention, channel attention, and spatial attention successively, it helps to model the global dependence relationship, compensates for the local mechanism of the convolutional neural network, optimizes the performance of the model, and proves its effective information extraction ability. Finally, the model is applied to several encephalopathy classification experiments to prove the strong universality and repeatability of the model. 
Related Articles | Metrics
Research on UAV Route Planning Based on Reinforcement Learning
HE Qingxin, TU Xiaobin, YU Yinhui
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1025-1030.  
Abstract176)      PDF(pc) (1435KB)(132)       Save
The energy consumption of a UAV(Unmanned Aerial Vehicle) determines the length of its operational cycle. To address the issue of low communication-to-energy consumption ratio, a reinforcement learning-based UAV path planning solution is proposed to reduce energy consumption while maintaining high communication quality. The continuous flight space is divided into multi-layer two-dimensional grids to facilitate the generation of UAV state points, and a reward function based on communication quality parameters and energy consumption parameters is established. The Q-Learning algorithm is employed to learn and obtain the path with the optimal communication-to-energy consumption ratio. Experimental results show that the path planned by this learning model can achieve a higher communication-to-energy consumption ratio, demonstrating its practical value.
Related Articles | Metrics
Overview of Pipeline Leakage Detection Sensors and Applications 
WANG Xiufang, CUI Kunyu
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 265-275.  
Abstract172)      PDF(pc) (2724KB)(307)       Save
With advancements in modern science and technology across structural design, materials, and sensor manufacturing processes, pipeline leak detection sensors are becoming increasingly miniaturized and intelligent, and technologies for measuring physical changes caused by pipeline leaks continue to mature. For the convenience of technology selection and optimzation in pipeline leak detection, a systematic review of widely used piezoelectric, optical fiber, and laser sensors in pipeline leak detection is provided, with a focus on analyzing their characteristics and differences in materials, structures, and working principles. It further explores their performance in practical applications and the current state of research both domestically and internationally, offering theoretical support and technical references for the selection, optimization, and future development of pipeline leak detection technologies.
Related Articles | Metrics
 Research on Dung Beetle Optimization Algorithm Based on Mixed Strategy
QIN Xiwen, LENG Chunxiao, DONG Xiaogang
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 829-839.  
Abstract171)      PDF(pc) (4046KB)(360)       Save
The dung beetle optimization algorithm suffers from the problems of easily falling into local optimum, imbalance between global exploration and local exploitation ability. In order to improve the searching ability of the dung beetle optimization algorithm, a mixed-strategy dung beetle optimization algorithm is proposed. The Sobol sequence is used to initialize the population in order to make the dung beetle population better traverse the whole solution space. The golden sine algorithm is added to the ball-rolling dung beetle position updating stage to improve the convergence speed and searching accuracy. And the hybrid variation operator is introduced for perturbation to improve the algorithm’s ability to jump out of the local optimum. The improved algorithms are tested on eight benchmark functions and compared with the gray wolf optimization algorithm, the whale optimization algorithm and the dung beetle optimization algorithm to verify the effectiveness of the three improved strategies. The results show that the dung beetle optimization algorithm with mixed strategies has significant enhancement in convergence speed, robustness and optimization search accuracy.
Related Articles | Metrics
Research on Gas Station Target Detection Algorithm Based on Improved Yolov3-Tiny 
ZHANG Liwei, YANG Wanshuai
Journal of Jilin University (Information Science Edition)    2024, 42 (3): 559-566.  
Abstract171)      PDF(pc) (6340KB)(248)       Save
We present an improved target detection algorithm based on Yolov3-Tiny for gas station scene because of the low accuracy of target detection algorithm in gas station scenes. This algorithm takes Yolov3-Tiny model as the basic network, innovates Mosaic image enhancement method proposed in Yolov4 algorithm for data preprocessing, uses dense connection modules to reconstruct the feature extraction network, and adds CBAM (Convolutional Block Attention Module) attention mechanism and Pyramid Pooling Module into the network, finally target detection in the gas station scene is realized. The experimental results show that the improved algorithm improves the overall mAP by 8. 2% compared with the original algorithm, and can be more effectively applied to gas station target detection.
Related Articles | Metrics
Improvement and Implementation of Cadre Information Management System
PAN Lu, ZHAO Peng, CUI Xiaobiao, WANG Liupu
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1100-1110.  
Abstract170)      PDF(pc) (2598KB)(436)       Save
The core of the cadre information management system lies in enhancing the leadership level of the Party, strengthening the governance capacity of the Party, and reinforcing the Party’s self-construction, thereby promoting the sustained and healthy development of the cause of socialism with Chinese characteristics. By introducing information technology, the system improves the scientificity and standardization of cadre selection and appointment through modeling, visualization, and intelligence. It comprehensively supervises the daily ideology, work, and conduct of cadres, achieving comprehensive assessment and standardized management. The enhanced systemimproves the accuracy and efficiency of cadre selection and appointment, it enhances daily cadre management and supervision,it achieves the scientific and standardized performance assessment of cadres. In conclusion, through the cadre information management system, the Partys level of development will be further elevated, and organizational work will progress towards scientification, standardization, and refinement, thereby achieving a new leap forward in the construction of Party member and cadre teams. 
Related Articles | Metrics
Programmable Experiment System for Brushless Motor Control and Its Programming Software Design
GUAN Shanshan, HUANG Xingguo, XUE Tao, LI Changxin, WANG Lekai, WANG Tianhao
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1130-1135.  
Abstract169)      PDF(pc) (2668KB)(210)       Save
In order to enrich the experimental content of the university experimental teaching platform, a programmable brushless motor control experimental system is developed. To address the problems of inflexible control mode and poor versatility in existing brushless controllers, the experimental system provides a repeatable development scheme, which can directly drive a Hall brushless motor by establishing a free mapping between control signals and motor outputs using its accompanying upper computer programming software. The hardware is based on ARM(Advanced RISC Machine)-Cortex M3 MCU(Multipoint Control Unit), which can support digital level, analog signal and PWM(Pulse Width Modulation) signal input at the same time. The upper computer software is developed based on PyQt5, including the guide window interface and the main window. After testing, the motor can communicate with external devices according to the customized control signal and can reach the expected design speed of the program, and the system can provide a new experimental solution for teaching of motor control.
Related Articles | Metrics
Research on Construction of Knowledge Graph for Electrical Construction Based on Multi-Source Data Fusion
CHEN Zhengfei, XI Xiao, LI Zhiyong, YANG Hang, ZHANG Xiaocheng, ZHANG Yonggang
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 921-929.  
Abstract169)      PDF(pc) (3546KB)(402)       Save
In order to solve the problem of heterogeneous data from multiple sources encountered by electric power construction companies in the process of transitioning to whole-process consulting business, as well as the challenge of design managers needing to work together remotely due to unforeseen circumstances, it is proposed to construct a knowledge graph by using the enterprise’s private cloud as the basic environment and combining the technology of fusion of heterogeneous data from multiple sources. The system optimises the data management process and ensures data consistency and availability by integrating diverse data sources from various provinces and cities across the country. It ultimately realises distributed collaborative management of the whole process of consulting business and significantly improves the core competitiveness of the enterprise. At the same time, it effectively solves the problems of data variety, wide range of sources and diverse and inconsistent protocols, improves data quality and accuracy, and unifies the storage architecture to enhance the overall data management efficiency and decision-making support capabilities.
Related Articles | Metrics
Optimization of Internet of Things Identity Authentication Based on Improved RSA Algorithm
WANG Dezhong
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 979-984.  
Abstract169)      PDF(pc) (1533KB)(143)       Save
 In view of the low accuracy and efficiency of Internet of Things authentication due to the influence of noise, a new optimization method of Internet of Things authentication based on improved RSA(Rivest-Shamir- Adleman) algorithm was proposed. In this method, a transmission channel model is constructed to obtain user identity information and a noise reduction model is constructed to preprocess user identity data. Based on the processed data, the user identity characteristic information is extracted to build the Internet of Things identity authentication algorithm. On this basis, RSA algorithm is introduced to encrypt and process user identity information data to realize the optimization of Internet of Things identity authentication. In addition, the proposed method is not easily affected by noise environment. Under the condition of noise, the maximum error between the authentication rate and the ideal authentication rate is only 3.7%. Therefore, the proposed method is feasible and effective. 
Related Articles | Metrics
Construction of Multimodal Data Approximate Matching Model Based on Parallel Wavelet Algorithm
LIU Lili
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 124-130.  
Abstract169)      PDF(pc) (1568KB)(445)       Save
Approximate matching is an indispensable link in the normal use of multimodal data technology, but the process of approximate matching is vulnerable to data redundancy, heterogeneous components and other issues. Firstly, parallel wavelet algorithm is used to eliminate the noise in multimodal data to avoid the impact of noise on the matching process. Secondly, tensor decomposition clustering algorithm is used to divide the data with different similarity into different clusters to eliminate the data difference of different clusters. Finally, the preprocessed data is input into the data matching model based on spatial direction approximation, The approximate matching of multimodal data is completed by calculating the spatial direction approximation and editing the distance between the reference data and the data to be matched. The experimental results show that the proposed method has high matching precision, high recall and short matching time. 
Related Articles | Metrics

Improved Osprey Optimization Algorithm

TAI Zhiyan , XING Weikang , GU Jiacheng , LIU Ming , YU Xiaodong
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 126-133.  
Abstract169)      PDF(pc) (2495KB)(300)       Save

The L_OOA(An Improved Osprey Optimization Algorithm) is proposed to address the issues of the original OOA (Osprey Optimization Algorithm), which is prone to local optima and slow optimization speed. Firstly, to maintain population diversity, the Tent chaotic mapping strategy is adopted to initialize the individual positions of the population. Secondly, by introducing the Levy strategy to update the position of the Osprey, the Osprey Optimization Algorithm can improve its ability to jump out of local optima. The spiral curve strategy is introduced into the Osprey optimization algorithm to improve its computational accuracy. Finally, comparative

experiments are conducted with other intelligent algorithms on the CEC2021 ( Computational Experimental Competition 2021)testfunction set. Experiments prove that L_OOA has better accuracy and faster speed.

Related Articles | Metrics
Artificial Bee Colony Algorithmof Multi-Strategy Self-Optimizing Based on Reinforcement Learning
NI Hongmei, WANG Mei
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 83-89.  
Abstract168)      PDF(pc) (944KB)(105)       Save
To address the deficiency in the local search ability of the artificial bee colony algorithm, a multi-strategy self-optimizing artificial bee colony algorithm based on reinforcement learning is proposed. This algorithm combines the Q-learning method in reinforcement learning with the artificial bee colony algorithm. The distance between the best value of the population and the individual fitness value, along with the diversity of the population are used as the basis for dividing the state. The algorithm creates an action set that contains multiple search strategies, adopts the ε-greedy strategy for selecting the best, produces high-quality offspring, and achieves intelligent selection of the ABC (Artificial Bee Colony) algorithm update strategy. Through 20 test functions and application in stock prediction, the results show that the proposed algorithm has better performance, a better balance between exploration and exploitation, faster convergence speed, and better self- optimizing ability.
Related Articles | Metrics
Photovoltaic Power Prediction Based on Improved CEEMD Algorithm and Optimized LSTM
XU Aihua, JIA Haotian, WANG Zhiyu, YUAN Wenjun
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 451-460.  
Abstract168)      PDF(pc) (3978KB)(138)       Save
In order to better utilize solar energy, it is very important to accurately predict photovoltaic power generation. To improve the accuracy of photovoltaic power prediction,a photovoltaic power prediction method based on the combination of factor-related complementary ensemble empirical mode decomposition and optimized long short-term memory network is proposed. Firstly, the CEEMD(Complementary Ensemble Empirical Mode Decomposition) algorithm is used to decompose the photovoltaic power sequence, and the Pearson correlation coefficient matrix of the decomposed power components and environmental factors is established. Three key factors are selected as the input of the subsequent prediction for each decomposed power component.
Related Articles | Metrics
Multi-Sensor Based Method for State Perception of Tunnel Operation and Maintenance
ZHOU Shirui, TAO Chuqing, FEI Minxue
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 347-354.  
Abstract167)      PDF(pc) (2739KB)(144)       Save
In order to improve the safety and efficiency of tunnel operation, a multi-sensor based tunnel operation risk perception method is proposed. Firstly, an object detection method based on YOLOv7(You Only Look Once v7) is used to effectively detect information such as traffic flow and speed from video sensors, and a deep temporal convolutional network algorithm is used to dynamically evaluate tunnel operation risks. Video sensors are integrated with multiple sensing devices such as smoke and temperature sensors to form a fire risk monitoring system, and multiple sensing devices are integrated to form a fire monitoring system. By numerically modeling
the fire monitoring status under different combustion conditions inside the tunnel, the distribution and development patterns of temperature, toxic gas concentration, and smoke inside the tunnel are analyzed, providing a risk assessment of tunnel fires. This method is applied in some tunnels of Shandong Jiwei Expressway to ensure the safety of the tunnels.
Related Articles | Metrics
Application Research of Campus Network Traffic Monitoring System Based on CactiEz
ZHANG Yan, SHEN Zhan
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 77-82.  
Abstract166)      PDF(pc) (2151KB)(212)       Save
In order to solve the problem of network traffic management in the development of campus network informatization, associated with the practical problems of campus network management of a university in Xinjiang, a network traffic monitoring platform based on CactiEz is proposed and implemented. Based on the actual environment of the campus network, the current situation of the campus network is analyzed, and the traffic is monitored with specific hardware and software equipment. The application results show that the monitoring system can monitor the changes of network traffic in real time, reflect the network status in time, and carry out statistics and analysis of network traffic, providing data support for network performance and security. Therefore, the network traffic monitoring platform based on CactiEz plays a significant role in improving the efficiency of campus network management and helps to optimize network management.
Related Articles | Metrics
Deep Interactive Image Segmentation Algorithm for Digital Media Based on Edge Detection 
HE Jing, QIU Xinxin, WEN Qiang
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 952-958.  
Abstract166)      PDF(pc) (2500KB)(87)       Save
Digital media deep interactive images are affected by noise, resulting in poor edge detection performance and affecting segmentation accuracy. Therefore, a digital media deep interactive image segmentation algorithm based on edge detection is proposed. Firstly, the wavelet transform method is used to denoise images in digital media to improve the accuracy of image segmentation. Secondly, Gaussian function and low-pass filter are used to enhance the denoised image, improve the image definition, and facilitate image segmentation. Finally, based on the adaptive threshold algorithm, edge detection is performed on digital media images. There are two thresholds in the pixel collection, the upper threshold and the lower threshold. The high and low thresholds in the pixel set are calculated based on the calculation of their upper and lower thresholds, and edge connections between the two thresholds are implemented to achieve digital media image segmentation. The experimental results show that the proposed method has good denoising effect, high segmentation accuracy, and high segmentation efficiency for segmented digital media images. 
Related Articles | Metrics
Software Reliability Testing Method Based on Improved G-O Model
LIU Zao, GAO Qinxu, DENG Abei, XIN Shijie, YU Biao
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 914-920.  
Abstract165)      PDF(pc) (1319KB)(104)       Save
In order to overcome the oversimplified treatment of the defect discovery rate in the traditional G-O (Goel-Okumoto) software reliability model, an improved model that more accurately describes the actual change of the defect discovery rate over time is proposed. Unlike the conventional assumption that it is treated as a constant or monotonic function, the improved model considers the progress of testers’ learning and debugging capabilities and the inherent tendency of the software’s defect discovery rate to decrease over time. Therefore, it assumes that the defect discovery rate first increases before showing a dynamic trend of decline. The model’s effectiveness is verified by applying it to two sets of public software defect detectionda tasets and comparing it with a variety of classic models. Experimental results confirm that the improved G-O model demonstrates excellent performance in both fitting and prediction capabilities, proving its applicability and superiority in software reliability assessment.
Related Articles | Metrics
Energy-Efficient Routing Algorithm for Oil and Gas IoT Based on Dual Cluster Heads
SONG Qianxi, ZHONG Xiaoxi, LIU Miao
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 632-636.  
Abstract165)      PDF(pc) (998KB)(128)       Save
To extend the lifetime of oil and gas IoT( Internet of Things), a dual cluster head based oil and gas IoT routing algorithm is proposed. The algorithm fully considers the current residual energy of sensor nodes, historical average energy, distance between nodes and base stations, density of neighboring nodes and distance between nodes and energy harvesting sources in the cluster head election process, and elects dual cluster heads in the same cluster, while proposes a novel routing method to balance the energy consumption of cluster heads in the data transmission phase. A novel node working mode switching strategy is adopted along with the introduction of energy harvesting techniques. Simulation experiments show that the algorithm can balance the network energy consumption more effectively and extend the network lifetime compared with the traditional algorithm.
Related Articles | Metrics
Sorting Algorithm of Web Search Based on Softmax Regression Classification Model
DANG Mihua
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 985-990.  
Abstract164)      PDF(pc) (1106KB)(255)       Save
 There is a phenomenon of domain drift in webpage search results, where the returned webpage is not related to the search keyword domain, resulting in that users are unable to search for demand information. Therefore, a web search sorting algorithm based on Softmax regression classification model is proposed. Through the Feature selection of web search text, the corresponding feature items are obtained. Using the vector representation model, the selected web search text feature items are converted into formatted data, and the web search text data is balanced to obtain the web search text data set. Using the Softmax regression classification model, the web search text dataset is classified and processed, the types of web search texts is predicted. And the OkapiBM25 algorithm is used to sort web search texts, achieving web search sorting. The experimental results show that the proposed algorithm performs well in web search sorting, effectively improving the accuracy of web search sorting and avoiding domain drift during the process of web search sorting.
Related Articles | Metrics
Maximum Power Tracking Based on Chaotic Harris Hawk Algorithm
FU Guangjie, ZHU Yonghao
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1066-1073.  
Abstract164)      PDF(pc) (2467KB)(59)       Save
When photovoltaic panels are under uneven solar irradiation, the problem of low power generation efficiency arises. In order to solve the problem a chaotic Harris hawk algorithm combined with the conductivity increment method is proposed. The Harris Hawk algorithm introduces Levy flight function and Henon chaotic mapping to expand the search range of the algorithm in the early stage of tracking. Then the optimal individual strategy is introduced, which can further reduce the number of iterations of the algorithm. The algorithm makes it easier for the system to jump out of the local maximum power point, while in the late stage of tracking, the algorithm runs precisely in a small range, improving the local exploitation capability. The use of the conductance increment method alleviates the power oscillations when the system is located near the GMPP (Global Maximum Power Point) and stabilizes the output. 
Related Articles | Metrics
Hierarchical Layout Algorithm of Virtual Network Clustering Features Based on Big Data Redundancy Elimination Technology
ZHANG Wei , LUO Wenyu
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 301-306.  
Abstract164)      PDF(pc) (2133KB)(174)       Save
In the process of virtual network layout, there are a lot of repetitive features and features with less correlation, which affect the efficiency of its layout. Therefore, a hierarchical layout algorithm of virtual network clustering features under big data redundancy technology is proposed. A weighted undirected graph is used to establish a virtual network graph, and the community structure of the virtual network is divided by communities, so that the clustering characteristics of the virtual network are eliminated to the maximum extent under the premise of keeping the original characteristics unchanged, and the characteristics with high correlation are obtained. According to the repulsion of Coulomb force, the distance between communities is increased, and the distance between network nodes and central points is reduced by the gravity of Hooke's law. Combined with FR (Flecher-Reeves) algorithm, the relationship between repulsion and gravity of virtual network clustering feature layer nodes is adjusted, and the hierarchical layout algorithm is realized. The experimental results show that the proposed algorithm can more clearly show the internal structure characteristics of each community, and the layout time is the shortest. 
Related Articles | Metrics
Research on Visual Communication Algorithm of Weak and Small Target Image in Virtual Reality Environment
ZHANG Peng
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 180-186.  
Abstract164)      PDF(pc) (1114KB)(125)       Save
In order to show the virtual image more intuitively, a visual communication algorithm for small and weak target images in virtual reality environment is studied. An image model is constructed based on the imaging characteristics and influencing factors of the target image in the virtual environment, the image target is adjusted based on the actual situation and image model, time domain and spatial domain are combined, and the spatial background is constrained to suppress the background image. The filtered image and residual background are used to complete image denoising. Based on the above preprocessing results, and other control factors such as the motion speed of the target image sequence, characteristic window area, and so on, image sequences are sampled, and feature tracking is converted into optical flow calculations, accurately tracking target images, obtaining optical flow results, and achieving visual communication of small and weak target images. Experimental results show that this algorithm has a higher success rate in visual communication, a shorter communication time, and a higher visual communication integrity.
Related Articles | Metrics
Digital Archive Information Privacy Protection Algorithm Based on Blockchain Technology
WANG Xinyao, PENG Fei
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 166-172.  
Abstract163)      PDF(pc) (2221KB)(162)       Save

The era of big data has arrived, and the digitization of archive information is the future development trend. How to protect the privacy of digital archive information is a key research topic in the computer field. At present, the archive privacy protection algorithm based on blockchain technology has problems such as poor protection effect and long operation time. In order to solve the problems existing in traditional methods, a digital archive information privacy protection algorithm based on blockchain technology is proposed. Firstly, apply blockchain technology to the privacy protection process of digital archive information. The specific protection

process is as follows: the data owner uses symmetric encryption algorithms to encrypt the digital archive information and upload it to the private chain; At the same time, generate a secure index of digital archive information and upload it to the alliance chain; The data user generates a query threshold for the keywords to be queried, sends it to the private chain, obtains the query results on the private chain, and sends them to the alliance chain. The alliance chain cooperates with the private chain to verify the correctness of the query results. If it is correct, the alliance chain will send the converted encrypted data to the data user. The experimental results show that the privacy protection algorithm for digital archive information of the proposed method has good privacy protection effect and practical application effect.

Related Articles | Metrics
Privacy Risk Decision-Making Based on Intuitionistic Fuzzy Set Pair Aggregation Method 
WANG Wanjun
Journal of Jilin University (Information Science Edition)    2024, 42 (1): 111-123.  
Abstract163)      PDF(pc) (896KB)(432)       Save
For the uncertainty decision-making problem of privacy risk, based on the theories of intuitionistic fuzzy and set pair analysis, a set pair relationship of information weights is established for privacy certainty & uncertainty. The intuitionistic fuzzy set pair operator is provided, and the relevant concepts, operations, properties, expected values, size ranking, and several intuitionistic fuzzy set pair information aggregation operators are defined, including Intuitionistic fuzzy set pair analysis operators, intuitionistic fuzzy set pair analysis weighted average operators, intuitionistic fuzzy set pair analysis weighted geometric operators, intuitionistic fuzzy set pair analysis ordered weighted average operators, intuitionistic fuzzy set pair analysis ordered weighted geometric operators, intuitionistic fuzzy set pair analysis hybrid aggregation operators, intuitionistic fuzzy set pair analysis hybrid geometric operators and their related properties. On this basis, the intuitionistic fuzzy set pair information aggregation method for privacy risk multi-attribute decision-making is analyzed, and it shows that the proposed method has feasibility and rationality. 
Related Articles | Metrics
Algorithm for Identifying Oil Stealing Behavior in Wellsite Based on 3D Attention Residual 
ZHANG Yan, XIAO Kun, WANG Jingzhe, ZHANG Linjun
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1090-1099.  
Abstract163)      PDF(pc) (5861KB)(170)       Save
The phenomenon of oil theft at well sites is an important issue that affects the safe production and stable operation of oil fields. The current behavior recognition methods pay less attention to the need for detecting oil theft in well pads, and there are often limitations in the application of the oil theft target feature recognition process. An algorithm for identifying oil theft behavior at well sites is proposed based on 3D attention residuals. This network consists of multiple three-dimensional attention residual blocks, which embed channels and spatiotemporal attention modules in each residual block to obtain more feature discrimination information and enhance the model’s attention to important features. The effectiveness of the algorithm is varified on the dataset of oil theft behavior at the well site. The experimental results indicate that, compared to similar algorithms, this method has higher recognition accuracy. It can provide a reference for the practical application of automatic detection of oil theft behavior in oilfield well sites.
Related Articles | Metrics
Research on Construction and Recommendation of Learner Model Integrating Cognitive Load 
YUAN Man, LU Wenwen
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 943-951.  
Abstract163)      PDF(pc) (2591KB)(739)       Save
 The current learner model lacks exploration of this dimension of cognitive load, which, as a load generated by the cognitive system during the learning process, has a significant impact on the learning state of learners. Based on the CELTS-11(China E-Learning Technology Standardization-11) proposed by the China E-Learning Technology Standardization Committee, cognitive load is integrated into the learner model as a dimension, and an LMICL ( Learner Model Incorporating Cognitive Load) combining static and dynamic information is constructed. Afterwards, relying on an adaptive learning system, the data of the unmixed cognitive load learner model and the LMICL data were used as the basis for recommending learning resources, resulting in two different learning resource recommendation results. Two classes of learners were randomly selected to learn system, and then their academic performance. The results of cognitive load and satisfaction were used to validate the effectiveness of LMICL , and it was found that the recommendation learning effect based on LMICL was better than that of the learner model without integrating cognitive load.
Related Articles | Metrics
Segmentation Method for Weak Edge Ultrasound Images Based on Improved CNN 
ZHU Yanhua
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1018-1024.  
Abstract162)      PDF(pc) (1892KB)(105)       Save
To solve the problem of difficulty in segmentation of weak edge ultrasound images, an improved CNN (Convolutional Neural Networks) based weak edge ultrasound image segmentation method is proposed. The method first uses stationary wavelet transform to remove the noise in the image, and then uses weighted least square filter to enhance the image edge details. Then, an improved convolutional attention module is added to the residual network model to extract image features. Finally, the image segmentation accuracy is improved by optimizing the loss function. The experimental results show that the proposed method has good performance in processing weak edge details of ultrasound images and can improve the segmentation accuracy of medical ultrasound images. 
Related Articles | Metrics
Association Fusion Algorithm of Dual Channel Data Based on Fuzzy Mathematics Theory
SUN Jie
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 150-155.  
Abstract159)      PDF(pc) (2009KB)(53)       Save

When using data from a single data source to complete tasks, there may be significant errors in the data, and there may even be data missing, which can affect the progress of the task. A dual channel data association and fusion algorithm based on fuzzy mathematics theory is proposed for this purpose. The correlation of dual channel data is measured and the missing data in the dual channel data is predicted according to the missing data prediction process. The missing data in the dual channel dataset is filled in to obtain complete dual channel data. The dual channel data is standardized, and the principal component analysis is used to calculate

the similarity between the dual channel data and the principal components, obtaining the comprehensive support level of the dataset, and obtain effective data. By using fuzzy mathematics theory, effective data is fuzzified, and the closeness between the fuzzification results and real data is calculated to determine the data fusion weight, in order to achieve dual channel data association and fusion. The experimental results show that using the proposed algorithm for dual channel data association fusion, when the total number of data reaches 1 500, the value of the comprehensive evaluation index exceeds 9, indicating that the proposed algorithm can improve the accuracy of dual channel data association fusion and has good dual channel data association fusion results.

Related Articles | Metrics
Research on Anti-Collision Algorithm for RFID Broadcast Channels in Internet of Things Based on Frame Time Slot ALOHA
ZENG Fengsheng, LI Ying
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 8-13.  
Abstract158)      PDF(pc) (1273KB)(106)       Save

The channel resources of RFID ( Radio Frequency Identification) systems are limited, and when multiple tags compete for the same frequency or time slot, it can lead to collisions and conflicts. In order to optimize the communication efficiency of broadcast channels, a collision prevention algorithm for RFID broadcast channels in the Internet of Things based on frame time slot ALOHA is proposed. This method introduces the concept of frame time slots and divides the communication time into time slots; By analyzing the probability of occurrence of idle, successful identification, and collision states within the time slot, the cause of collision in the

broadcast channel is obtained. By combining Bayesian algorithm and Poisson distribution rules, the probability distribution of the number of tags is calculated to estimate the number of tags within the range of the reader and writer, and the next frame length is adjusted based on the calculation result of the number of tags. If there is still label collision problem within the adjusted frame time slot range, FastICA( Indcpendent Component Analysis) independent principal component analysis is used to transform the label recognition problem within the frame time slot into an EPC(Electronic Product Code) encoding generation problem, thereby achieving parallel recognition of multiple labels within a unified time slot and avoiding collision situations. The experiment shows that the estimation of the number of labels proposed is accurate, which can improve the label recognition rate within the time slot and effectively improve the propagation efficiency of the broadcast channel while ensuring the stability of the communication channel.

Related Articles | Metrics
Research on Graph Convolutional Network Recommendation Model Fusing Contextual Informationand Attention Mechanism
YUAN Man, LI Jiaqi, YUAN Jingshu
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 107-115.  
Abstract157)      PDF(pc) (2170KB)(404)       Save

Although traditional recommendation systems use graph structure information, most of them only consider the basic attributes of users and items, ignoring the important factor of contextual interaction information between users and items. Even if contextual interaction information is taken into account, there is a lack of attention in the layer combination stage. force mechanism to assign weight. To solve this problem, a CIAGCN (Context Information Attention Graph Convolutional Networks) recommendation model that integrates contextual interactive information and attention mechanism is proposed. This model utilizes the contextual interaction

information of users and items while applying the high-order connectivity theory of graphs to obtain deeper collaborative signals. An attention mechanism is introduced in the layer combination stage to improve the interpretability of this stage. The model was experimentally compared on the Yelp-OH, Yelp-NC and Amazon- Book data sets. The results showed that the model had a certain effect compared with other algorithms, indicating that the recommendation effect was better than some traditional recommendation models.

Related Articles | Metrics

Local Linear Embedding Algorithm Based on Adaptive Neighborhood and Reconstruction Weight

LIANG Lei, LIU Yuanhong, GAN Zhifeng
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1031-1040.  
Abstract157)      PDF(pc) (5353KB)(139)       Save
In response to the issues of inaccurate neighborhood selection and deficiencies in the metric used in the LLE(Locally Linear Embedding) algorithm, which hinder its ability to extract the true manifold structure, an algorithm called AN-RWLLE ( Locally Linear Embedding Algorithm Based on Adaptive Neighborhood and Reconstruction Weight) is proposed. Firstly, the local neighborhoods of each sample point are identified by calculating the cosine similarity of high-dimensional sample points, followed by an adaptive selection of the optimal neighborhood within those neighborhoods. Secondly, the distance features and structural features of the sample points within the optimal neighborhood are combined to thoroughly explore the manifold structure of high- dimensional data and achieve weight reconstruction. Lastly, support vector machines are employed for feature recognition, preserving the intrinsic characteristics of high-dimensional data in a lower-dimensional space. Experimental results demonstrate that the AN-RWLLE algorithm exhibits excellent visualization, clustering performance, and effective feature extraction capabilities on two sets of bearing fault datasets.
Related Articles | Metrics
Security Detection Algorithm for Cross Domain Data Flow Sharing on Same Frequency in Internet of Things
WEI Xiaoyan
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 740-746.  
Abstract157)      PDF(pc) (1699KB)(193)       Save
To ensure the security of cross domain data flow in the Internet of Things, a security detection algorithm for cross domain data flow sharing the same frequency in the Internet of Things is proposed. This method calculates the information entropy of the data set based on the data outlier characteristics, takes the data points with larger information entropy calculation results as the cluster center, and analyzes the data distribution characteristics through the calculation of the cluster center distance. The data distribution features are inputted into the BP( Back Propagation) neural network and combined with genetic learning algorithms to achieve deep mining of shared cross domain data on the same frequency. Wavelet analysis is used to segment effective signals and noise signals in the same frequency shared data, and introduce the wrcoef function achieving the reconstruction output of noise free signals. Based on the Markov chain state transition probability matrix, a detection model of Markov cross domain data flow security is established. By calculating the relative entropy difference value between the test sample and the standard sample, the security detection of cross domain data flow for the same frequency sharing of the Internet of Things is completed. The simulation results show that this method can effectively improve the efficiency of data flow security detection and achieve accurate perception of data flow trends across domains.
Related Articles | Metrics
MCU Design Based on FPGA and ARM Cortex-M0
ZHANG Xianglong, WANG Lijie
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1183-1190.  
Abstract156)            Save
The MCU(Microcontroller Unit) programming language is mainly C language implemented in soft logic, which implements specific functions by sequentially executing instructions, and can not avoid the shortcomings of low speed. The MCU based on FPGA(Field-Programmable Gate Array) and ARM(Advanced RISC Machines) Cortex-M0 is designed to obtain a high-speed system while still retaining the advantages of MCU. FPGA-based MCUs execute in parallel because the logic is directly implemented by the hardware, which greatly improves the speed and can be widely used in complex logic control and data operations and processing. Based on the analysis of the ARM Cortex-M0 core and the AMBA(Advanced Microcontroller Bus Architecture) bus system, each unit is designed for the MCU system. The Verilog code of each module is designed according to the characteristics of each module. The simulation results verifys that the module functions well. The design of special peripherals based on the FPGA platform and the verification of hardware algorithms are explored, which reflects the high flexibility and efficiency of the FPGA platform for design of MCUs. Taking the timer interrupt system as an example, combined with software and hardware, a comprehensive simulation of the entire MCU system is carried out, the working state of the ARM Cortex-M0 core in actual operation is analyzed, and the data communication and scheduling between each module of the bus system are analyzed, verify the feasibility and efficiency of the FPGA platform to develop MCU. The MCU is designed based on a reconfigurable platform, which can customize peripheral functions according to needs, and has the advantage of higher flexibility than traditional MCUs. 
Related Articles | Metrics
Evaluation of Air Combat Effectiveness Based on System Dynamics
ZHAO Beibei, WANG Fangbo, MA Hongxia, YU Hongda, LIU Lifang, QI Xiaogang
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 327-337.  
Abstract155)      PDF(pc) (4714KB)(162)       Save
Air combat is an intense, complex, and continuous process, filled with many influencing factors,complex interactions, and uncertainties. Aiming at the problem of low accuracy of UAV ( Unmanned Aerial Vehicle) cluster air combat effectiveness assessment, a method based on System Dynamics is proposed. The interactions between various factors is analyzed in the UAV air combat system during a reconnaissance and strike mission carried out by the red formation. A causal relationship model and a stock flow model are established.The evaluation indicators of combat effectiveness are constructed based on three aspects: combat effect, combat
efficiency, and combat cost. These indicators include mission completion, combat efficiency, and combat loss rate. Then, the influencing factors of the air combat system and the combat effectiveness under different equipment schemes are studied. finally the feasibility and effectiveness of the proposed method are verified through simulation, which solves the complexity and uncertainty problems arising in the assessment process.
Related Articles | Metrics
Data Retrieval Method of Unbalanced Streaming Based on Multi-Similarity Fuzzy C-Means Clustering
HAN Yunna
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 726-732.  
Abstract155)      PDF(pc) (1694KB)(206)       Save
During the retrieval process of imbalanced stream data, the performance of data retrieval decreases due to the presence of imbalance in the data stream and the susceptibility to differential and edge data. In order to reduce the impact of the above factors, an imbalanced stream data retrieval method based on multi similarity fuzzy C-means clustering is proposed. This method calculates the multiple similarities between imbalanced flow data, and uses fuzzy C-means algorithm to cluster data with different similarities. By constructing a octree retrieval model, the data after clustering is stored, encoded and judged to complete the retrieval of unbalanced stream data. The experimental results show that the retrieval time of the proposed method is less than 20 seconds, and the recall and precision rates remain above 80% , with high NDCG( Normalized Discounted Cumulative Gain) values.
Related Articles | Metrics
A Relay Selection Algorithm for D2D Communication Based on Social Relationship and Energy Cache
REN Jingqiu, LIU Qi, ZHANG Guanghua, LU Weidang
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 997-1003.  
Abstract153)      PDF(pc) (1201KB)(106)       Save
In the D2D(Device-to-Device) communication system, when the distance between the source node and the destination node is too long, the communication delay is large and the communication process is interrupted. A relay selection algorithm for D2D communication based on social relationship and energy cache is proposed. Under the premise of limiting the location of the relay node, the algorithm considers the conventional conditions such as transmission rate, residual energy of the relay and residual buffer space, and considers the social relationship between nodes and the outage probability of the link. The weight of each link is calculated comprehensively, and the link with the highest weight is selected for data transmission. The simulation results show that the proposed algorithm effectively reduces the transmission delay of D2D communication link, improves the successful transmission probability of the system, and improves the stability of the relay system.
Related Articles | Metrics
Optical Remote Sensing Ship Small Target Detection Based on UPCBAM-RYOLO V5
YANG Xiaotian, YU Xin, LIU Ming, WANG Liang, TAN Jinlin, WU Yi
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1048-1057.  
Abstract151)      PDF(pc) (6376KB)(90)       Save
In order to solve the problems of large proportion of small targets in optical remote sensing data, the aspect ratio is large, and multiple targets are closely arranged and difficult to detect,we present an optical remote sensing small ship target detection algorithm based on the YOLO V5(You Only Look Once V5), UPCBAM- RYOLO V5 (Upsampling Convolutional Attention Block Module-RYOLO V5) algorithm. An up-sampling attention mechanism module is designed to enhance the feature extraction ability of small size targets. The rotation angle loss is introduced into the frame regression formula to improve the algorithm’s perception ability of the ships appearance and direction. Based on the experiment of small ship target datasets composed of GF1 and GF2, the results show that the UPCBAM-RYOLO V5 algorithm model improves the positioning accuracy and classification accuracy of small ship target detection. The P value, R value, and MAP(Mean Average Precision) value reach 93%, 94%, and 95% respectively, which are 3%, 7%, and 7% higher than the original YOLO V5 model. In the upsampled attention-mechanism module added location ablation experiment to the network, the results show that compared with the addition of UPCBAM in Backbone and Prediction, the addition of UPCBAM in Neck has the greatest influence on the detection of small target ships in remote sensing images. The performance is the best, with P value, R value, and MAP value increased by 5%, 4%, and 2%, respectively. The UPCBAM-RYOLO V5 model is proved to have a certain research significance in optical remote sensing ship small target detection.
Related Articles | Metrics
Analysis of Mbedos Scheduling Mechanism Based on Mutual Exclusion
LIU Changyong , WANG Yihuai
Journal of Jilin University (Information Science Edition)    2024, 42 (2): 284-293.  
Abstract151)      PDF(pc) (3969KB)(502)       Save
In order to have a clear understanding of the exclusive access principle and mechanism of mutex on shared resources, based on the brief analysis of the meaning, application occasions, scheduling mechanism and key elements of mutex in real-time operating systems, the mbedOS mutex scheduling mechanism are theoretically analyzed. Takes the KL36 chip as an example the mbedOS mutex is realized and the scheduling process information of thread response mutex is output spontaneously based on the sequence diagram and printf method. And the real-time performance of mutex scheduling mechanism is analyzed. The analysis of mutex scheduling mechanism is helpful to further analyze other synchronization and communication methods of mbedOS, and can also provide reference for in-depth understanding of other real-time operating system synchronization and communication methods. 
Related Articles | Metrics
Study and Design of Portable Nitrogen Gas Detector
HE Yuan, YU Mufeng, LI Jing, SHU Yining, LIN Yumeng, WU Shanshan, LI Xin
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1136-1141.  
Abstract150)      PDF(pc) (2788KB)(112)       Save
A portable nitrogen concentration detector based on the STC89C52 single chip microcomputer and an oxygen sensor is designed for the purpose of real-time detection of gas concentration in the gas regulating storage room. According to the principle that the concentrations of nitrogen and oxygen in the atmosphere is almost complementary when the rare gases are ignored, the monitoring of nitrogen concentration in grain storage rooms can be converted into monitoring oxygen concentration, which can ultimately be converted back to calculate the percentage of nitrogen concentration in the environment. When the nitrogen concentration percentage in the grain storage room is below the preset value of 97% , an audible and visual alarm function can be activated, while the nitrogen concentration percentage, temperature, and humidity information inside the grain storage room can be displayed in real-time. The hardware system includes signal acquisition circuits such as an oxygen sensor and a temperature and humidity sensor, signal conditioning circuits, analog-to-digital conversion circuits, an STC89C52 single chip microcomputer, and an audible and visual alarm unit. For software design, the C language and Keil development environment are selected. The experimental test results indicate that the detector can display environmental information in real-time and immediately trigger an alarm when the nitrogen concentration in the environment falls below the preset value of 97% , fulfilling its expected functions.
Related Articles | Metrics
Multidimensional Comprehensive Evaluation Model of Pilots’ Mental Workload Based on Random Forest Algorithm
HAN Lei
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1117-1122.  
Abstract150)      PDF(pc) (2081KB)(176)       Save
Pilots need to simultaneously process multiple information sources and tasks while performing tasks, which increases the workload of mental labor. In order to improve flight safety and pilot work efficiency, a multidimensional comprehensive evaluation model for pilot mental workload based on random forest algorithm is studied. A linear finite pulse response bandpass filter is used to process EEG(Electroencephalogram) signals, removing high-frequency and low-frequency noise, calculating mismatched negative waves, obtaining linearly interpolated EEG signal sampling points, and extracting power spectral density and energy features of each rhythm based on overlapping sampling points in the EEG signal neighborhood. A multi-dimensional comprehensive evaluation model of the random forest algorithm is constructed, determine the output points of each signal fluctuation frequency, and combine the voting mode to obtain the optimal classification results of multi-dimensional mental load, achieving comprehensive evaluation of pilot mental load. The experimental results demonstrate that the proposed method has high classification accuracy and can accurately evaluate the mental workload status of pilots.
Related Articles | Metrics
Bearing Fault Diagnosis Based on VMD-1DCNN-GRU
SONG Jinbo, LIU Jinling, YAN Rongxi, WANG Peng
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 34-42.  
Abstract150)      PDF(pc) (3530KB)(223)       Save

Rolling bearing is one of the key components in rotating machinery, and long-term mechanical operation leads to wear easily. Traditional fault diagnosis relies on feature extraction, but due to loud noise during mechanical operation, effective signals are drowned. And the fault diagnosis network structure is complicated and there are too many parameters. Therefore, a bearing fault diagnosis model based on variational mode decomposition and deep learning is proposed for bearing wear detection. Firstly, the bearing signal is decomposed by VMD( Variational Mode Decomposition) and denoised by Hausdorff distance. Secondly, the

selected effective signals are inputted into the network structure of one-dimensional convolutional neural network and gate recurrent unit to complete the classification of data and realize the fault diagnosis of bearings. Compared to common bearing fault diagnosis methods, the proposed VMD-1DCNN-GRU(Variational Mode Decomposition- 1D Convolutional Neural Networks-Gate Recurrent Unit) model has the highest accuracy. The experimental results verify the feasibility of the proposed model for the effective classification of bearing faults, which has certain research significance.

Related Articles | Metrics
Review of Application and Development Trends of Artificial Intelligence in Training Molecular Diagnostics Professionals
HE Jiaxue, HU Xintong, LIU Yong, ZHOU Bai, CHEN Liguo, LIU Siwen, JIANG Yanfang
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 422-431.  
Abstract149)      PDF(pc) (1467KB)(698)       Save
To address the efficiency and quality issues in current molecular diagnosis talent cultivation, the application status and future development trends of AI(Artificial Intelligence) technology in molecular diagnosis talent cultivation is explored. The research content covers the current application of AI technology in molecular diagnostics, its advantages and challenges, and focuses on analyzing how AI can enhance the efficiency and quality of talent cultivation through automated experimental processes, precise data analysis, and
interdisciplinary knowledge integration. The study summarizes practical experiences from domestic and international universities in integrating AI with molecular diagnostic talent cultivation and outlines future development trends, including the integration of VR ( Virtual Reality ) and AR ( Augmented Reality )technologies, the precision of intelligent diagnostic systems, and the intelligence of personalized learning platforms. The conclusion of the study indicates that AI technology holds great potential in the cultivation of
molecular diagnostic talents, significantly enhancing their comprehensive competitiveness and promoting the further development of molecular diagnostic technologies to provide robust talent support for precision medicine. However, the application of AI technology still faces multiple challenges, including the integration of interdisciplinary knowledge, data quality, and ethical and privacy issues, which need to be addressed through the joint efforts of educational institutions, industries, and governments.
Related Articles | Metrics
Algorithm for Identifying Abnormal Data in Communication Networks Based on Multidimensional Features 
JIANG Ning
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 889-893.  
Abstract149)      PDF(pc) (1243KB)(79)       Save
 To solve the problem of low accuracy in identifying abnormal data in existing methods. An abnormal data recognition algorithm for multi-dimensional feature-based communication network is proposed. The current speed and position of particles in particle swarm optimization algorithm is adjusted to obtain multi-dimensional data samples of communication network. Data features are extracted through clustering analysis in data mining, determining density indicators, and obtaining multidimensional features of the data. The extracted multidimensional features are Introduced into the deep belief network for recognition, and anomaly recognition of communication network data is achieved based on changes in feature spectrum amplitude. The experimental results show that the algorithm can effectively identify abnormal data features in communication networks and has high recognition accuracy. 
Related Articles | Metrics
Analysis of Event Response Mechanism of Real-Time Operating System
LIU Changyong, WANG Yihuai
Journal of Jilin University (Information Science Edition)    2024, 42 (4): 717-725.  
Abstract148)      PDF(pc) (4360KB)(327)       Save

In order to clearly understand the working principle and mechanism of events, to analyze the role, response principle, and response process of events in real-time operating systems, based on the KL36 microcontroller, a PC-like printf output method is adopted to analyze the event response mechanism of mbedOS from the aspects of scheduling process timing, response time performance, etc. The experimental results show that the printf function can intuitively output information such as thread address, queue address, queue content, thread in and out queue status, and event bits during the event response process. This provides convenience for readers to understand the event response principle and process of mbedOS from the bottom layer, and also provides a method reference for analyzing the context structure of other synchronization and communication methods of mbedOS.

Related Articles | Metrics
PD Parameters Setting of Qube-Servo2 Inverted Pendulum System Based on Genetic Algorithm
SUN Huihui , LUAN Hui , WANG Qinyi , SONG Yuanchun , YIN Jiaxin
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 58-64.  
Abstract148)      PDF(pc) (1945KB)(186)       Save
Considering that the traditional trial-and-error method of parameter setting for rotary inverted pendulum PD( Proportion Differentiation) controller has strong subjectivity and poor response ability, genetic algorithm is used to set parameters of PD controller so as to conduct model simulation and to ensure its operation on QUBE-Servo2 rotary inverted pendulum experiment system. The experiment shows that compared to the trial and error method, the PD controller parameters obtained by genetic algorithm further optimize the response performance of the system, and are not limited by subjective experience. The steady-state errors of the swing rod and swing arm are both within 0. 01 rad.
Related Articles | Metrics

Study on Estimation Method of Longitudinal Velocity for Four-Wheel-Drive Vehicle

LI Zhenghua, XIN Yulin, REN Min, YU Wenzheng
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 49-57.  
Abstract147)      PDF(pc) (1992KB)(106)       Save
To accurately obtain the longitudinal velocity of the vehicle, a longitudinal velocity estimation method applicable to four-wheel drive vehicles is proposed. Firstly, a finite state machine is utilized to identify the vehicle state at the current moment and the vehicle state in the time-domain window, which effectively switches between the adaptive Kalman filtering method and the integration method. For the four-wheel non-total skidding state, an adaptive Kalman filter method that updates the measurement noise in real time is designed. This method introduces the measurement value and estimation error in the time-domain window to improve the estimation accuracy. For the four-wheel total skidding state, the last longitudinal velocity estimate from adaptive Kalman filtering is used as the initial value, and the longitudinal velocity is calculated by integrating the longitudinal acceleration of the vehicle. The effectiveness of the algorithm is verified by Carsim and Simulink joint simulation experiments and real vehicle data experiments. The experimental results show that the estimation accuracy of the proposed estimation method is improved by at least 65% and 75% on low-adhesion road surfaces such as snow and ice, respectively, compared with the integral method and the method of estimating longitudinal velocity using wheel speeds.
Related Articles | Metrics
Improved LOAM Algorithm Based on Lidar-Iris Descriptor
MAO Yanbo, DENG Rongrong, JIANG Jinyi, HUA Zihan, CHEN Qinghua, XUAN Yubo
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 220-230.  
Abstract146)      PDF(pc) (5068KB)(156)       Save
To address the issues of motion distortion and error accumulation in SLAM(Simultaneous Localization and Mapping) systems during prolonged operations, a mapping method called IRIS-LOAM ( Lidar-Iris Based Lidar Odometry and Mapping in Real-Time ) is proposed, which leverages Lidar-Iris to construct global descriptors for loop closure detection. This algorithm has two major  innovations based on the LOAM algorithm.First, in the data processing stage, it integrates lidar data with IMU(Inertial Measurement Unit) data and uses the IMU data to correct the point cloud data. Second, in the mapping optimization stage, it employs an information matrix-based graph optimization algorithm and utilizes Lidar-Iris global descriptors for loop closure detection of key frames. And it preprocesses the input point cloud to improve the time efficiency of optimization. Comparing the improved algorithm with A _ LOAM through experiments, the results show that IRIS-LOAM achieves better mapping performance in various real-world scenarios, demonstrating its feasibility and practicality.
Related Articles | Metrics
Design of Dynamic Feature Enhancement Algorithm in 3D Virtual Images
XUE Feng, TAO Haifeng
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 840-846.  
Abstract146)      PDF(pc) (3671KB)(122)       Save
 To effectively solve the problem of uneven brightness in 3D virtual images, a dynamic feature enhancement algorithm for 3D virtual images is proposed. Median filtering algorithm and wavelet soft thresholding algorithm are combined effectively for denoising of 3D virtual images. By setting new structural elements based on visual selection characteristics, connected particle attributes are constructed, and using hierarchical statistical models to perform color conversion and structural element matching on the image, corresponding mapping subgraphs are obtained, and dynamic features are extracted. The 3D virtual image is inputted into an improved U-net++network, dense connections are used at different layers to enhance the correlation of image features at different levels, and all dynamic features are fused for detail reconstruction to achieve dynamic feature enhancement of the 3D virtual image. According to the experimental results, the proposed algorithm can achieve satisfactory dynamic feature enhancement effects in 3D virtual images. 
Related Articles | Metrics
 Integration Framework of Library Resourcing and Runtime Deployment for Logging Software
ZHAO Dong, XIAO Chengwen, GUO Yuqing, JI Jie, HU Yougang
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 972-978.  
Abstract146)      PDF(pc) (2378KB)(234)       Save
 The traditional desktop application library integration method has some limitations in practical applications, such as the expansion of the standard OS directory, the complexity of distribution package making, the need to modify the middle layer library when multiple level library calls are included, and the inconsistency between development and deployment environments. To solve the problems, an integration framework is proposed. The cores of it are managing libraries in the way of managing resources such as images and implement the dynamic deployment of libraries at runtime based on the detection results of constraints and dependencies between libraries. Through the design of the four components, Library resource management, runtime dynamic deployment, runtime dynamic loading and resource manager, and their collaboration, the integration framework for the first time implements the combination of the above two cores. The practical application of CIFLog Integrated Logging Platform method module integration shows that the integration framework can solve the problems existing in the traditional library integration. The applicability of this framework can be applied to the library integration of all desktop applications, providing a new idea for the library integration of desktop applications. 
Related Articles | Metrics
Network Security Situation Assessment System Based on Multi Source Data Mining
WANG Zheng, CUI Ran
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 143-149.  
Abstract142)      PDF(pc) (2249KB)(117)       Save
To maintain the security of network operation and ensure the secure storage of network information, a network security situation assessment system based on multi-source data mining is proposed. This study first establishes a three-layer network security situation system architecture with application layer, control layer, and data forwarding layer as the core. To ensure effective information transmission between the application layer and network devices, the OSGi (Open Service Gateway Initiative) design pattern is used to construct a five layer parallel architecture for the ONOS(Oper Network Operating System) controller of the control layer to ensure the decision-making response of the network security situation. Utilize the deployment of multiple detectors within the traffic detection module to achieve deep mining of network multi-source data; Introduce the LEACH(Low Energy Adaptive Clustering Hierarchy) algorithm to achieve multi-source data fusion at the network cluster head. After analyzing the threat level of network intrusion factors through the security situation assessment module, combined with the weight coefficient theory, the threat level of the network situation threat factors is assigned. Combined with the network hierarchical division method, the security situation of the operational network service layer, host layer, and network layer is evaluated in layers. The experiment shows that the proposed method has a high ability to analyze the operational status of network data, and can accurately identify attacks from multiple types of network threat factors, providing important guarantees for network security operation.
Related Articles | Metrics
Small Target Detection Model in Aerial Images Based on Wasserstein Distance Loss
CAI Zeyu, LIU Yuanxing, LI Wenzhi, WU Xiangning, YANG Yi, HU Yuanjiang
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 65-76.  
Abstract142)      PDF(pc) (3944KB)(344)       Save

UAV(Unmanned Aerial Vehicle) aerial photography, characterized by multi-angle, large field of view, and large-scale scenes, often results in images with numerous small objects, complex backgrounds, and difficult feature extraction. To address these issues, a new model, CA-NWD-YOLOV5 ( Coordinate Attention- Normalized Wasserstein Distance-You Only Look Once v5) is proposed. Based on the YOLOv5 model, a multi- scale detection layer is added to the head network to extract the features of small targets. It also incorporates a CA attention mechanism into the backbone network to prevent the model from overlooking target location

information. Lastly, the normalized Wasserstein distance loss function replaces the loss function based on intersection ratio, enhancing the model’s sensitivity to small targets. Experiments on the VisDrone2019 dataset demonstrate that, compared to the improved YOLOv5 model, the CA-NWD-YOLOv5 model can effectively enhance the detection accuracy of small and medium-sized targets in UAV aerial photography images. The mAP_ 0. 5 of the improved algorithm reaches 50% , proving its effective application to the detection of small targets in aerial photography.

Related Articles | Metrics
Research on Stock Price Prediction Based on TRSSA-ELM Algorithm
TAN Jiawei , GU Jiacheng , LI Chunmei , WANG Shanqiu , QIN Dandan
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 90-97.  
Abstract140)      PDF(pc) (2543KB)(98)       Save

In order to solve the problems of uncertainty, discontinuity, randomness and nonlinearity in stock price forecasting, a TRSSA-ELM ( Tent Random Walk Sparrow Optimization Algorithm-Extreme Learning Machine) stock price forecasting model is proposed. Firstly, adaptive Tent chaotic mapping and random walk strategy are used to improve the algorithm, which enhances the diversity and randomness of the population and improves the local and global optimization ability of the algorithm. Secondly, the performance of TRSSA( Tent Random Walk Sparrow Optimization Algorithm) is verified by using single peak, multi-peak and fixed multi-peak

test functions. Compared to SSA( Sparrow Optimization Algorithm), AO( Aquila Optimizer), POA( Pelican Optimization Algorithm) and GWO(Grey Wolf Optimizer), TRSSA algorithm has better convergence speed, accuracy and statistical properties. Finally, because the ELM ( Extreme Learning Machine) model randomly generates weights and thresholds, which reduces the prediction accuracy and generalization ability, TRSSA algorithm is applied to optimize the weights and thresholds of the ELM model, and the TRSSA-ELM model is tested in Sanan Optoelectronic stock data set. The experimental results show that TRSSA-ELM model has better prediction accuracy and stability than SSA-ELM, ELM, SVR(Support Vector Regression) and GBDT(Gradient Boosting Decision Tree).

Related Articles | Metrics
Optimization Method for Unstructured Big Data Classification Based on Improved ID3 Algorithm
TANG Kailing, ZHENG Hao
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 894-900.  
Abstract140)      PDF(pc) (1481KB)(114)       Save
During the classification process of unstructured big data, due to the large amount of redundant data in the data, if the redundant data cannot be cleaned in a timely manner, it will reduce the classification accuracy of the data. In order to effectively improve the effectiveness of data classification, a non structured big data classification optimization method based on the improved ID3(Iterative Dichotomiser 3) algorithm is proposed. This method addresses the problem of excessive redundant data and complex data dimensions in unstructured big data sets. It cleans the data and combines supervised identification matrices to achieve data dimensionality reduction; Based on the results of data dimensionality reduction, an improved ID3 algorithm is used to establish a decision tree classification model for data classification. Through this model, unstructured big data is classified and processed to achieve accurate data classification. The experimental results show that when using this method to classify unstructured big data, the classification effect is good and the accuracy is high. 
Related Articles | Metrics
Classification Algorithm of Big Data Feature Integration under Deep Learning Mode
PENG Jianxiang
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 231-237.  
Abstract138)      PDF(pc) (2395KB)(99)       Save
Big data usually comes from different data sources with diverse formats, structures, and qualities. Big data often contains a large number of redundant features, which can affect the accuracy of data classification during feature integration. To address these issues, a deep learning-based algorithm is proposed for feature integration classification in hospital big data. A feature extraction model is established based on deep learning to extract relevant features from the data. However, since the training process of the model introduces a significant amount of noise, the extracted features may contain irrelevant information, which can impact the results of feature integration classification. Therefore, a stacked sparse denoising autoencoder is employed to suppress irrelevant features. The best training parameters are determined using divergence functions and greedy algorithms, and a loss function is utilized to sparsify the irrelevant features in the feature space, resulting in practical data features.A feature integration classification model is constructed using an autoencoder network, and with the assistance of type-constrained functions and objective functions, the optimal integration centers for each class are obtained to achieve data feature integration classification. Experimental results demonstrate that the proposed method exhibits excellent classification performance, with macro-averaged values above 0. 95, and it also shows fast classification speed, indicating its effectiveness in classification.
Related Articles | Metrics
Research on Autonomous Flexible Docking System for Single-Post Steel Pipe Towers
PANG Hao , RUAN Zhoujie , CAI Weijie , LIU Ruijia , HU Zhengyi
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 43-48.  
Abstract135)      PDF(pc) (1521KB)(63)       Save

Currently, the docking of single-column steel pipe towers in power systems mainly relies on manual implementation, which has a high risk factor and is time-consuming and laborious. Aiming to research the autonomous docking technology of single-column steel pipe tower for this specific technical condition and environment, a vision-based navigation-based hydraulically driven autonomous flexible docking system for single- column steel pipe tower is proposed. The single-post steel pipe tower autonomous flexible docking system uses a microcontroller that enables autonomous positioning and docking through image tracking control, and the

computational performance of the microcontroller makes it easier for technicians to operate. Numerical simulations and hardware tests are carried out for the docking of a single column steel pipe tower in the two- dimensional plane. The results show that the effectiveness of the proposed method is verified by controlling the motion of the steel pipe tower assembly at the docking interface using a small steel pipe tower model with air bearings in the two-dimensional plane with a minimum propellant thruster and a small control moment gyroscope.

Related Articles | Metrics
Sensitivity Estimation of Overhauser Magnetometer for JOM-5J Station Monitoring
SUN Yuzhi, CHEN Shudong, ZHANG Shuang
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 20-25.  
Abstract134)      PDF(pc) (3645KB)(74)       Save

In order to fulfill the observation requirements for the total magnetic field intensity of geomagnetic stations, a specialized magnetometer architecture is independently designed for the stations, and the Overhauser magnetometer is developed for station monitoring. Sensitivity evaluations are conducted using both single-station direct measurement and dual-station synchronized methods under field conditions with low noise and in environments with high electromagnetic interference. The experimental results from both direct measurement and synchronized methods indicate that the sensitivity of the JOM-5J magnetometer can reach 0. 02 nT at a 1s period. It is capable of replacing the GSM-90F for applications in earthquake precursor observations and long-term

volcano monitoring.

Related Articles | Metrics
Interactive 3D Virtual Scene Algorithm for Multimedia Digital Images
WEN Qiang, HE Jing, QIU Xinxin
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 439-444.  
Abstract134)      PDF(pc) (2985KB)(43)       Save
The scale of multimedia digital image data is enormous, including ordinary RGB(Red Green Blue)images and various types of data such as depth maps, texture information, and normal maps. The difficulty of depth estimation leads to low accuracy in 3D scene reconstruction. To effectively address this issue, an interactive 3D virtual scene algorithm for multimedia digital images is proposed. Corners from multimedia digital images are extracted and they are used as initial values to perform a checkerboard edge search to determine the true corners. All corners are used as feature points to perform camera calibration and obtain the corresponding
camera pose for each multimedia digital image. By using the improved PatchMatchNet to perform depth estimation on the reference image, the output depth map is obtained through multiple iterations. By using the method of reprojection to filter the outer points of the depth map and projecting it into the world coordinate system, an interactive 3D virtual scene is finally obtained. The experimental results show that the proposed algorithm can obtain high-precision interactive 3D virtual scene reconstruction results, and the reconstruction time is less than 50 ms.
Related Articles | Metrics
Effect of Time Synchronization Error on Performance of Overhauser Magnetometer
SHI Chenshuai, ZHANG Shuang, CHEN Shudong
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 14-19.  
Abstract133)      PDF(pc) (2873KB)(58)       Save

In order to suppress the influence of low-frequency magnetic field interference, such as geomagnetic diurnal variation, on the measurement results, multiple magnetometers are usually used for synchronous measurement. The time synchronization error has an obvious influence on the suppression effect. The influence of different time synchronization errors is studied on the JOM-5SF Overhauser magnetometer in geomagnetic detection and instrument sensitivity evaluation, based on the magnetometer developed in the laboratory. Two Overhauser magnetometers are used to conduct experiments on the campus of Jilin University. After comparing

the experimental results with the evaluation results of professional institutions, it is found that the smaller the time synchronization error, the smaller the difference between the magnetic field values of the two instruments, and the more accurate the sensitivity of the evaluation instruments by the synchronous method.

Related Articles | Metrics
Text Matching Image Generation Model Based on Improved GAN Algorithm
XU Yiwei, CHEN Gang
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 258-264.  
Abstract133)      PDF(pc) (3098KB)(126)       Save
In order to effectively improve the visual effect and matching degree of text matching generated images, a text matching generated image model based on improved GAN( Generating Adversarial Networks) algorithm is proposed. Initial matching of text and images are unfolded through a mixed index tree. On the basis of GAN, they are improved to form an adversarial generation network based on cross attention mechanism encoding, and the improved GAN is used to establish a text matching image generation model. The cross attention encoder in the bidirectional LSTM( Long Short-Term Memory) network optimization model is used to translate and align text and visual information, obtaining cross modal mapping relationships between text and images, completing fine matching between text and images, and ultimately generating images that meet the requirements of the text. The experimental results show that the proposed model can generate images with higher quality that match image details with text.
Related Articles | Metrics
Pipeline Leakage Signal Denoising Using VMD-HD-VMD
WANG Dongmei, XIAO Jianli, LU Jingyi, HE Bin
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 238-244.  
Abstract130)      PDF(pc) (3261KB)(78)       Save
In order to distinguish the effective component and noise component after VMD(Variational Mode Decomposition), and improve the denoising effect of VMD. A denoising algorithm (VMD-HD-VMD) combining VMD and HD(Hausdorff Distance) is proposed. Firstly, the original signal is decomposed into K IMF(Intrinsic Mode Functions) by VMD, the HD value of the probability density function of IMF component is calculated respectively, and the effective component and noise component are distinguished according to the HD value. Then the noise component is decomposed by VMD again, the effective component is selected by correlation coefficient, and reconstructed with the effective component decomposed for the first time. This method is applied to the denoising of pipeline leakage signal. The simulation experiment and pipeline leakage signal processing show that this method has better effect than EEMD(Ensemble Empirical Mode Decomposition), VMD and VMD combined wavelet denoising.
Related Articles | Metrics
Based on Deep Generative Models, Hospital Network Abnormal Information Intrusion Detection Algorithm 
WU Fenglang, LI Xiaoliang
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 908-913.  
Abstract128)      PDF(pc) (2038KB)(105)       Save
In order to ensure the security management of the hospital information network and avoid medical information leakage, an intrusion detection algorithm for abnormal information in the hospital network based on deep generative model was proposed. Using binary wavelet transform method, multi-scale decomposition of hospital network operation data, combined with adaptive soft threshold denoising coefficient to extract effective data. The Wasserstein distance algorithm and MMD(Maximun Mean Discrepancy) distance algorithm in the optimal transportation theory are used to reduce the dimension of the hospital network data in the depth generative model, input the reduced dimension network normal operation data samples into the anomaly detection model, and extract the sample characteristics. Using the Adam algorithm in deep learning strategy, generate an anomaly information discrimination function, and compare the characteristics of the tested network operation data with the normal network operation data to achieve hospital network anomaly information intrusion detection. The experimental results show that the algorithm can achieve efficient detection of abnormal information intrusion in hospital networks, accurately detect multiple types of network intrusion behaviors, and provide security guarantees for the network operation of medical institutions. 
Related Articles | Metrics
Mobile Terminal Access Control Technology Based on EVM Measurement Algorithm
CAO Luhua
Journal of Jilin University (Information Science Edition)    2024, 42 (5): 966-971.  
Abstract127)      PDF(pc) (1569KB)(88)       Save
In response to the difficulty in determining the characteristics of users and data for mobile terminal access, which leads to high difficulty in access control, an access control technology based on EVM(Error Vector Magnitud) measurement algorithm is proposed to effectively solve the problem. Considering the impact of noise and other interference factors in the environment, the Qos(Quality of Srvice) condition is used as the initial access condition for users. The characteristics of users or data that meet this condition are calculated, and the feature values are converted into weight factors as reference for access control. The EVM measurement algorithm is used to calculate the difference between the internal and external signals of the terminal channel, and the user weight factor is used to derive the access threshold of the mobile terminal. The increasing and decreasing functions between different user threshold values and control values are solved, and precise control of mobile terminal access is achieved according to the priority order of the functions. The experimental data shows that the proposed method has high access control accuracy, and after control, the terminal transmission delay and blocking rate have been significantly improved, and the data arrival rate has also been significantly improved. 
Related Articles | Metrics
Multi-Feature Fusion Named Entity Recognition and Application in Oil and Gas Exploration Field
YUAN Man, ZHAO Xingyu, YUAN Jingshu, MA Zhuoran
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 401-411.  
Abstract127)      PDF(pc) (3444KB)(229)       Save
Aiming at the limitations of existing named entity recognition methods in identifying entities involving multiple elements and nested entities in oil and gas exploration texts, a novel approach is proposed. This approach integrates multiple features using a BERT-CNN-BiGRU-Attention-CRF(Bidirectional Encoder Representations from Transformers-Convolutional Neural Network-Bidirectional Gated Recurrent Unit-Attention-Conditional Random Field) architecture for named entity recognition. The model leverages BERT's semantic extraction capability to obtain character Vectors with global features for the entire sentence. Additionally, it utilizes CNN's ability to capture local features, overcoming limitations of BERT character Vectors, and obtains character-level Vectors for words. By incorporating a custom oil and gas exploration domain dictionary and employing a bidirectional maximum matching method, dictionary feature Vectors are obtained. These three types of Vectors are concatenated and used as input for the BiGRU-Attention-CRF model. Experimental results on a self-constructed small-scale oil and gas exploration dataset demonstrate an F1 score of 91.10% . Compared to other mainstream NER ( Named Entity Recognition) methods, this model exhibits superior recognition performance. Furthermore, it provides valuable assistance in constructing knowledge graphs for the oil and gas exploration domain.
Related Articles | Metrics
Post-Stack Seismic Data of Super-Resolution Based on Deeply Augmented Generative Adversarial Networks
WANG Ruimin, YANG Wenbo, ZHANG Wenxiang, DENG Cong, LU Tongxiang, XIE Tao
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 368-376.  
Abstract127)      PDF(pc) (4507KB)(122)       Save
As the environment of geophysical exploration becomes more complex, and it is limited by acquisition and processing technology which results in low resolution and signal-to-noise ratio of post-stack seismic data.Therefore, how to enhance its resolution while realizing noise attenuation is a non-negligible problem. A design called DESRGAN(Depth-Enhanced Super-Resolution Generative Adversarial Network) is proposed, which is intended to be applied to the task of super-resolution reconstruction of seismic data. DESRGAN uses a LRDB(Lightweight Residual Dense Block) as the base unit to improve the efficiency and stability of the training
process, passes through channel attention in the deep feature extraction phase to increase the focus on important features and performs an up-sampling operation using pixel reorganization instead of interpolation to take into account the spatial relationship between pixels. Experimental results on synthetic and field data show that the network can reconstruct the synthetic data as the test set and it is well generalized to the field data. Compared with classic GAN(Generative Adversarial Network) and CNN(Convolutional Neural Network), the reconstructed results are visually clearer, and have higher peak signal-to-noise ratio and structural similarity in quantitative analysis.
Related Articles | Metrics
Travel Time Prediction Method Based on Bidirectional Multi-Attention Graph Convolution
XING Xue, TANG Lei
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 288-295.  
Abstract127)      PDF(pc) (1919KB)(161)       Save
To address the challenge of efficiently mining spatiotemporal information for traffic prediction, a novel vehicle travel time prediction method is proposed based on bidirectional multi-attention spatiotemporal graph convolution. To extract the spatial dependencies within the road network, a traffic transfer matrix is constructed using a Markov chain approach, which captures the bidirectional traffic flow transfer relationships. Graph convolution is employed to learn the spatial dependencies within the graph network. Subsequently, an attention mechanism is utilized to capture both local and global temporal features within the traffic flow map. Finally, a MLP ( Multi-Layer Perceptron) is used to forecast travel times, producing the final prediction results. The Xuancheng road network traffic data is selected for model validation. The results demonstrate that the proposed model reduces the RMSE (Root Mean Square Error) by 7. 6% , 3. 7% , and 9% , respectively, compared to baseline models such as STGCN( Spatio-Temporal Graph Convolutional Networks), ASTGCN(Attention Based Spatial-Temporal Graph Convolutional Networks), and A3T-GCN ( Attention Temporal Graph Convolutional Network). This significant reduction in RMSE indicates that this model substantially improves prediction accuracy, highlighting its effectiveness in capturing and utilizing spatiotemporal information for more precise traffic predictions.
Related Articles | Metrics
Analysis of Life Characteristics of Magnus Rotors and Improvement of Life Models
JIANG Yinling, YANG Haoqi, ZHANG Zhou, LIU Ke
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 542-546.  
Abstract125)      PDF(pc) (1702KB)(25)       Save
Magnus rotor is a new type of auxiliary propulsion device for ships. Addressing the disparity between the lift model of Magnus rotors and traditional lift formulae, a combined approach of theory and numerical simulation is employed for investigation. Initially, the geometric and flow domain models of the Magnus rotor are established. Subsequently, computational fluid dynamics software is utilized for grid independence verification and numerical validation. A numerical simulation method is then employed to analyze the aerodynamic characteristics of the Magnus rotor model, considering the impact of various wind speeds and rotor rotation rates on the generated thrust. Finally, based on the obtained data, adjustments are made to the traditional lift model, and the reliability of the modified model is verified by comparing simulation data under different conditions with literature data. The results indicate that the propulsion force of the Magnus rotor increases with the increase of rotation ratio, and the optimized lift model exhibits a high degree of fit with simulated values, demonstrating higher accuracy. 
Related Articles | Metrics
Improved Hybrid Cuckoo Search and Its Application#br#
SHANG Yuhong, HU Qian, WANG Yubing
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 338-346.  
Abstract124)      PDF(pc) (1656KB)(103)       Save
When solving high-dimensional equations, the CS (Cuckoo Search) has the drawback of falling into local optima. To address this deficiency, an improved hybrid cuckoo search is proposed. Firstly, the population is initialized using chaotic mapping and reversed learning mechanisms. Then the search mechanisms of TLBO (Teaching Learning Based Optimization) and CS are performed alternately. Finally, the discovery probability and embeds DE (Differential Evolution) are dynamically adjusted to comprehensively improve the algorithm's performance. The comparative results of simulation experiments with 6 benchmark functions and 1 optimized grating coupler design show that this algorithm is better for solving high-dimensional equations and effectively avoids the CS algorithm getting stuck in local optima.
Related Articles | Metrics
Latent Low-Rank Projection Based on Dual Neighborhood and Feature Selection
YIN Haishuang, LI Rui
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 195-202.  
Abstract124)      PDF(pc) (2705KB)(102)       Save

In view of the defects that the projection matrix learned from LatLRR ( Latent Low Rank Representation) can not explain the importance of the extracted features and preserve the local geometry of data, a novel method named LLRSP (Latent Low-Rank and Sparse Projection) with dual neighborhood preserving and feature selection is proposed. The algorithm first combines low-rank constraint and orthogonal reconstruction to hold the main energy of the original data, and then applies a row sparse constraint to the projection matrix for feature selection, which makes the features to be more compact and interpretable. Furthermore, a l2,1 norm is introduced to regularize the error component to make the model more robust to noise. Finally, neighborhood preserving regularization is applied on the low dimensional data and low-rank representation matrix to preserve the local manifold geometrical structure of data. Datasets results of extensive experimental on various benchmark show that this method can obtain better performance than other state-of-the-art methods.


Related Articles | Metrics
Image Compression Method of Digital Video Based on Sparse Encoding
ZHANG Shuye
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1011-1017.  
Abstract124)      PDF(pc) (2597KB)(100)       Save
During the process of digital video image acquisition, due to external environmental noise interference and low resolution of the original image, there may be significant distortion and artifacts during the compression process. Each compression and decompression introduces a certain amount of error, which gradually accumulates, resulting in poor compression performance. A research on digital video image compression method based on sparse encoding is proposed. Using multi threshold iterative methods to remove noise from digital video images is beneficial for subsequent image compression processing. The orthogonal basis coefficients of the denoised digital video image are obtained through sparse encoding method, redundant dictionary sparse encoding and compression transmission are performed on this coefficient, a multi frame decompressing artifact network is established, and the motion compensation module is used in the network to perform motion offset estimation and pixel compensation on the digital video image. The motion compensated frames are inputted into the decompressing artifact module to eliminate compressed artifacts and achieve digital video image compression. The experimental results verify that this method can effectively remove artifacts in compressed digital video images, and has high compression efficiency and signal-to-noise ratio.
Related Articles | Metrics
Intelligent Monitoring Method for Ventilator Operation Status Based on HHT Algorithm
ZHANG Zhao
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 309-316.  
Abstract123)      PDF(pc) (2423KB)(155)       Save
In order to ensure the normal operation of the ventilator, an intelligent monitoring method for the operating status of the ventilator based on the HHT(Hilbert-Huang Transform) algorithm is proposed. Firstly,wavelet neural network is used to denoise the running signal of the ventilator; Secondly, combined with the HHT algorithm, the denoised ventilator operation signal is decomposed by EMD(Empirical Mode Decomposition), and the decomposed IMF( Intrinsic Mode Functions) component is transformed by Hilbert spectrum to obtain the signal spectrum as the signal feature. Finally, the obtained signal spectrum is placed in the MLP neural network
classifier, and the backpropagation algorithm is used to train the MLP neural network to achieve recognition of the operating status of the ventilator. The experimental results show that the proposed method has a good denoising effect, and the monitored results are consistent with the actual spectrum. At the same time, the sensitivity of monitoring is above 96% , and the accuracy of operating status recognition is above 95% . This indicates that the proposed method can effectively monitor the operating status of the ventilator and has good monitoring performance.
Related Articles | Metrics
Transmission Load Optimization Algorithm of Equipment Big Data Based on 5G Network
LI Min, CHEN Pujian, CHEN Xiuyun, HE Jiayan
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 445-450.  
Abstract122)      PDF(pc) (2203KB)(120)       Save
To ensure stable transmission of big data, a device big data transmission load optimization algorithm based on 5G network is proposed. The factors that affect the performance of big data transmission are analyzed,including data latency, average stream bandwidth utilization, and throughput. Morphological filtering algorithms are used to perform low-pass filtering on big data, eliminating noise in the data and reducing data transmission delay. Dynamically big data transmission channels are selected to avoid data congestion in the network and improve network throughput. On the basis of information transmission matrix mapping, data transmission accuracy is improved, and a capacity expansion mechanism is designed to improve network bandwidth utilization
and complete load optimization. The experimental results show that after optimization using the proposed algorithm, the bandwidth utilization rate is improved, and the network energy consumption and data transmission delay are reduced.

Related Articles | Metrics
EEMD-PRT Algorithm for Denoising Pipeline Leakage Detection
LI Jiange, WANG Lan, LIANG Jinghan
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 461-466.  
Abstract121)      PDF(pc) (1456KB)(81)       Save
The EEMD(Ensemble Empirical Mode Decomposition) algorithm faces challenges in aligning the generated IMF(Intrinsic Mode Function) components during the decomposition process. To address this issue, a novel denoising method that combines EEMD with the PRT(Phase Randomization Technique) is proposed, enhancing the denoising performance of the improved EEMD algorithm. By incorporating PRT, the method effectively handles nonlinear and nonstationary signals, significantly improving the stability and reliability of the IMFs, and enhances the performance of the EEMD algorithm in noisy environments. The experimental results strongly demonstrate the innovation’s value, as the EEMD-PRT algorithm shows superior performance compared to traditional methods by improving the signal-to-noise ratio and correlation coefficient of noisy signals, reducing the mean square error and mean absolute error. Furthermore, its effectiveness has been thoroughly validated in pipeline leak detection for pipes with varying diameters.
Related Articles | Metrics
Fault Intelligent Identification Method Based on Parallel Fusion Network with Dual Attributes
ZENG Lili, NIU Yixiao, REN Weijian, LIU Xiaoshuang, DAI Limin, WEI Zhiyuan
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 355-367.  
Abstract119)      PDF(pc) (8748KB)(123)       Save
Deep learning methods have improved the efficiency and accuracy of fault identification, but current research often relies on extracting fault features from single attributes such as seismic amplitude, which leads to issues like poor fault continuity and missed detections. These problems limit the exploration and development of oil and gas reservoirs in complex areas. An intelligent fault identification method based on deep learning technology is proposed, which adopts a multi-level fusion strategy to construct a dual-attribute parallel fusion network PE-Net(Parallel Elements Network). Firstly, the ant body attributes and amplitude attributes are input
into the ant body feature extraction network and the amplitude feature extraction network respectively, capturing the fault features of different angles from both paths using the AIFM ( Attribute Intensive Feature Module). Secondly, two attribute feature modules are used to integrate cross-layer features of the output of each branch, mining multi-scale information and mitigating scale changes. Finally, the FFM(Feature Fusion Module) is used to integrate the two parallel branches, reducing the limitation of a single attribute. Synthetic data experiments demonstrate that the PE-Net model achieves an accuracy of 97. 95% , with a 1. 33% improvement compared to the U-Net model. The fault identification results on the Kerry3D dataset and ablation experiments confirm that the proposed method is capable of capturing more contextual fault features, reducing missed and false detections,thereby improving the accuracy of complex fault identification and enhancing the detection of small faults.
Related Articles | Metrics
Joint Beamforming Design for IRS-Assisted C-IoT System
SUN Zhenxing, SHA Guohui, NAN Chunping, XU Ziang, LI Xuefeng
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1041-1047.  
Abstract119)      PDF(pc) (1549KB)(101)       Save
Aiming at the problem of low spectrum efficiency in MIMO(Multiple Input Multiple Output) C-IoT (Cognitive Internet of Things) systems, a block coordinate descent algorithm based on alternating iterative assisted by IRS(Intelligent Reflecting Surface) is proposed. System weighted sum rate is maximized by jointly optimizing active beamforming at secondary transmitter and passive beamforming at IRS, and is constrained by the interference power at the primary receiver, the transmit power at the secondary transmitter, and the unit mode at the IRS. After decomposing the complex non-convex optimization problem into subproblems, the subproblems are processed using the Lagrange Dual method and the Successive Convex Approximation method, respectively. The simulation results show that the proposed algorithm can converge quickly in a multi-antenna user scenario, and the spectrum efficiency of the C-IoT system can be effectively improved by increasing the number of IRS reflective elements or correctly deploying the location of the IRS. 
Related Articles | Metrics
Adaptive Multi-Threshold Image Segmentation Based on Deep Learning and Potential Function Clustering
ZHANG Yanxiao
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1058-1065.  
Abstract119)      PDF(pc) (3405KB)(72)       Save
In order to improve the contrast enhancement effect of remote sensing blurred images and increase clarity, a method based on mean filtering for remote sensing blurred image contrast enhancement is proposed. Firstly, a fast median adaptive mean filtering algorithm is used to denoise the entire remote sensing blurred image. Secondly, combining the fractal self-similarity feature of remote sensing image edge and the change of gray scale gradient, the edge points of the image are extracted. On this basis, the whole area of the image is divided into bright areas and dim areas. Finally, the detail preserving mapping algorithm and perceptual contrast mapping method are used to enhance the contrast of the two regions, respectively, and the overall contrast of the remote sensing blurred image achieving color restoration of the image. The experimental results show that the proposed method can effectively denoise images, with an absolute mean difference of less than 0. 85, and exhibits good performance in enhancing image contrast and clarity. 
Related Articles | Metrics
Image Enhancement Algorithm of Low-Light Color Polarization
DUAN Jin, HAO Shuilian, GAO Meiling, HUANG Dandan, ZHU Wenbo, FU Weijie
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 671-681.  
Abstract118)      PDF(pc) (5014KB)(27)       Save
 In order to solve the problems of low brightness, serious noise, and color distortion of color polarization images in low-illumination scenes, an unsupervised learning algorithm for color enhancement of low- illumination color polarization images is proposed, which is named LPEGAN(Low-Light Polarization Enhance Generative Adversarial Network). Firstly, a double-branch feature extraction module is designed and used different branches to extract features from Stokes parameters S0 and S1 ,S2 , respectively. Secondly, the residual void convolution module is constructed. And the different expansion rates can expand the receptive field to improve the model extraction ability and reduce the image color distortion. The edge texture loss function is constructed to ensure the structural similarity between the enhanced image and the input image. Experimental verification is carried out on the public datasets LLCP(Low-Light Chromatic Intensity-Polarization Imaging), IPLNet(Intensity-Polarization Imaging in Low Light Network), and self-built datasets. The experimental results show that the proposed algorithm has better visual effects, and all evaluation indicators are significantly improved. Polarized image brightness is enhanced, noise is significantly suppressed, and image colors are more realistic and natural.
Related Articles | Metrics
Research on International Hotspots and Cooperation of Science and Technology Resources
ZHANG Shiyue, CHEN Xiaoling
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1123-1129.  
Abstract117)      PDF(pc) (2827KB)(77)       Save
In order to explore the international research hotspots and international cooperation trends of scientific and technological resources, this paper uses the method of scientific bibliometrics and visual analysis to analyze the scientific and technological resources literature included in Web of Science. The results show that scientific and technological resources are in a period of rapid growth. The United States, Spain, Brazil and China are the main publishing countries. The core research institutions are the University of Sao Paulo and the Chinese Academy of Sciences. The main journals are “Sustainability” and “ Strategic Management Journal”. The research hotspots are technical resources, communication technology and data collection.
Related Articles | Metrics
Algorithm for Identifying Abnormal Behaviors in Surveillance Images Using Computer Vision 
GUO Xiangge
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 682-687.  
Abstract116)      PDF(pc) (1998KB)(23)       Save
 The low efficiency of video surveillance in identifying emergencies results in that the recognition system is unable to detect and respond to emergencies in a timely manner, increasing the risk of potential hazards. Therefore, a recognition algorithms of monitoring image abnormal behavior based on computer vision is proposed. Based on the initial background of the monitoring image, a differential operation is used to obtain the differential image between the background image and the monitoring image, and the background subtraction method is used to perform binary processing on the combined sorted new monitoring image to complete target area recognition. Then, a rectangle is used to traverse the target area, collect effective motion blocks from the target area, extract the feature vectors of the motion blocks, and complete the extraction of abnormal behavior features in the monitoring image. And the identification of abnormal behavior in monitoring images through Kuhntak conditions is completed. The experimental results show that the proposed method has an abnormal behavior recognition time of less than 1. 0 s, and the recognition accuracy remains above 94%. It can accurately identify abnormal behavior in monitoring images, effectively improving recognition efficiency and recognition rate.
Related Articles | Metrics
Research on Assessment Model of Ontology Quality Based on Standard-Driven Approaches
YUAN Man, LIU Guojiao, YUAN Jingshu, ZHAI Kexin
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 605-614.  
Abstract116)      PDF(pc) (4502KB)(116)       Save
Currently, the lack of standardized support for ontology quality assessment models in the field of data governance is a significant issue. Building a standardized ontology quality assessment model is of utmost importance in addressing this challenge. By studying the dimensions under ISO/ IEC 25012 data quality standards, the GQM (Goal-Question-Metric) methodology is used as a guide to define metrics under the dimensions and realize the mapping from metrics to dimensions. Finally, based on the DQV(Data Quality Vocabulary)data quality model proposed by W3C(World Wide Web Consortium), a scalable and robust ontology quality model is constructed. The proposed quality assessment model provides a complete, unified, and standardized terminology system to describe the various elements of ontology quality, and provides a standardized quality knowledge representation model for ontology quality assessment. Finally, taking the completeness dimension as an example,the corresponding quality assessment model is constructed, and the feasibility of the model is verified by using the downhole operation data set. It effectively solves the problem of the lack of standardization of ontology quality assessment model in data governance field, and provides a unified and standardized term system to describe each element of ontology quality in data governance field. 
Related Articles | Metrics
Short Term Prediction of Large-Scale Road Network Traffic Flow Based on Improved Neural Network
ZHANG Lingtao
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 432-438.  
Abstract116)      PDF(pc) (1574KB)(60)       Save
The specific high complexity and nonlinear characteristics of large-scale road network traffic flow in a short period of time affect the accuracy of short-term traffic flow prediction. A short-term prediction method for large-scale road network traffic flow is studied based on improved neural network algorithms. Large-scale road network functions are constructed, road network functions are optimized by treating road sections as the core of the network and treating road nodes as corresponding connecting elements. Based on the optimized road network function, traffic flow features are extracted by combining the K-means algorithm with the EM ( Expectation-Maximization) algorithm. By combining genetic algorithm with Elman neural network algorithm, a short-term prediction of the traffic flow of the road network is carried out, and relevant prediction results are obtained.Experimental results have shown that the improved method's single point average speed prediction results are closer to the actual values, and the short-term prediction error of large-scale road network traffic flow is lower,resulting in higher reliability of the prediction results.
Related Articles | Metrics
Research Hotspots and Theme Evolution Analysis of Science and Technology Resources in China
CHEN Xiaoling, SUN Boyi, ZHANG Shitong
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 394-400.  
Abstract116)      PDF(pc) (3667KB)(157)       Save
In order to explore the analysis of research points and theme evolution of science and technology resources in China. Bibliometrics and knowledge mapping analysis tools are used to statistically and visually analyse the research papers on S&T resources in China in the past 10 years. The results show that China's technological resources resources are in the growth period, with China Institute of Science and Technology Information, National Science and Technology Basic Condition Platform Centre and Guilin University of Science
and Technology as the main issuing institutions, Research on Science and Technology Management, China Science and Technology Resource Guide, and Science and Technology Progress and Countermeasures as the main journals carrying the papers, and the hotspots of research are the allocation of S&T resources and the influencing factors, the sharing and integration of S&T resources, and the construction of the resource-sharing platform and the The research hotspots are S&T resource allocation and influencing factors, S&T resource sharing and integration, resource sharing platform and service platform construction, collaborative innovation is the research hotspot after 2014, and S&T resource structure, innovation chain and S&T resource pool are the cutting-edge hotspots in the recent three years.
Related Articles | Metrics
Design of SoC Experimental System Based on CPU-FPGA
WANG Lijie, QIAN Junhong, HE Junfeng, WANG Rui, HE Yuan, LIU Fengmin, ZHANG Tong
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 518-523.  
Abstract116)      PDF(pc) (1764KB)(34)       Save
In order to solve the problem that most of the existing microelectronics major courses are based on theory and lack simulation experiments, a set of FPGA(Field Programmable Gate Array) microelectronics and integrated circuit design experiment system are designed based on RISC-V(Reduced Instruction Set Computer) CPU(Central Processing Unit). The ModelSim software compiler is used to simulate and verify, and FPGA is used as development platform to realize CPU system functions. Taking RISC-V reduced instruction set as the instruction set of the CPU and modularization as the design idea, the five-level pipeline CPU is designed from the local microprocessor to the whole. The five-level pipeline includes value, decoding, execution, memory access and write back. The system integrates software and hardware development to stimulate students' interest in learning. The experimental platform built gradually realizes the configuration and instruction set of CPU to the architecture, programming, simulation, writing and debugging of the whole CPU, enabling students to have a deep understanding of the design of integrated circuit system with FPGA, which is conducive to the study of professional theoretical courses. The design simulation content comes from the application of OBE(Outcomes- Based Education) teaching theory to integrated circuit EDA(Electronic Design Automation) course. This design method and content can also be applied to the combination of industry, university and research to improve innovation and entrepreneurship ability of students. 
Related Articles | Metrics
Design and Sensitivity Evaluation of Proton Magnetic Gradiometer
YOU Delong, ZHANG Shuang, CHEN Shudong, ZHAO Mingxin, MENG Fanjun
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 245-250.  
Abstract116)      PDF(pc) (3522KB)(88)       Save
A proton magnetometer is a type of geomagnetic field measuring instrument based on the Larmor precession effect. However, a proton magnetometer with a single sensor is easily affected by geomagnetic diurnal variation and environmental interference. To improve the measurement accuracy of the proton magnetometer, sensor design and system performance evaluation are studied. Firstly, based on MAXWELL electromagnetic simulation software, simulation models of four kinds of sensors are established, including solenoid, cylindrical coil, ring coil, and "8" coil, and the directivity and anti-interference ability of the four coils are analyzed. Finally, it is determined that the "8" coil is used as the sensor to build a proton magnetic gradiometer. Secondly, the single and differential measurement results based on the fourth-order difference and mean square error algorithms are evaluated to analyze the performance of the magnetic gradiometer. The experimental results show that the initial signal-to-noise ratio of the "8"coil sensor can reach 40 / 1, the sensitivity of the single-channel mode can reach 0. 054 nT, and the sensitivity of the dual-channel differential mode can reach 0. 071 nT even under strong interference conditions, which is √2 times that of the single-channel mode.

Related Articles | Metrics
Accurate English Oral Translation System Based on Attribute Features
PU Tingyan
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1155-1163.  
Abstract115)      PDF(pc) (2614KB)(242)       Save
In order to avoid interference of language meaning on English oral translation results and improve the accuracy of English oral translation, an accurate English oral translation system based on attribute features is proposed. The system extracts oral semantic feature parameters by analyzing input data variables. Semantic feature parameters can capture differences between vocabulary and expression methods, improving translation accuracy. Variational autoencoders is used to capture effective information of features and obtain English spoken semantic matching results. Oral semantic matching is encoded and decoded, and translation rules are set based on parameters to identify interpreting ambiguous word parameters, and CBOW(Continuous Bag-of-Words) model is used to identify and evaluate parameters. Translation rules for complex sentence structures are established and they are connected through semantic translation based on these rules, forming accurate English oral translation results. The experimental results show that the designed English oral translation system has high translation accuracy and can achieve accurate English oral translation. Therefore, it indicates that the studied translation system can meet the requirements of high-precision English oral translation.
Related Articles | Metrics
 Data Encryption and Storage Method for Communication Networks Based on Improved RSA Algorithm
LEI Baocang, PAN Chuanhong, HE Bin, FENG Le
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 467-473.  
Abstract115)      PDF(pc) (1793KB)(46)       Save
In order to encrypt and store communication network faster and more effectively, a communication network data encryption and the data of storage method based on improved RSA(Rivest-Shamir-Adleman) algorithm is proposed. Firstly, wavelet transform method is combined with empirical mode decomposition method of complementary set to denoise communication network data and improve the accuracy of communication network data. Then, the fuzzy C-means clustering algorithm is used to cluster communication network data, and similar data is uniformly encrypted to improve the efficiency of data encryption storage. Finally, the conventional distributed access management mode is replaced in communication networks with hash access data algorithms to enhance the security of data storage and prevent data loss. By improving the encryption process of RSA encryption algorithm, encrypted storage of communication network data is achieved. The experimental results show that the proposed method has good denoising effect, high security, and high encryption storage efficiency, making it suitable for encrypted storage of communication network data. 
Related Articles | Metrics
Self-Mixing Interferometer Based on Microsphere Superlens
ZHOU Yekun, GAO Bingkun
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 213-219.  
Abstract114)      PDF(pc) (2399KB)(87)       Save
A self-mixing interferometer based on microsphere superlens and edge filter is proposed to solve the problems of complex structure and large error of microvibration detection equipment. UV( Ultraviolet Curing Adhesive) glue is used to form a microsphere at the tip of the optical fiber probe. When the microsphere is irradiated by the optical fiber, PNJ(Photon Nanojet) phenomenon will appear. PNJ focuses on the surface of the target object to enhance the reflected light of the target object to the surface of the microsphere. The evanescent field generated by the photon nanojet plays an important role in enhancing and sharpening the nanovibration detection on the near-field surface. The amplitude modulated signal is converted into frequency modulated signal by Mach-Zender edge filter at the end of the sensor, and the signal-to-noise ratio is increased. Experimental results show that the reconstruction error of this method is 27 nm, which is of great significance for the miniaturization of optical devices.

Related Articles | Metrics
Heterogeneous Authentication Scheme for Smart Grid Based on Power Satellite 
LIN Hang, LIU Jun, YAN Shen, WANG Xiaowei, ZHANG Huale
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 480-488.  
Abstract113)      PDF(pc) (2188KB)(41)       Save
With the emergence of advanced communication technologies such as high-throughput satellites, the integration of power satellite and smart grid has become an inevitable trend, and its related security certification has become the focus of research. However, the existing authentication schemes are mainly studied under the isomorphic architecture focusing on ensuring the authenticity verification of entities. Therefore, a heterogeneous authentication scheme for smart grid based on power satellite is introduced. The proposed scheme realizes the authenticity verification of each communication entity in a heterogeneous environment, and provides a validity verification method for terminals. Security analysis confirms the correctness and security of the scheme, and performance analysis shows that the proposed scheme effectively reduce the time cost of authentication phase than the existing schemes. 
Related Articles | Metrics
Error Correction Method for Drilling Trajectory Measurement Based on Particle Swarm Optimization Algorithm
TIAN Feng
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 173-179.  
Abstract112)      PDF(pc) (2402KB)(92)       Save

In order to reduce the error between the target drilling trajectory and the actual drilling trajectory measurement results, a drilling trajectory measurement error correction method based on particle swarm optimization algorithm is proposed. A drilling trajectory calculation model is established, the values of drilling inclination angle, drilling orientation angle, and drilling azimuth angle are determined, and drilling trajectory data is collected. The sources of errors in drilling trajectory measurement is analyzed, an error transfer state space model is constructed, and the historical errors are merged to complete the calculation of drilling trajectory

measurement errors. The error correction objective function is constructed with the goal of minimizing the measurement error of the borehole trajectory. The velocity and position of particles are updated, and the fitness function is constructed. The objective function is solved by continuously updating and calculating the fitness function to complete the correction of the measurement error of the borehole trajectory. The experimental results show that the roll angle error in each direction of the proposed method is only between 0. 3° and 1. 8 °, and the drilling trajectory is highly fitted with the actual value curve, which can effectively correct the trajectory

measurement error and provide valuable reference for the actual exploration work of underground engineering.

Related Articles | Metrics
Improved YOLOv5s Model and Its Application
REN Weijian, LI Zihao, REN Lu, ZHANG Yongfeng
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 591-597.  
Abstract112)      PDF(pc) (1986KB)(31)       Save
A modified detection algorithm of electric bicycle helmet based on YOLOv5s(You Only Look Once version 5 small) is proposed to address the issues of small target missed detection and low accuracy in electric bicycle helmet wearing detection. CBAM ( Convolutional Block Attention Module) is introduced into the backbone network enhancing attention to clustered targets and effectively solving the problem of poor detection performance caused by occlusion. The PANet structure in the neck network is changed to a feature fusion structure that combines the idea of cross-scale feature fusion network (BiFPN: Bidirectional Feature Pyramid Network) enhances the multi-scale fusion ability of the model in different directions and effectively fuses multi- scale features of the target. Using SIoU(Structured Intersection over Union)localization loss function instead of CIoU(Complete Intersection over Union)loss function improves the accuracy of bounding box regression. The experimental results show that the accuracy P and recall R of the improved YOLOv5s model are 94. 7% and 91. 2%, respectively, and the average accuracy value mAP is 95. 6%, which is 6%,7%, and 6. 5% higher than that of the original YOLOv5s model, respectively. The method has significantly improved the accuracy of electric bicycle helmet wearing detection.
Related Articles | Metrics
Point Calibration of Face Feature in 3D Image Based on Genetic Algorithm
LI Jingyan
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1111-1116.  
Abstract110)      PDF(pc) (1416KB)(115)       Save

Related Articles | Metrics
Impedance Modeling and Stability Analysis of VIENNA-LLC Type Charging Module
YANG Chen, BAO Jie, CHEN Liangliang, HUANG Xiaoqing
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 565-574.  
Abstract109)      PDF(pc) (3491KB)(21)       Save
 In order to solve the problem of constructing the overall impedance model of electric vehicle cascade- type charging module, a cascade-type charging module impedance modeling method based on VIENNA rectifier and full-bridge LLC resonant converter is proposed. Firstly, a typical topology of the charging module is determined, and the small signal model of the front VIENNA rectifier based on the state space method and the rear full-bridge LLC resonant converter based on the equivalent circuit method are constructed respectively. Secondly, the closed-loop output impedance of VIENNA rectifier and the closed-loop output impedance and input impedance of full-bridge LLC resonant converter are obtained by combining the control strategy. The small Signal circuit model of the charging module can be obtained by integrating the front and rear small signal models and control strategies, and then the overall impedance model of the charging module can be derived. According to Nyquist stability criterion, the influence of system parameters on the stability of charging module is analyzed. The charging module simulation system is built based module. The proposed modeling method realizes the overall impedance modeling of single-stage to two-stage charging modules, and provides a theoretical basis for analyzing the parallel stability of charging modules in the future.
Related Articles | Metrics
Intelligent Laboratory Management and Control System Based on All Optical Access Network
YAO Kai, WANG Xingbo, HUANG Jian, YANG Jiahao, LIU Yunfei, SUN Tiegang
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 689-694.  
Abstract109)      PDF(pc) (3421KB)(26)       Save
 In order to solve the problems of low efficiency of manual laboratory management, slow transmission speed of monitoring data and insufficient level of informatized management, an intelligent laboratory management and control system based on all optical access network is designed and implemented. It consists of laboratory front-end monitoring module, all optical access network data transmission module and laboratory management and control center module. The ESP 8266 microcontroller is used as main control chip in the laboratory front-end monitoring module. The acquisition unit of laboratory operation status data is designed. It consists of fingerprint recognition module, temperature and humidity sensor, smoke sensor and network camera. Real-time data acquisition of personnel management and control, video surveillance and environmental monitoring is thus realized. Optical network units, optical fiber distribution network and optical line terminal are utilized to construct all optical access network data transmission module, realizing remote high-speed transmission of each laboratory monitoring data. The web page of laboratory management and control platform is developed, real-time operation status data of each laboratory is displayed in terminal management and control server. The joint debugging result shows that real-time personnel management and control, video surveillance and environmental monitoring are realized, and the laboratory management and control system provides reliable stability in a long time. 
Related Articles | Metrics
Intelligent Retrieval of Book Information Resource Services Based on Machine Learning Algorithms
WANG Zhengkai, CHENG Shengyi, ZHANG Xu, SHEN Jingping, YUAN Lichun
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 251-257.  
Abstract109)      PDF(pc) (2200KB)(136)       Save
In order to effectively improve the efficiency and performance of intelligent retrieval of book information resource services, a machine learning algorithm based intelligent retrieval method is proposed. Machine learning algorithms are used to classify the keyword frequency of books, providing the corresponding index for each class, calculating the weight of feature words corresponding to each document in the classification,and obtaining the score of feature words through repeated iterations. A contextual feature matrix is established,the corresponding score for each class is calculated, and the feature with the highest score is selected for classification processing. Based on the classification results of book information resources, grid computing technology is introduced to construct an intelligent retrieval model for book information resource services, and the model is used to achieve intelligent retrieval of book information resource services. The experimental results show that when using the proposed method for intelligent retrieval of book information resource services, the precision obtained is above 96. 0% , the recall rate remains above 90% , and the retrieval time under different datasets is around 450 ms, indicating that the proposed method has good performance in intelligent retrieval of book information resource services.
Related Articles | Metrics
Control Strategy for Inverter Stage of Power Electronic Transformer Based on Improved VSG
JIN Xiaoyu, FU Guangjie
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 534-541.  
Abstract107)      PDF(pc) (2992KB)(38)       Save
The anti-disturbance ability and dynamic performance are poor in the inverter stage of PET(Power Electronic Transformer)based on traditional VSG(Virtual Synchronous Generator)control. In order to address the problem, a VSG control combined with linear active disturbance rejection control is proposed. A second-order active disturbance rejection controller is added to the active part of the traditional VSG control. State observation and feedback are introduced to the controller to estimate the system error in real time, so that the frequency and power of the inverter can be stably tracked under different operating conditions, while the oscillation phenomenon is weakened. With the improved control strategy, the maximum overshoot is reduced by 54. 5 percent and the frequency fluctuation time is reduced by 0. 22 s, which make the PET inverter stage have stronger dynamic response and steady-state performance. The simulation demonstrates that the control strategy is feasible and effective. It also shows that the improved VSG control strategy accelerates the recovery speed of the PET inverter stage after being disturbed, and has better dynamic performance.
Related Articles | Metrics
Image Information Hiding Algorithm of Digital Media Video Based on Reference Framel
QIU Xinxin, WEN Qiang, HE Jing
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 377-383.  
Abstract106)      PDF(pc) (1182KB)(91)       Save
 Due to the Irreversible process of scrambling and extraction process, the hidden information of digital media video image information can not be completely recovered in the extraction process, resulting in information loss or error, and reducing the effectiveness of the hiding algorithm. To solve this problem, a digital media video image information hiding algorithm based on reference frames is proposed. Firstly, the NLEMD(Neighborhood Limited Empirical Mode Decomposition) algorithm is used to enhance digital media video images and improve video image quality. Secondly, the Arnold transform scrambling method is used to perform scrambling transformation on the enhanced image, completing the preprocessing of information hiding. Finally, the scrambled digital media video image information is hidden through an information hiding algorithm based on reference frames. The experimental results show that the proposed method can improve the peak signal-to-noise ratio of digital media video images, reduce the time required for embedding and extracting hidden information,and achieve high accuracy in information extraction.
Related Articles | Metrics
Seismic Denoising Method of Multiscale and Attentional Feature Fusion
WANG Ruimin, YANG Wenbo, DENG Cong, LU Tongxiang, ZHANG Wenxiang
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 489-496.  
Abstract105)      PDF(pc) (5863KB)(21)       Save
Due to the limitation of environmental and economic factors, the collected seismic records usually have a lot of noise interference, which may cause some obstacles to the subsequent seismic data processing. Effectively attenuating noise is a key issue in seismology. In recent years, CNNs ( Convolutional Neural Networks) have achieved some success in the field of seismic data denoising. However, weak signal recovery in the presence of strong background noise is insufficient for existing convolutional neural networks. To address the above issues, a denoising network called MAUnet(Multi-Scale U-Net and An Attention Fusion Mechanism) is proposed. based on a multi-scale U-Net and an attention fusion mechanism. MAUnet innovatively introduces a dual-mechanism architecture, where a multi-scale module enables the network to learn features at different scales. And an attention-based feature fusion mechanism allows the network to combine shallow high-frequency details with deep semantic information, enhancing its learning capability and achieving feature complementarity. Experimental results demonstrate that our method has better noise attenuation and recovery capability for weak signals than competitive methods. 
Related Articles | Metrics
Information Encryption Algorithm for Privacy Network of Supply Chain Based on Chaotic Sequences
DENG Congxiang
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 303-308.  
Abstract104)      PDF(pc) (1728KB)(112)       Save
There are many types of information features in the supply chain privacy network, and it is difficult to determine data ciphertext, which leads to high encryption difficulty. Therefore, a chaotic sequence based information encryption algorithm is proposed. Considering the risk of privacy information being leaked or tampered with, the risk variation is used as a reference feature for encryption algorithms. The risk index is obtained by solving the same, different, and opposite risk variation characteristics of privacy information through ternary and quinary functions. A chaotic sequence is established based on the risk index of the information to be
encrypted, a key sequence is generated through the chaotic sequence, the dimensions corresponding to different types of information are calculated, and finally the information encryption is achieved through chaotic mapping between the information and the key sequence. Experimental data shows that the proposed algorithm has high accuracy in encrypting supply chain privacy network information, low packet loss rate, and can effectively improve the phenomenon of privacy information leakage and loss during transmission.
Related Articles | Metrics
Research on Evaluation of College Education and Teaching Based on Multivariate Statistical Method
ZHANG Wei, LI Xin
Journal of Jilin University (Information Science Edition)    2024, 42 (6): 1142-1154.  
Abstract104)      PDF(pc) (2079KB)(96)       Save
 Based on the background that colleges and universities focus on talent cultivation work, 31 universities in Jilin Province were analyzed in order to provide reference significance for the Ministry of Education to explore the potential of universities and allocate college resources rationally. Taking 31 universities in Jilin province as samples in 2017, 24 indicators were selected from the number of students, faculty level and school conditions of college profiles, and descriptive statistical analysis, factor analysis, cluster analysis and typical correlation analysis were used. The study showed that Jilin University outperformed other colleges and universities in terms of the number of students, teachers’ resources, and schooling conditions, followed by Northeast Normal University directly under the Ministry of Education and 12 universities under the province, and they all outperformed 17 universities directly under the local government. Moreover, the titles of teachers with high education are also generally high, and the titles of teachers with low education are also generally low.
Related Articles | Metrics
Design and Application of All-Optical Access Network Practical Teaching System Based on Virtual-Real Combination
SUN Tiegang, LI Zhijun, YAO Kai, LIU Dan
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 474-479.  
Abstract102)      PDF(pc) (3102KB)(38)       Save
Due to the lack of practical teaching resource of optical communication network, an all-optical access network practical teaching system based on virtual-real combination is designed. The communication service opening is regarded as main task, a real practical teaching system is built based on all-optical access network commercial equipment. The application layer server and communication user terminal are simulated by software and hardware combination. Configuration information from application layer server to communication user terminal through all-optical access network is planned and the success of various communication services opening is verified. The network troubleshooting is regarded as main task, a virtual simulation experiment teaching system of all-optical access network is developed by utilizing virtual reality technology. The virtual campus application scenarios including central office, fiber distribution terminal and university-enterprise joint laboratory are constructed. Concentrated presentation of optical distribution network, multi-service gateway, optical line terminal and application layer server related network troubles is realized. With the design and application of this practical teaching system, the teachers’ construction ability of optical network practical teaching resources is improved, and the students practice and innovation ability to solve complex problems in the application of optical network is cultivated. 
Related Articles | Metrics
Gas Sensor Data Analysis Based on Improved Structure Re-Parameterized Convolutional Neural Network 
LIU Yuanzhen, SUI Chengming, LIU Ziqi, LIU Fengmin
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 504-510.  
Abstract101)      PDF(pc) (1719KB)(81)       Save
In order to make up for the lack of selectivity of a single gas sensor in the face of a variety of gases and to identify a variety of gases more accurately, an improved convolutional neural network based on structural reparameterization technology and depth-separable convolution technology is proposed. It integrates the multi- branch convolution structure during model training into the single branch simple convolution layer during inference. In addition to simplifying the complexity of the inference model, the feature extraction ability of the model for gas response data is greatly enhanced. When this method is applied to a common data set of gas sensor array containing 10 common VOCs, the recognition accuracy reaches 96. 46%, and the accuracy reaches 97. 44% after adjusting the complexity of the model and adding the convolutional layer.
Related Articles | Metrics
Research on Optimal Deployment Strategy of Virtual Machines in Warship Common Computing Environment
YANG Suyu , WANG Junjun , ZHU Wei , YAN Zhongqiu
Journal of Jilin University (Information Science Edition)    2025, 43 (1): 134-142.  
Abstract100)      PDF(pc) (2009KB)(100)       Save

The warship’s common computing environment integrates computing and storage resources through virtualization technology to build a public infrastructure platform for warships. However, it is limited by the space and energy consumption requirements of the maritime combat platform. Optimizing the virtual machine deployment strategy is an important development to reduce the energy consumption level of the warship’s commoncomputing environment and improve basic resource support capabilities. Several commonly used virtual machine optimization deployment methods are compared and a virtual machine deployment strategy for warship’s common computing environments is proposed based on an improved flower pollination algorithm. An improved maximum

and minimum distance method is designed and applied to the initial population generation process to enhance the initial solution. To improve the quality, a local search strategy with an information exchange mechanism is proposed by introducing the hybrid frog leaping algorithm. And an adaptive switching probability strategy is proposed to balance global pollination and local pollination, and generate an optimized deployment plan for mapping virtual machines to servers. It is verified through simulation experiments that the proposed virtual machine deployment optimization strategy can significantly reduce the energy consumption level of the warship’s common computing environment.

Related Articles | Metrics
Design of Load Adaptive Constant Current Driver for Semiconductor Lasers
WU Ge, HUO Jiayu, RU Yuxing, TIAN Xiaojian
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 511-517.  
Abstract99)      PDF(pc) (2306KB)(26)       Save
 In order to enhance the overall efficiency of the laser pump source system, a design for a load- adaptive semiconductor laser array constant current driver is presented. This driver can adaptively adjust the supply voltage of the load based on the number of series loads in the laser array and the changes in the drive current, thereby optimizing work efficiency. The maximum output voltage of the driver is 22 V, and the maximum output current is 1 200 mA. When driving eight series loads of the laser array, the efficiency can exceed 91. 6%. This load-adaptive technology provides a new approach for designing efficient semiconductor laser drivers. 
Related Articles | Metrics
Design of Intelligent Access Control Face Recognition Algorithm Based on Twin Neural Network
LI Wei, HUANG Qian
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 598-604.  
Abstract97)      PDF(pc) (3325KB)(8)       Save
 In order to improve the accuracy and efficiency of face recognition results of smart access control system, and thus enhance the intelligent service of smart door security, a smart access control face recognition algorithm based on twin neural network is proposed. The wavelet coefficients of the face image signal are obtained by wavelet transform, the appropriate threshold is selected to process the wavelet coefficients, and the inverse transform of the wavelet coefficients is carried out again to obtain the de-noised face image. After the face image is de-noised, the output value of the face image is mapped and processed in the twin neural network to form a feature vector with a dimension of 128. The contrast loss function is introduced to determine the similarity of the face image by comparing the Euclidean distance between the output feature vectors of the sample network, and finally realize intelligent access control face recognition. The experimental results show that the intelligent access control face recognition results and recognition efficiency of the proposed algorithm are significantly better than other algorithms. 
Related Articles | Metrics
Evaluation of Incomplete Air Combat Decision Based on Interval Projection Pursuit 
LIU Hongrui, WANG Yuhui, ZHOU Shipei, DING Shulin
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 524-533.  
Abstract96)      PDF(pc) (1390KB)(14)       Save
To address the problem of determining the optimal strategy for air combat maneuver decision making with incomplete information, an evaluation method based on interval projection pursuit is proposed. Firstly, the interval number is introduced to represent the incomplete air combat data, the Euclidean distance in the TOPSIS (Technique for Order Preference by Similarity to Ideal Solution) is replaced by the grey relational degree, the positive and negative ideal solutions are given, and the RIGRA-TOPSIS(Referential Interval Grey Relation Analysis- Technique for Order Preference by Similarity to Ideal Solution) method is proposed to quantitatively obtain the objective weight of air combat indicators. Then, an improved interval projection pursuit method is introduced, which takes the obtained objective weights as the initial projection vector of the interval projection pursuit method, uses Gini coefficient instead of standard deviation to calculate the projection density, uses the particle swarm optimization algorithm to calculate the projection value, and determines the optimal strategy corresponding to the maximum projection value in the air combat game. The simulation results show that the proposed method has a good effect in the case of small sample air combat strategy set.
Related Articles | Metrics
Multi Line Vehicle Scheduling of Comprehensive Passenger Transport Hub Based on Improved Ant Colony Algorithm
MA Jianmin, LUO Youzeng, WANG Feng
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 624-631.  
Abstract95)      PDF(pc) (1970KB)(22)       Save
Integrated passenger transport hubs usually involve a large number of vehicles and routes, and the traffic flow, passenger demand, and traffic conditions of passenger transport hubs are dynamically changing, which can easily lead to schedule conflicts and make multi route vehicle scheduling difficult. Therefore, a comprehensive passenger transportation hub vehicle multi line scheduling method based on improved ant colony algorithm is proposed. Considering the reduction of operating costs, waiting time, and overall travel time, with the goal of minimizing the operating costs and passenger travel time of the integrated passenger transport hub system, a scheduling optimization model is constructed. Ant colony algorithm is used to the model, introducing search hotspots, optimizing pheromone update strategies and heuristic factors to improve the ant colony algorithm, and the multi line scheduling of comprehensive passenger transportation hub is completed. The experimental results show that the proposed method can more comprehensively carry out multi line scheduling of vehicles, with a waiting rate of less than 5% and an average scheduling time of only 5. 8 s, effectively improving convergence rate, accuracy, and efficiency.
Related Articles | Metrics
Control of Severe Slug Flow in Mixed Transportation Risers Based on Dynamic Event Triggering
KANG Chaohai, HUA Weixiang, REN Weijian, WANG Shufeng, ZHANG Yongfeng, HUO Fengcai
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 557-564.  
Abstract91)      PDF(pc) (2533KB)(19)       Save
Aiming at the problem of limited communication conditions in the control of severe slug flow in the horizontal pipe-downward inclined pipe-riser system of submarine mixed transportation, a MPC (Model Predictive Control) strategy based on DET (Dynamic Event Triggering) is proposed. Firstly, the causes and processes of slug flow are described, and the simplified model for control is analyzed. Secondly, a dynamic event triggering mechanism based on the deviation between predicted value and actual value is designed to monitor the running state of the system in real time and adjust the event triggering conditions to improve the steady-state performance of the system and reduce the triggering frequency. Finally, the comparative experiment analysis is carried out. The results show that the proposed method can effectively reduce the triggering frequency of the system on the basis of ensuring the control performance. Compared to the small opening valve, the oil production increases by about 2. 8%.
Related Articles | Metrics
Network Bayes Classifier with Activation Spreading
DONG Sa, LIU Jie, LIU Dayou, LI Tingting, XU Haixiao, WU Qi, OUYANG Ruochuan
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 317-326.  
Abstract90)      PDF(pc) (1912KB)(172)       Save
For the classification of networked data, most relational network classifiers are based on the homophily hypothesis, and the simplified processing based on the first-order Markov assumption has certain limitations. The local graph ranking algorithm ( activation spreading) is introduced into the network Bayes classifier instead of the original direct neighborhood acquisition method. The neighborhood range of nodes to be classified is appropriately expanded by setting the initial energy and the minimum energy threshold, increasing the homophily of nodes. Combined to the collective inference method of relaxation labeling, the classification
accuracy of network data is improved to a certain extent. Compared to 4 network classifiers, the experimental results show that the classification performance of the proposed method on 6 networked datasets is improved in different degrees.
Related Articles | Metrics
Mathematical Modeling for Automatic Control for Network Link Congestion Based on Priority#br#
HAN Yunna
Journal of Jilin University (Information Science Edition)    2025, 43 (2): 296-302.  
Abstract88)      PDF(pc) (2920KB)(94)       Save
Because there are many factors affecting the network link state, it is difficult to accurately judge the network link state and the location where congestion is about to occur, resulting in the decline of the quality for network link congestion control. A priority based mathematical modeling method for network link congestion automatic control is proposed. A heterogeneous network model combined with the current occupation and change of network interface queue buffer space is built to detect the network link congestion, and judge the network link status and the location where congestion is about to occur. Through the data request sending mechanism, the
detection results are fed back to other network nodes in time. The high priority burst packets in the network nodes are set to have absolute priority. The burst packets of the network link are divided and deflected to realize the automatic control of network link congestion. The experimental results show that the model can effectively detect the current network link congestion and control the congestion degree of the network. It has better network communication data transmission effect, blocking rate, better throughput and higher control quality.
Related Articles | Metrics
Hybrid-Triggered H Control for T-S Fuzzy Systems with Two-Terminal Quantization
LI Yanhui, ZHONG Chongxiao
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 547-556.  
Abstract88)      PDF(pc) (1219KB)(12)       Save
For a class of uncertain networked stochastic T-S(Takagi-Sugeno) fuzzy systems with time-varying delay, quantization error, the problem of hybrid-triggered robust H∞ control system with two-terminal quantization is studied. Firstly, in order to alleviate the burden of networked communication, a hybrid-triggered scheme is adopted to reduce data transmission. The construction of quantizers at the sensor side and the actuator side is stadied to quantify the sampling and control signal respectively, and the quantization error is considered to improve the control accuracy of the system. By taking the effect of network-induced delay, uncertainty and quantization error are taken into consideration, the T-S fuzzy systems based on the hybrid-triggered mechanism is remodeled. Secondly, by selecting the delay-dependent and fuzzy basis-dependent Lyapunov function, and introducing the free weight matrix, the sufficient conditions for the double-terminal quantized fuzzy system are satisfied, and the influence of energy bounded noise signals on the output is suppressed under the H∞ performance index γ. Finally, the simulation proves that the proposed scheme can reduce data transmission effectively, improve the system control accuracy, and reduce the conservatism of design. 
Related Articles | Metrics
Construction and Application of Fractal Weighted Local Morphological Pattern Algorithm
WANG Chun, XING Min, LU Yang
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 662-670.  
Abstract88)      PDF(pc) (1903KB)(8)       Save
Texture feature extraction is the key to texture classification, and there are various factors such as rotation, illumination, and scale variations in texture images. To enhance the robustness of the texture feature extraction algorithm for rotation, illumination, and scale variations, the FWLMP ( Fractal Weighted Local Morphological Pattern) is proposed. First, a scale-invariant descriptor is constructed by using the relative invariance of fractal dimensionality to scale variation. Then, it is sampled and analyzed using the expansion, erosion, and opening-closing operations in mathematical morphology, and its weights are calculated by using the fractal dimension image. This algorithm is scale-invariant and robust to rotation and illumination changes. To achieve the classification of Qing Dynasty costume images, the Qing Dynasty Buzi image dataset is constructed. The FWLMP and similar algorithms are tested on four public texture datasets and a private dataset constructed by ourselves. The experimental results show that the FWLMP algorithm performs well in texture image classification and in Buzi image classification for Qing Dynasty civil and military officials. 
Related Articles | Metrics
Application of 3D Laser Scanning Technology in Virtual Geological Practice #br#
HU Huiming, HE Jinxin, WEN Quanbo, LI Weimin, RAN Xiangjin, MA Jin
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 639-644.  
Abstract87)      PDF(pc) (3182KB)(38)       Save
To protect the valuable field geological resources that have become increasingly vulnerable to natural or human damage in recent years, and to facilitate teaching reform in online virtual geological practice in the post-pandemic era, an automatic field geological section reconstruction technology based on 3D laser scanning is proposed. Using the FARO 3D laser scanner, 3D high-density point cloud data is collected from field geological outcrops of various scales. By processing, optimizing, and visually modeling the high-quality data collected from the field, this technology can protect precious field geological resources and enrich students’ virtual geological practice resources. Taking some field geological outcrops from the Longhuitou Scenic Area in Xingcheng City, Liaoning Province, as examples, virtual geological modeling and visualization applications are carried out, enhancing the quality of geological practice teaching. This approach serves the preservation of field geological legacies and significantly contributes to the advancement of geological education by providing a more interactive and enriched virtual learning environment.
Related Articles | Metrics
Crowd Counting Method Based on Background Suppression and Noise Supervision
HONG Lei, YANG Ming
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 615-623.  
Abstract87)      PDF(pc) (4114KB)(37)       Save
A crowd counting model based on background suppression and noise monitoring is proposed to solve the problems of large-scale change of crowd, complex background, and label noise. In the coding stage, the first 13 layers of VGG16_bn are used as the backbone, and the initially extracted features are sent to the two-branch feature extraction module and the background information aggregation module respectively, to mitigate the large- scale changes of the population and improve the discriminability of the background. Finally, the information processed by the two modules is fused, and the predictive density map is generated by decoder regression, which is supervised with the ground truth density map to achieve noise suppression. Compared with other algorithms, the counting accuracy of this model has been improved. MAE(Mean Absolute Error) and MSE(Mean Squared Error) on ShanghaiTech PartA are 58. 1 and 95. 9 respectively. Ablation experiments conducted on ShanghaiTech PartA also verified the effectiveness of the modules. Experimental results show that the algorithm can effectively improve the accuracy of crowd counting. 
Related Articles | Metrics
Obstacle Control Algorithm for Wheeled Industrial Robots Based on Neighborhood Rough Sets
YAN Shuangquan, WANG Bo
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 575-582.  
Abstract87)      PDF(pc) (2253KB)(11)       Save
In order to solve the problem of poor obstacle avoidance and low efficiency of robots in obstacle environments, a wheeled industrial robot obstacle avoidance control algorithm based on neighborhood rough sets is proposed. Firstly, the environment perception method based on 2D Laser rangefinder is used to analyze the local environment of the robot and the obstacle environment, so as to provide accurate environmental information for subsequent obstacle avoidance control; Secondly, based on the initial obstacle avoidance decision rules of robots, the knowledge reduction effect of neighborhood rough sets is utilized to reduce them to the minimum obstacle avoidance decision rules, and a feasible path set is obtained; Finally, based on the feasible path set, the ND +(Nondimensional) algorithm is used to determine the direction of the robot’s obstacle avoidance decision, thereby achieving obstacle avoidance control for wheeled industrial robots. The experimental results show that this method can achieve high accuracy and control efficiency of machine obstacle avoidance control while ensuring the stability of obstacle avoidance control. 
Related Articles | Metrics
Method of Dynamic Multipoint Gesture Recognition Based on Improved Support Vector Machine 
ZHANG Kexing, HE Jiang
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 583-590.  
Abstract86)      PDF(pc) (2156KB)(11)       Save
The recognition rate of gesture recognition is low because of the poor segmentation effect. Therefore, a dynamic multi-point gesture recognition method based on improved support vector machine is proposed. The depth threshold method is used to segment the dynamic multi-point gesture image, extract the largest circular fine hand area in the palm, obtain 7-dimensional HOG(Histogram of Oriented Gradients) feature vector of the hand, complete the gesture action image preprocessing, introduce support vector machine, and improve the algorithm by error term, and adopt the optimized linear classification feature vector of the improved support vector machine. The dynamic multi-point gesture recognition is realized by using the gesture feature vector after input classification by support vector machine. The experimental results show that the recognition rate reaches more than 92. 5% under the condition of illumination, while the recognition rate is still higher than 90. 0% under the condition of no illumination. The proposed method has little fluctuation under the influence of illumination, and the image segmentation information is complete and the recognition accuracy is high.
Related Articles | Metrics
Design of Combined Artificial Magnetic Beacon for Geomagnetic Navigation System
YUAN Zheng, FAN Xingyu, FENG Yufeng, WAN Yunxia
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 695-704.  
Abstract83)      PDF(pc) (3353KB)(52)       Save
Geomagnetic navigation utilizes geomagnetic field information for positioning and navigation. However, due to the slow changes in the geomagnetic field and small variations in the total geomagnetic field gradient, the available information is limited and lacks identification accuracy during geomagnetic matching, thereby restricting improvements in positioning accuracy. To enhance the identification accuracy of the geomagnetic field and improve positioning precision, a novel approach employing a combined artificial magnetic source is proposed. A cylindrical permanent magnet composed of rare-earth neodymium iron boron material is chosen as the magnetic source. The spatial distribution of the magnetic field is analyzed through modeling and simulation using COMSOL software to determine an optimal design scheme for the magnetic beacon. Evaluation metrics such as standard deviation, roughness, and information entropy are employed to assess enhancement in characteristics of the geomagnetic map resulting from this magnetic beacon scheme, ultimately leading to a more reasonable design that improves positioning accuracy. Experimental results demonstrate that within a specific test area, centimeter-level positioning accuracy can be achieved with this combined magnetic beacon scheme. 
Related Articles | Metrics

Consistency Control Algorithm for Transmission Delay in Multi-Channel Networks Based on Discrete Mathematics Model

GUO Nini
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 705-710.  
Abstract81)      PDF(pc) (3442KB)(39)       Save

Due to differences in the environment of different network channels, delay control is difficult. To solve this problem, a transmission delay consistency control algorithm based on discrete mathematics model is proposed. First, based on the discrete mathematics model, the transmission time matching function in a single channel unit is designed, and the data transmission delay is estimated to establish the transmission delay function. Then, discretization processing is adopted to obtain the limiting spectrum parameters with the greatest correlation with transmission delay parameters. Using this parameter as a reference, the conditions that the maximum allowable delay needs to meet is set, a balanced transmission amplitude response model is established based on the balanced signal-to-noise ratio, and delay consistency equalization control is implemented using adaptive equalization scheduling method. Experiments show that the transmission delay and control overhead are significantly reduced, and the network throughput is increased after the application of the algorithm.

Related Articles | Metrics
Data Driven and Heterogeneous Computing Based Prediction of Industry User Electricity Demand 
HUANG Wenqi, ZHAO Xiangyu, LIANG Lingyu, CAO Shang, ZHANG Huanmin
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 645-651.  
Abstract81)      PDF(pc) (1147KB)(92)       Save
The electricity demand of industry users is usually affected by seasonal and cyclical factors, and sometimes the data obtained is incomplete, missing, or incorrect, which can have a negative impact on the accuracy of predictions. In order to achieve accurate prediction of industry user electricity demand, a data-driven and heterogeneous computing method for predicting industry user electricity demand is proposed. The Lagrange interpolation algorithm is used to fill in the missing part of user electricity data, the standardized preprocessing of electricity data is used to make electricity demand prediction accurate enough, denoising autoencoders and sparse constraint functions are used to extract electricity data features. The long-term memory neural network’s forgetting gate layer, input gate layer, update gate layer, and output gate layer are used to obtain the future trend of electricity demand, the task of industry user electricity demand prediction is completed. The experimental results show that the proposed method is suitable for long-term and short-term industry user electricity prediction, and the prediction results have high accuracy and short time consumption. 
Related Articles | Metrics
S-Band Polymer Waveguide Amplifier Based on Thulium Ytterbium Co-Doped Nanocrystals 
LIU Tingting, WANG Jiahe, ZHAO Dan, WANG Fei
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 497-503.  
Abstract79)      PDF(pc) (2908KB)(18)       Save
S-Band Polymer Waveguide Amplifier Based on Thulium Ytterbium Co-Doped Nanocrystals LIU Tingting, WANG Jiahe, ZHAO Dan, WANG Fei (College of Electronic Science and Engineering, Jilin University, Changchun 130012, China) Abstract: In order to solve the problem of insufficient communication bandwidth caused by the constantly growing network capacity, expanding the optical communication band from the main C-band (1 530 ~1 565 nm) to the S-band (1 460 ~1 530 nm) and L-band (1 565 ~1 630 nm) has become an effective way to address this issue. Tm3+can emit light at a wavelength of ~1 490 nm under pump excitation, and doping it into a waveguide can achieve S-band optical amplifier. The NaYF4 : Tm3+, Yb3+nanocrystals are introduced into polymer materials as amplifier gain media, a planar waveguide amplifier structure is designed, and the gain performance of the device is simulated in the S-band. Four waveguide amplifier samples with different Yb3+doping concentrations (x=5,10,15,20) are prepared using NaYF4 :1% Tm3+ and x% Yb3+ nanocrystals, and the device gain performance is tested. The experimental results show that when the Yb3+doping concentration is 10%, the gain of the waveguide amplifier is maximum, and the 1 cm long device achieves a relative gain of 8.2 dB at a pump power of 400 mW. The modeling and simulation of the Tm3+and Yb3+co doped system proposed in this paper provide theoretical guidance for the development of high-performance S-band waveguide amplifiers. Using NaYF4 , the polymer optical waveguide amplifier prepared by Tm3+ and Yb3+ nanocrystals has achieved S-band optical amplification and is expected to be widely used in optical communication.
Related Articles | Metrics
Data Risk Feature Screening Algorithm of Intelligent Intelligence Analysis Based on SVM
DONG Chuanmin, HOU Yangbo, FAN Huqing, LI Shijie
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 632-638.  
Abstract78)      PDF(pc) (1832KB)(21)       Save
In order to improve the data utilization rate and avoid the influence of risk factors in information on intelligence analysis, a risk feature screening algorithm for intelligent intelligence analysis data based on SVM (Support Vector Machine) is proposed. The continuous wavelet transform method is used to eliminate the influence of noise signals in intelligence data on the analysis results, and the projection matrix is established by combining principal component analysis method to extract the main features of various types of noise-free intelligence data. The main feature extraction results of various kinds of intelligence data are input into support vector machine, and the classification plane in support vector machine is established by using optimization theory, and the classification rules of feature data in the classification plane are defined to screen the risk features of intelligence data. The experimental results show that the proposed method can accurately classify intelligence data, and the risk data detection efficiency is high, which can realize effective screening of risk data.
Related Articles | Metrics
Research and Application of Semantic Data Registration Model Based on MDR2023
YUAN Jingshu, ZHAI Kexin, YUAN Man
Journal of Jilin University (Information Science Edition)    2025, 43 (3): 652-661.  
Abstract77)      PDF(pc) (5568KB)(63)       Save
At present, the need for high-quality and semantically rich data has become increasingly urgent as data-driven artificial intelligence is being applied in a wide and in-depth manner in a variety of fields. Data governance works in various fields focus on the governance of data models. However, both internationally and domestically, research on data semantic governance is still insufficient. In particular, there is a lack of systematic exploration of semantics from the underlying basic theory. Therefore, the essence of semantic organization and representation from the basic theory is revealed, and a conceptual system model of conceptual world is put forward. A nature characteristic conceptual semantic registration metamodel and a relational characteristic conceptual semantic registration metamodel is constracted based on the ISO/ IEC(International Organization for Standardization/ International Electrotechnical Commission) 11179 series of standards, achieving the registration and management of rich semantic knowledge. Finally, a metadata registration and governance system is designed and developed in the context of data governance in the field of oil and gas exploration and evaluation. The two types of semantic models based on the MDR(Metadata Registry) standard have been verified, reflecting their effectiveness in practical applications. 
Related Articles | Metrics
Classroom Quality Evaluation System Based on Improved YOLOv5s
LIU Rui, WANG Lijuan, ZHANG Huiyao, GUO Qihang, LIN Xudong
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 925-935.  
Abstract61)      PDF(pc) (5861KB)(10)       Save
Traditional methods of classroom quality evaluation mainly rely on manual observation, which suffers from low efficiency and poor accuracy. To establish a more comprehensive evaluation system, a lightweight classroom evaluation model based on an improved YOLOv5s(You Only Look Once version 5 small) is proposed. By adopting this model and the AHP(Analytic Hierarchy Process), a comprehensive classroom evaluation system is established. The model integrates the CBAM(Convolutional Block Attention Module) attention mechanism into the neck network, enhancing the model’s recognition accuracy. incorporates the Ghost module into the backbone network, significantly reducing the model’s complexity. and utilizes the Focal Loss function to effectively mitigate the problem of class imbalance. Experimental results show that, compared to the YOLOv5s model, the improved model increases average precision by 7. 3%, reduces the number of parameters by 42. 0%, decreases computation by 33. 1%, and improves detection speed by 4%. Finally, a classroom quality evaluation system is established by combining the AHP and the entropy weight method, dynamically displaying the current classroom quality score, which meets the actual needs of the classroom.
Related Articles | Metrics

Super-Resolution Image Noise Recognition Algorithm Based on Neural Network

WEI Yaming, LI Xiaofan
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 711-716.  
Abstract59)      PDF(pc) (3374KB)(13)       Save

In the process of super-resolution processing, the noise inherent in low resolution images will be amplified, resulting in distortion of super-resolution images. To this end, a super-resolution image noise recognition method based on neural networks has been proposed. The Activation function in the neural network is used to determine the peak signal to noise ratio. By combining the noise data set and hyperparameter coefficients, residual values are obtained, and combined with the noise information distribution density, super- resolution image noise recognition is achieved. The experimental results show that the proposed method has high clarity and good recognition performance in super-resolution images, with a maximum peak signal-to-noise ratio of 50 dB, indicating that the use of the proposed method can improve image quality.

Related Articles | Metrics
ADCFA-MVSNet: Multi-View Stereo with Adaptive Depth Consistency and Cross-Frequency Attention 
ING Hang, WANG Gang, WANG Yan, HOU Minghui
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 724-735.  
Abstract56)      PDF(pc) (7102KB)(10)       Save
The current challenges in deep learning for 3D reconstruction are difficulty in extracting comprehensive scene information from images and insufficient consideration of depth consistency between views. A multi-view stereo network with adaptive depth consistency and cross-frequency attention (ADCFA-MVSNet: Multi-View Stereo with Adaptive Depth Consistency and Cross-Frequency Attention) is proposed. The CFA (Cross-Frequency Attention) module integrates high-frequency, low-frequency information within images and global scene information across views, enabling more comprehensive feature extraction. The AD(Adaptive Depth) consistency module precisely captures the geometric structure of the scene and dynamically considers the contribution of different views to depth consistency, enhancing it across various scales. The innovation of this method lies in utilizing comprehensive image information to ensure geometric consistency, achieving excellent performance in 3D reconstruction tasks. On the DTU(Technical University of Denmark) dataset, it achievs an accuracy of 0. 319, completeness of 0.285, and an overall score of 0.302, surpassing other methods. On the BlendedMVS dataset, the EPE(End-Point-Error) score is 0.27, e1 score is 5.28, and e3 score is 1.84, outperforming other methods. These results demonstrate the effectiveness of ADCFA-MVSNet in improving the completeness and accuracy of multi-view 3D reconstruction. Experimental results show that this method enhances the quality of multi-view reconstruction and achieves good reconstruction effects.
Related Articles | Metrics

Design of Intelligent Experimental Platform for Automotive Camera Injection

ZHU Bing, XUE Jingwei, ZHAO Jian, ZHANG Peixing, FAN Tianxin, HUANG Yinzi
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 783-791.  
Abstract55)      PDF(pc) (6003KB)(13)       Save

Intelligent vehicle is a strategic focus of the global automotive industry. To meet new demands for experimental teaching in this field, we designed and constructed a camera-injection experimental platform. First, a virtual-physical integration scheme is implemented by combining simulation environments with an in-vehicle domain controller to define the overall architecture. Second, a camera simulation model is developed and virtually calibrated , on which a data link is built using GMSL2(Gigabit Multimedia Serial Link 2) and CSI-2 (Camera Serial Interface 2) protocols to enable seamless interaction between simulated video streams and controller hardware. Next, we quantized offline-trained deep-learning models, converted them into a universal format, and deployed them on the domain controller for real-time interaction with the virtual environment. Finally, this platform is used to provide students with an integrated theory-and-practice learning environment, deepening their understanding of camera principles and mastery of multi-channel video signal generation, transmission, and perception. This system effectively enhances students practical skills and innovation capacity in intelligent vehicle technology.

Related Articles | Metrics
mage Generation Method of Rice Disease Based on ViT-WGAN-GP
LU Yang, XU Siyuan, TAO Xianpeng, LIU Qiwang, GUAN Chuang
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 747-754.  
Abstract53)      PDF(pc) (4560KB)(12)       Save
In order to solve the problem that the accuracy of deep neural network model learning is affected by the small sample of rice disease image dataset, an improved adversarial generative network model ViT-WGAN-GP (The Fusion of Vision Transformer and Wasserstein Generative Adversarial Networks with Gradient Penalty) is proposed for enhancing the image dataset. Firstly, the Vision Transformer structure is introduced in the generation model to enhance the learning of global features. Secondly, the WGAN-GP structure is used in the discrimination model to ensure the stability of the model training and improved the effect of the generated images through the Wasserstein measure function and the gradient penalty term. Finally, the enhanced sample set is used to train the deep neural network model. The experimental results show that the ViT-WGAN-GP model generates images with significant improvement compared with GAN and WGAN-GP. The average accuracy of rice disease recognition is 94. 3%,96. 2%, and 97. 5% for VGG16, ResNet34, which are improved by 9. 7%, 2. 8%, and 4.8%, respectively. The proposed ViT-WGAN-GP model can generate more realistic rice disease images and can improve the recognition accuracy of deep neural network models significantly with small sample sets.
Related Articles | Metrics
Method for Extracting Events of Financial Announcement by Integrating Paragraph and Document Features 
LI Jiajing, DONG Zexin, LI Sheng, MENG Tao, LUO Xiaoqing, YAN Hongfei
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 736-746.  
Abstract52)      PDF(pc) (5675KB)(3)       Save
 Financial announcement is the carrier for enterprises to publicly inform the society of major financial events, and its information is of great significance to financial practitioners. However, financial events have the characteristics of strong argument specialization and high dispersion, and traditional event extraction methods are difficult to achieve accurate extraction. Therefore an event extraction method combining the local features of paragraphs and the global features of documents is proposed. This method first segments the financial announcement document, and then uses all the paragraphs in parallel Fin-BERT(Financial Bidirectional Encoder Representation from Transformers ) Pre training model, convolutional neural network and self attention mechanism to obtain local features of documents. Then Bi LSTM(Bi directional Long Short Term Memory) is used to learn the semantic information of the whole document to obtain the global features of the document. Finally, the local features of the paragraph and the global features of the document are fused to output event arguments and event types. A series of experiments are carried out on the financial open data set chfinann. The experimental results show that the method achieves an average F1 value of 80. 2%, which is better than the baseline model, and proves the effectiveness of the method. 
Related Articles | Metrics

Improved Method of Position Estimation for Simulated Scorpion Vibration Source

WU Xiaoyong, WANG Dongdong, HOU Qiufeng
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 717-723.  
Abstract52)      PDF(pc) (3983KB)(2)       Save
An improved scorpion-simulated method for estimating the position of a vibration source is proposed, to address the issue of limited positioning accuracy due to incomplete scorpion-simulated vibration source positioning models. Based on the different attenuation rates of vibration signal frequency components with increasing distance, the method first improves the existing scorpion vibration source positioning mechanism to address the lack of distance estimation in current models. Then, it extracts the features of the vibration source location based on the improved model and constructs a complete feature database. Next, the K-means method is used to create sub-databases to reduce data matching time. Finally, the KNN(K-Nearest Neighbor)algorithm is used to estimate the position of the vibration source. To verify the effectiveness of the proposed method, tests are conducted on a dataset containing 64 locations of personnel stepping signals in a concentric circle with an inner radius of 2 m and an outer radius of 6 m. The results show that the improved method for simulating scorpion vibration source positioning increases the average positioning accuracy by 0. 439 6 m compared to the existing method and improves the positioning time by 31. 34% compared to the original matching method. Therefore, the improved method has achieved significant enhancements in both positioning accuracy and efficiency.
Related Articles | Metrics
Application of Transfer Learning in Weld Penetration Recognition and Defects Detection
LIU Wenjie, LIU Xinfeng, ZHOU Fangzheng, TIAN Jie, JIA Chuanbao, SONG Lili
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 763-775.  
Abstract51)      PDF(pc) (8306KB)(13)       Save
 Deep neural network techniques based on supervised learning have been extensively employed in the field of welding. However, in real industrial scenarios, obtaining labeled data samples is challenging, which limits the performance of deep network models. For unlabeled or partially labeled datasets, transfer learning algorithms offer a novel solution. Transfer learning algorithms in terms of domain adaptation and pre-training-fine- tuning are introduced and a summary of current research on their development over recent years and their applications in weld penetration identification and defect detection is provided. And transfer learning issues in welding that require further attention and exploration in the futureis highlighted. Transfer learning methods can enhance the effectiveness of deep learning models by better utilizing existing data and knowledge in the welding field, specifically in weld penetration recognition and welding defect detection accuracy. This promotes the development of intelligent welding manufacturing technology. 
Related Articles | Metrics

Text Classification and Label Prediction Algorithms Based on Machine Learning

SUN Xiaoyu
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 837-843.  
Abstract51)      PDF(pc) (3679KB)(3)       Save
When there is a large amount of text data, it is necessary to extract effective features from the text data to capture important information of the text to facilitate the storage and querying of the text. Therefore a machine learning based text classification and label prediction algorithm research is proposed. Conditional random field method is used to annotate and segment the part of speech of the processed text, and obtain the features of the texrt. Text features are inputted into a self attention mechanism recurrent convolutional neural network, and after model training, the classification results and label prediction results of the text outputted. After experimental verification, the proposed algorithm can effectively complete text classification and label prediction, with an average false rate of 95. 2% in text classification and an average loss of 0. 4% in text prediction ranking.
Related Articles | Metrics
Demand Perception System of Community Emergency Management Based on Deep Learning
WANG Xiaolin, HUANG Guangqiang, HE Gang, WU Yubo, GUO Dong
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 776-782.  
Abstract49)      PDF(pc) (4239KB)(6)       Save
In community emergency management during scenarios such as pandemic disasters, traditional methods can not quickly and accurately capture community dynamics. Therefore, an intelligent perception system combining MLLMs(Multimodal Large Language Models) and YOLOv8(You Only Look Once version 8) is proposed. The system comprehensively analyzes textual data from social media and community video surveillance streams to identify changes in community public service needs in real-time. Experimental results demonstrate high accuracy and responsiveness in demand recognition and anomaly detection. This enhances the responsiveness of public services in emergency management and provides strong technical support for smart city development.
Related Articles | Metrics

Path Planning Based on Integrating Bi-Directional A* and DWA Algorithm

CHENG Xin, LI Xinguang, ZHAO Shilong, GUO Xiaoqi
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 792-800.  
Abstract49)      PDF(pc) (4984KB)(21)       Save

In order to improve the real-time performance and security of the traditional A* algorithm during path planning, a path planning method incorporating improved A* and DWA(Dynamic Window Approach) is proposed. Firstly, the search neighborhood of the A* algorithm is optimized to reduce the search direction of nodes. Secondly, the search mechanism is optimized by introducing bidirectional search and dynamically defining the target node strategy to carry out bidirectional path searching from the start node and the target node. Dynamic weighting coefficients are introduced to reduce the generation of redundant nodes in the process of path searching, and the paths are smoothed by the Bezier curves. And lastly, the improved A* algorithm is fused with the DWA algorithm to realize dynamic obstacle avoidance. Simulation is carried out using PyCharm, and the results show that, compared with the other two algorithms, the search nodes of the improved A* algorithm are reduced by more than 46.25%, and the search time is reduced by more than 24.06%. The integrated algorithm is able to realize dynamic obstacle avoidance, and the smoothness and safety of the planned paths have been improved.

Related Articles | Metrics

Energy Saving Power Control Algorithm for Office Energy Consumption in Power Enterprises under Dual Carbon Background

LIU Haiyang, LIU Zuoming, LIU Bing, ZHANG Weili
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 887-893.  
Abstract46)      PDF(pc) (3965KB)(7)       Save
 The environmental factors such as temperature, humidity, and air quality in the office area of power enterprises have dynamic changes and complex relationships with each other. The impact of these factors on energy consumption is difficult to accurately quantify, which increases the complexity of control algorithms. Therefore, an energy-saving power control algorithm for office energy consumption in power enterprises under the dual carbon background is proposed. Using environmental sensors to deploy sensor networks, collecting information data from office environments, and establishing a linear relationship between environmental factors and energy consumption and using regression models to quantify the impact of environmental factors on energy consumption. Based on the linear relationship between environmental factors and energy consumption, the power loss and annual electricity consumption of energy consuming equipment in the office environment are calculated, and the energy consumption changes of the enterprise‘s office during a specific period in the future are predicted. By setting the connection instructions between sensors and energy consumption data with the control center, a device energy consumption regulation constraint model is constructed, and an energy-saving control function is designed based on the energy consumption intensity and modulation power of the device, thereby achieving office  energy consumption energy-saving power control. The experimental results show that under the application of research methods, the energy-saving rate and emission reduction of the office environment in power enterprises are as high as 35% and 35 tons respectively, with good energy-saving and emission reduction effects, which can meet the requirements of the dual carbon target. 
Related Articles | Metrics
Chinese Segmentation Method for Specialized Domains Based on XLBMC
REN Weijian, ZHANG Yidong, REN Lu, ZHANG Yongfeng, SUN Qinjiang
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 755-762.  
Abstract45)      PDF(pc) (4215KB)(3)       Save
Aiming at the problem of low accuracy of methods in Chinese word segmentation in professional domains due to the mismatch of cross-domain data distribution and the limitation of a large number of unregistered professional words, a professional domain word segmentation method based on XLBMC(XLNet- BiGRU-Multi-head Self-attention-Conditional Random Field) is proposed. Firs, the dynamic word vectors containing contextual semantic information is generated through an improved XLNet pre-training model, enabling the model to better utilize the boundary and semantic knowledge. Then the acquired word vectors are input into BiGRU for feature extraction to obtain the hidden state representation of each character. On the basis of BiGRU coding, a sparsified MHSA(Multi-head Self-Attention) mechanism is introduced to weight the representation of each character, which improves the prediction accuracy of the model for fine-grained and strongly long-term dependent time series under restricted memory budget. Finally, the CRF(Conditional Random Field) decodes the dependencies between neighboring tags and outputs the optimal segmentation sequence. Segmentation experiments are conducted on a self鄄constructed control engineering corpus. The results show that the accuracy of the proposed segmentation model is 94. 27%, the recall is 93. 24%, and the F1 value is 95.52%, which proves the reliability of the model in Chinese segmentation tasks in the professional domain.
Related Articles | Metrics
otential Network Attack Monitoring Based on Fuzzy Markov Game Algorithm
HU Bin, WANG Yue, YANG Hao, MA Ping
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 814-821.  
Abstract45)      PDF(pc) (3885KB)(3)       Save
The network nodes are fragile, with many potential attack behaviors and redundant intersection situations, resulting in poor feature recognition accuracy and classification performance and low monitoring stability and efficiency. Therefore, a network potential attack monitoring based on fuzzy Markov game algorithm was studied. Using the fusion degree compressed sensing method and the feature recognition degree parameter analysis method, the random discrete distribution sequence of network potential attack characteristics is analyzed, the characteristics of network potential attack spectrum is also extracted and analyzed. The random forest algorithm is adopted to distinguish the types of potential network attacks, and the fuzzy Markov game analysis of potential network attack risk is carried out. According to the risk state set and the principle of minimum and maximum, the potential network attack risk is monitored. The test results of the example show that after the proposed method is applied, potential attack behavior parameters are set, and the fluctuation of potential attack recognition rate is small. The fuzzy Markov game analysis results are closest to the actual risk value, and have high recognition accuracy, monitoring efficiency, and monitoring stability. 
Related Articles | Metrics
Digital Information Resource Filtering and Deduplication Method Based on GRNN Algorithm
ZHANG Lingyun
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 844-850.  
Abstract44)      PDF(pc) (3542KB)(6)       Save
Due to the fact that resource filtering and deduplication are essential steps in ensuring the efficient operation of digital libraries, the process is susceptible to interference from redundant data, resource types, and differences in customer groups. Therefore, a digital information resource filtering and deduplication method based on GRNN algorithm is proposed. Firstly, the GRNN(General Regression Neural Network) algorithm is used to detect outliers in digital information resources, and the outliers are filtered through PSO-LSSVM(Purticle Swarm Optimization-Least Squares Support Vector Machine) to avoid interference from outlier data in the deduplication process. Then, a locally sensitive hash algorithm is used to convert the resource data into binary hash codes, and the filtering and deduplication of digital information resources are completed by detecting the Hamming distance similarity between hash codes. The experimental results show that this method takes short time and has high precision and rate of deduplication.
Related Articles | Metrics
Construction of Health Question and Answer System for Chronic Disease
KANG Bing, DUAN Jilu, LU Huiqiu
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 801-806.  
Abstract44)      PDF(pc) (3555KB)(3)       Save

In order to improve the accuracy and convenience of obtaining medical information for patients with chronic diseases, a chronic disease health knowledge Q&A(Question and Answer) system based on knowledge graph and WeChat mini program has been developed. The system includes question and answer library, server- side, and client-side. The question and answer library is built based on knowledge graph, text generation and matching technology, and the server-side is written in Python language, using WeChat mini program as the client. In terms of functionality, the system is capable of intelligent question answering, health data recording, health tweets, and knowledge base updates for disease knowledge. The application results indicate that the system can effectively complete the health knowledge question and answer task for chronic patients.

Related Articles | Metrics
Design of Mobile Intelligent Detection System for Underbody Concealment Based on Cloud Database
ZHOU Yifan, YANG Zhiwei, WANG Yueyang, QIAN Chenghui
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 903-912.  
Abstract44)      PDF(pc) (7863KB)(11)       Save
To tackle the inefficiencies, high miss-detection rates, and poor mobility of conventional security check methods in identifying contraband hidden on vehicle undercarriage surfaces, a cloud-based mobile intelligent underbody concealment detection system has been devised. This system uses robotics, network communication, image processing, and object recognition technologies to enable intelligent inspection. Employing the SIFT(Scale-Invariant Feature Transform) algorithm for feature information extraction from images, the system attains a panoramic view of the vehicle underside. Four categories of undercarriage concealments are detected using the YOLOv5(You Only Look Once version 5) deep neural network model. A cloud database is constructed to archive vehicle data, with TCP/ IP(Transmission Control Protocol/ Internet Protocol) protocol facilitating seamless interactions among the wheeled robot, the supervisory computer, and the cloud database. Preliminary testing confirms the system’s capability to conduct underbody concealment inspections within designated contexts, achieving 76.7% success rate in image stitching and 87.2% precision in target detection. Hence, it has considerable practical value for vehicle underbody security check applications.
Related Articles | Metrics
Aspect-Level Sentiment Classification Method Based on Multi-Interaction Feature Fusion
QIU Xiaoying, ZHANG Huahui, XU Hang, WU Minmin
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 913-924.  
Abstract44)      PDF(pc) (5774KB)(6)       Save
 Aspect-level sentiment analysis is a prominent research task in the field of natural language processing. Aiming to analyze the sentiment tendencies of different aspects of texts, to address the issues of insufficient interaction between aspect words and context, and to deal with low classification accuracy of existing aspect-level sentiment classification models, an ASMFF(Aspect-level Sentiment classification method is proposed based on Multi-interaction Feature Fusion). Firstly, the context and aspect words are distinctly labeled and fed into the BERT(Bidirectional Encoder Representations from Transformers) coding layer for text feature vector extraction. Secondly, the text feature vectors are fed into AOA (Attention Over Attention) and IAN (Interactive Attention Networks) networks to extract the interactive attention feature vectors. Finally, the two interactive feature vectors obtained are fused and learned, and probability calculation, loss back propagation, and parameter updating are carried out using the cross-entropy loss function. Experimental results on three publicly available datasets, Laptop, Restaurant, and Twitter, show that the classification accuracy of the ASMFF model is 80. 25%,84.38%, and 75.29%, respectively, which is a significant improvement over the baseline model. 
Related Articles | Metrics

Leakage Detection Algorithm for Small Targets in Well Sites Based on Attention Mechanism

NIE Yongdan, XIAO Kun, ZHANG Linjun, WANG Jingzhe, ZHANG Yan
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 851-862.  
Abstract43)      PDF(pc) (8991KB)(15)       Save
The leakage of well site pumping units is an important issue that affects the safety production and stable operation of oil fields. The current object detection methods often overlook the special requirements of well site leakage detection, and there are some limitations in the process of feature recognition of well site leakage targets. An attention mechanism leak detection algorithm for small targets in well sites is proposed based on the YOLOv5(You Only Look Once 5) network, introducing channels and spatiotemporal attention modules into the backbone network, to obtain more feature discrimination information, to enhance the model’s attention to important features. An additional small object detection scale has been introduced in the backbone network, which enables the network to integrate more feature information of small target objects and enhance the detection ability of small targets. The effectiveness of the proposed algorithm is validated on a dataset of well site leaks. The experimental results showed that compared to similar algorithms, the proposed method has higher recognition accuracy and can provide reference for the practical application of automatic detection of oil field well site leaks. 
Related Articles | Metrics
ntuitionistic Fuzzy Set Similarity and Its Application in Slope Evaluation
JIA Xueping, LIU Yongzhi
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 863-869.  
Abstract42)      PDF(pc) (3070KB)(2)       Save
To address the issue of hesitation degree redistribution in similarity measurement of intuitionistic fuzzy sets, researchers typically rely on fixed formulas yielding constant results, which deviate from practical situations. To resolve this, a novel similarity measurement method for intuitionistic fuzzy sets is proposed. This method innovatively introduces a random function to perform fine-grained redistribution of hesitation degrees into membership and non-membership degrees, while preserving the remaining hesitation degree. This approach significantly enhances the discrimination ability and computational efficiency of the measurement while maintaining information integrity, fulfilling the core requirements of similarity measurement. Furthermore, the possible value range of the similarity between two intuitionistic fuzzy numbers is thoroughly discussed, enhancing the applicability of the similarity measure. The application of this method in the selection of cutting slope schemes verifies its rationality, practicality, and innovation, demonstrating promising application prospects.
Related Articles | Metrics

Leakage Identification Model of Digital Twin Pipeline Based on AOA-SVM

WANG Dongmei , SONG Nannan , ZHANG Dan , WANG Peng , LU Jingyi
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 937-943.  
Abstract42)      PDF(pc) (3400KB)(10)       Save

To address the problem of low accuracy of oil and gas pipeline leakage identification, the digital twintechnology is introduced, and a digital twin pipeline leakage identification model is constructed based onarithmetic optimisation AOA-SVM(Arithmetic Optimization Algorithm-Support Vector Machine). Firstly, the 3DROM(3D Reduced Order Model) pipeline model of oil and gas pipelines is constructed using Ansys software.Secondly, the collected pipeline signals are imported into MySql database through Java interface, and then thedata are imported into the 3D ROM pipeline model. Finally, the AOA-SVM algorithm is used to carry out the work recognition of the pipeline signals in Matlab environment, and the recognition effect is shown in its dynamic form by Twin builder software. The recognition effect is shown in its dynamic form. In order to show the superiority of AOA-SVM condition recognition ability, it is compared with other popular SVM( Support Vector Machine) optimisation algorithms on the basis of the same signal. The comparison results show that AOA-SVM has the highest classification accuracy, which can reach 90. 5% , i. e. , the recognition model of the proposed digital twin can simulate the leakage of pipelines and has a high monitoring credibility.

Related Articles | Metrics
Design and Implementation of Network Simulation Method Based on Linux Namespace
SUN Huabao
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 830-836.  
Abstract41)      PDF(pc) (4018KB)(2)       Save

Since network simulation consumes a lot of system resources and has complex parameter configuration, these factors will affect the test accuracy when performing network testing. Therefore, a lightweight network simulation method based on Linux namespace is designed. Based on Linux kernel virtualization technology, a simulation network is built. In order to solve the problem of complex parameter configuration caused by dynamic adjustment of topology during network testing and high resource consumption when running network simulation system, human-readable data serialization standard file is used to flexibly define the network, and completes the virtual network creation by calling system commands in user state with the help of Linux network namespace mechanism. An automated script is written to perform network testing using iperf3 tool. Experimental results show that the network throughput of the proposed method is close to the test theoretical bandwidth, the system shows high startup efficiency and low running resource overhead, can meet common network testing application scenarios, has good performance, and has certain research value.

Related Articles | Metrics

Sensitive Data Mining Algorithm of Drug Information Based on Improved Apriori

MA Jie, ZHOU Ting, YANG Huibo, LI Rushan
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 822-829.  
Abstract39)      PDF(pc) (4633KB)(3)       Save
Drug information data has the characteristic of imbalanced categories, with poor interpretability and a large number of sensitive data. The application effect and mining accuracy of sensitive data are low. Therefore, an improved Apriori based sensitive data mining algorithm for drug information is proposed. The drug data is decomposed into several band limited intrinsic mode functions, and is updated and denoised, the feature subset of the sensitive data is extracted according to the information gain of the feature subset of the drug sensitive data and the Monte Carlo sampling strategy. The relationship between the hidden layer output function and the feature subset is analyzed. The extreme learning machine is introduced to improve the Apriori algorithm. And the drug combinations with significant relevance are screened out and solved. The sensitive data features are matched corresponding to the candidate feature subset and a sensitive data mining function is constructed. The experimental results show that the data signal fluctuation amplitude is small, and sensitive data can be clearly distinguished. The number of erroneous data mined does not exceed 2, improving the interpretability of sensitive data.
Related Articles | Metrics
Load Prediction Algorithm of User Side Net for Power Systems under Heterogeneous Computing
LIANG Lingyu, HUANG Wenqi, ZHAO Xiangyu, CAO Shang, ZHANG Huanming
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 880-886.  
Abstract37)      PDF(pc) (4509KB)(6)       Save
The original user side net load sequence of the power system is chaotic. In order to accurately predict the changes in user side load data of the power system, a heterogeneous computing based user side net load prediction algorithm is proposed. The user side net load data of the power system is analyzed with noise, the binary wavelet transform is expanded, and the user side net load data of the power system is preprocessed by setting threshold values and determining estimated signals. The empirical mode decomposition method is applied to decompose the user side net load of the power system. Two different algorithms, EKF(Extended Kalman Filter) and KELM(Kernel Extreme Learning Machine) are used to establish a power system user side net load prediction function based on EKF-KELM. The optimal parameters for IMF(Intrinsic Mode Function) components are calculated isomerically, and a kernel function is introduced to overlay all predicted values. The user side net load prediction results of the power system are obtained under heterogeneous computing. The experimental results show that the predicted value of the power system user side net load obtained by the proposed algorithm is basically consistent with the true value, with low root mean square error and average absolute error. This effectively reduces the time required for power system user side net load prediction and can obtain high-precision power system user side net load prediction results. 
Related Articles | Metrics

Edge Computing Unloading Scheme for Internet of Vehicles Based on Improved Grey Wolf Optimization Algorithm

ZHANG Guanghua , ZHAO Yu , LU Weidang
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 944-952.  
Abstract37)      PDF(pc) (2138KB)(10)       Save

In order to solve the problem that the Internet of Vehicles with limited computing power can not undertake a large number of real-time task computing, offloads vehicle tasks are introduced to the edge server for computing through MEC (Mobile Edge Computing), and a joint optimization scheme for the delay and energy consumption of vehicle task offloading is proposed based on the I-GWO( Improved Grey Wolf Optimizer). A computation offloading model constrained by computation delay, energy consumption, and edge server computing resources is established, and an offloading optimization problem with the goal of minimizing the total system consumption is proposed. By improving the GWO (Grey Wolf Optimizer ), the I-GWO used to solve optimization problem. Simulation results show that the proposed scheme can effectively reduce the total system consumption, and the convergence performance of I-GWO is greatly improved compared to GWO.

Related Articles | Metrics
Optimal Scheduling of Electric Vehicles in Residential Communities Based on Coati-Optimization Algorithm
ZHOU Bin, WU Bin, ZHANG Zhida, LI Shaoxiong
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 894-902.  
Abstract36)      PDF(pc) (4555KB)(2)       Save
In order to solve the problem of “peak-on-peak” load in distribution networks caused by the superposition of EV ( Electric Vehicle) users’ base load and unordered EV charging load in residential communities, the following solution is proposed Firstly, based on cloud-edge collaboration theory and big data technology, a cloud-edge collaborative optimization scheduling framework is established for comprehensive interconnection of distribution networks, charging station operators, intelligent charging piles, and EV user information. Secondly, an EV user charging scheduling mechanism considering the minimum profit or maximum cost acceptable to users is proposed. Then, a two-layer multi-objective orderly charge and discharge optimization regulation model is established from the perspectives of both the grid side and the user side. Finally, taking EV load data in residential areas as an example, the COA(Coati Optimization Algorithm) is proposed to solve the model. The simulation results verify the effectiveness and superiority of the proposed model and method. It can achieve better peak cutting and valley filling, and improve the user’s charging experience. 
Related Articles | Metrics
Pumping Unit Fault Diagnosis Method Based on Multimodal Decision Fusion 
ZHANG Qiang, XUE Bing, WANG Bochao, CHEN Cheng, LU Junyi
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 978-987.  
Abstract34)      PDF(pc) (3213KB)(12)       Save
Aiming at the problem that most of the existing pumping unit fault diagnosis is based on indicator diagram, which leads to a relatively single diagnostic modality, a ShuffleNetV2ECA-MLP (ShuffleNetV2 with Efficient Channel Attention and Multilayer Perceptron, ShuffleNetV2ECA-MLP) multimodal decision fusion fault diagnosis model is proposed for pumping units. In order to improve the cross-channel interaction capability and recognition accuracy of the ShuffleNetV2 model, firstly, the ECA(Efficient Channel Attention) module with lightweight channel attention is introduced into the ShuffleNetV2 model, and the Hardswish activation function is applied to enhance the network蒺s ability to learn complex problems. Secondly, the improved ShuffleNetV2 network is used to diagnose the figure of merit, and the MLP(Multi-Layer Perceptron) network is used to process the production dynamic data. Finally, the diagnostic results of the two models are integrated using the weighted voting method. In order to verify the effectiveness of the improved ShuffleNetV2 and ShuffleNetV2ECA-MLP models, comparisons are made with the lightweight convolutional networks MobileNetV2, MobileNetV3, the classical convolutional network ResNet, and the VGG ( Visual Geometry Group) network model. The experimental results show that the storage space of the ShuffleNetV2ECA-MLPmodel is only 10. 16 MByte, and the fault diagnosis accuracy reaches 95. 35% , which better meets the needs of pumping unit fault diagnosis.
Related Articles | Metrics
Incremental Detection of False Data Injection Attacks in Kernel Extreme Learning Machines Based on Grey Wolf Algorithm Optimization
WANG Huijie
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 807-813.  
Abstract34)      PDF(pc) (3726KB)(4)       Save

When detecting false data injection attacks, if the detection accuracy of the detection model is poor, it will directly affect the detection effect of false data injection attacks. In order to effectively improve the detection accuracy of the detection model, the incremental detection of false data injection attacks based on the grey wolf algorithm is proposed to optimize the kernel extreme learning machine. The state of power system is estimated, and the attack behavior of false data injection is analyzed. On this basis, an incremental detection model of false data injection attack is established based on kernel extreme learning machine, and the model is optimized by grey wolf algorithm. Finally, the normalized results of the collected power system state data are used as the model input data, and the accurate detection of false data injection attacks in power system under incremental changes is realized through the optimized model. The experimental results show that using this method to detect false data injection attacks can get better detection effect and high precision results.

Related Articles | Metrics
Multi-Timescale Scheduling for Charging Stations of Photovoltaic Energy Storage Based on Time-Varying Constraints
ZHANG Jianzhou, YAO Tengfei, YANG Fengkun, HAN Yuhao, LIU Hongpeng
Journal of Jilin University (Information Science Edition)    2025, 43 (4): 870-879.  
Abstract33)      PDF(pc) (5538KB)(5)       Save
n response to the issue that photovoltaic energy storage charging stations have high operating cost and load fluctuations in the distribution grid caused by the shortcomings of the operating strategy, a multi-timescale optimal scheduling strategy based on time-varying boundary constraints for photovoltaic energy storage charging stations is proposed. Firstly, the goal is to minimize the daily operating cost, and the electric vehicle charging load and photovoltaic generation power intervals are predicted. Next, is to minimize the mean square deviation of load fluctuation on the distribution network. Constraints with time-varying boundaries are constructed based on the boundaries of the predicted intervals, grid feed-in pricing of photovoltaic and time-of-use pricing. Finally, setting multiple scenarios and utilizing the CPLEX solver in Matlab for optimization, The simulation results reveal that the scheduling strategy reduces daily operational costs and decreases the mean square deviation of load fluctuation.
Related Articles | Metrics
Energy Management Algorithm for Oil and Gas IoT Based on Data Importance Level
HUO Zhuomiao, SUN Zhenxing, LIU Miao, NIE Zhongwen
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 960-964.  
Abstract30)      PDF(pc) (1125KB)(5)       Save
In order to solve the energy limitation problem of oil and gas IoT, energy harvesting technology is introduced and an energy management algorithm for oil and gas IoT is proposed based on the data importance level. The working mode of sensor nodes is changed according to the energy threshold, and whether to transmit data is based on the importance level of data under the energy constrained situation to avoid the delay of important data. The algorithm selects cluster heads based on the ratio of energy harvesting and energy consumption of nodes, and the remaining energy of nodes, so as to achieve the purpose of extending the network lifetime while ensuring the transmission of important data. 
Related Articles | Metrics
Human Pose Estimation Method Based on Improved High-Resolution Network
ZHANG Yaoping, LI Jingquan, QIU Changli, SHI Jingyuan, TANG Yankun, CHEN Dachuan
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1051-1057.  
Abstract30)      PDF(pc) (2780KB)(5)       Save
The accuracy of the existing estimation methods of human pose in the motion evaluation scene needs to be further improved. The methods rely on high-performance computing devices, and the reasoning speed on edge computing devices needs to be further enhanced. Therefore, improvement is made to the classic high-resolution network model to solve the problem of low real-time performance of the existing human pose estimation methods. To address the frequent occlusion issues in motion evaluation scene, random erasure enhancement is applied to the images in the dataset. After experimental comparison and verification, the improved method significantly reduces the number of model parameters and improves the inference speed of the model while ensuring the accuracy of attitude estimation. The algorithm exhibits stronger robustness for occlusion problems, and the improved method can meet the needs of motion evaluation scenarios.
Related Articles | Metrics
Management Model of Business Rule Standardization Based on SBVR
YUAN Man, LI Hongxin, YUAN Jingshu, XIA Anqi
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1058-1066.  
Abstract30)      PDF(pc) (2046KB)(9)       Save

Related Articles | Metrics
Hierarchical Access Control of Cloud Computing Resources Based on CP-ABE Combined with Asymmetric Encryption Algorithm 
ZHAO Linying, WANG Chao
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1101-1110.  
Abstract29)      PDF(pc) (2299KB)(6)       Save
Due to the complexity of multi tenant and multi-level security requirements in cloud computing environments, existing access control strategies are difficult to meet the needs of different users and applications, resulting in lower resource access security and more time consumption during encryption and decryption. To address the above issues, combining CP-ABE(Ciphertext Policy-Attribute Based Encryption) with asymmetric encryption RSA(Rivest Shamir Adleman) research on hierarchical access control of cloud computing resources is conducted. A CP-ABE access control architecture is established and encrypted access policies are developed. The trust values related to hierarchical access of cloud computing resources is used to clarify the trust relationship of access, and the trust degree of access subject and object resources are obtainined. Based on the calculated trust value, users are granted hierarchical authorization to meet the needs of multi tenant and multi-level security. Based on the results of user identity hierarchical authorization, the RSA algorithm is used to replace the complex bilinear mapping of CP-ABE for encryption and decryption, achieving precise control of resourcehierarchical access and reducing encryption and decryption time consumption. Through experimental testing, it was found that the proposed method can achieve a concurrent connection count of 400, a maximum over authorization rate of 6. 8% for hierarchical access, and an effective control of access control response time of less than 6 seconds, which can effectively meet the multi tenant and multi-level security needs of application scenarios. It has a good effect on hierarchical access control of cloud computing resources. 
Related Articles | Metrics
Autonomous Driving Decision-Making for Multi-City Scenarios Based on Continual Reinforcement Learning
LIU Pengyou, YU Di, CHEN Qili, ZHANG Changwen
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 965-977.  
Abstract29)      PDF(pc) (7846KB)(3)       Save
To address the issue of catastrophic forgetting in decision-making for autonomous driving in multi-city scenarios, a framework based on continual reinforcement learning is proposed. This framework is built upon the IMPALA( Importance Weighted Actor-Learner Architecture) algorithm architecture. First, a co-attentive awareness module is combined to extract critical environmental representations through cross-scenario feature interaction. Second, a self-activating neural ensemble architecture is built to enable autonomous activation of knowledge modules. Finally, a replay mechanism is applied to relieve the problem of forgetting old knowledge by combining scenario-specific features with historical trajectory experience replay. Off-policy behavior cloning and on-policy learning are employed concurrently to maintain the plasticity and stability of the decision-making algorithm. Whether to use old modules or generate new ones is determined based on the requirements of different autonomous driving scenarios and tasks, and the issue of excessive memory usage is addressed through module fusion. Ablation experiments and comparative ones are conducted in two different groups of multiple city scenarios. The performance of the proposed method is validated by comparing path completion rates and cumulative rewards. Experimental results demonstrate that the average completion rate reaches approximately 85% in the first sequential scenario, and it reaches 81. 93% in the second sequential scenario. The proposed scheme can effectively relieve the issue of catastrophic forgetting in multi-scenario continual decision-making and achieve better stable driving performance. 
Related Articles | Metrics
Video Anomaly Detection Framework Based on Bidirectional Spatio-Temporal Feature Fusion GAN 
ZHAO Yugang, YANG Yujia, XIANG Ting, JIN Honglin
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1128-1137.  
Abstract28)      PDF(pc) (2893KB)(10)       Save
In order to improve the accuracy of video anomaly detection in complex scenes, a video anomaly detection framework based on improved GAN(Generative Adversarial Network) is proposed. Two discriminators are used for the adversarial training of the generator, and the bidirectional prediction consistency is enhanced through a regression loss function. FusionNet and LSTM(Long Short Term Memory) are combined to form a generator structure based on spatio-temporal feature fusion. Forward and backward video sequences are taken as the inputs of the generator, and predicted video frames and predicted video sequences are output respectively. Patch GAN architecture is adopted for both of the discriminators, the frame discriminator is used to distinguish synthetic frames and the sequence discriminator is used to determine whether the frame sequence contains at least one synthetic frame to maintain temporal consistency of the predicted frames, to improve the robustness and accuracy of the predicted network. Finally, the anomaly score is calculated based on the normalized mean PNSR (Peak Signal to Noise Ratio). Experimental results show that the proposed framework can effectively capture the bidirectional spatio-temporal features in video sequences and outperforms other state-of-the-art methods on thechallenging public video anomaly detection datasets UCF-Crime ( University of Central Florida Crime) and ShanghaiTech.
Related Articles | Metrics
Real Time Feature Tracking Algorithm for Multi Frame Film and Television Images Based on Visual Communication Effects
WANG Yan
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1165-1171.  
Abstract28)      PDF(pc) (1749KB)(12)       Save
A real-time image feature tracking algorithm based on visual communication effect is proposed to address the issues of low extraction accuracy and poor tracking performance in real-time tracking of multi frame film and television images. By calculating the likelihood function of candidate target states, effective targets in multiple film and television images are obtained, and unnecessary information such as noise and artifacts in the images are removed through visual communication enhancement processing to improve the recognizability of effective targets. Considering the real-time tracking requirements of multi frame film and television images, after multi frame film and television image enhancement, particle swarm optimization algorithm is used to weight the features of multi frame film and television images, improve the weight of salient features, effectively highlight the tracking target, and achieve real-time tracking of multi frame film and television image features. The experimental results show that after processing with the proposed method, the signal-to-noise ratio of the image can reach 45 dB, and the position of the tracked target is relatively consistent with the original marked position. And the target recognition rate, recall rate, and comprehensive evaluation index are all maintained above 0. 9. It is demoustrated that the proposed method can filter out the interference of target image background and surrounding clutter, accurately obtain target feature points, and achieve real-time feature tracking of multiple film and television images. 
Related Articles | Metrics
Accurate Recognition Method of Key Information under the Interference of Stains in Financial Bill Images
LI Xingyu, WU Shangmei
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1192-1199.  
Abstract28)      PDF(pc) (4214KB)(9)       Save
A new method for accurately identifying key information in financial bill images under the interference of stains is proposed to solve the problem of recognition failure caused by local information loss or misjudgment during the recognition of financial bill information containing stains. By integrating the gray scale and denoising of the image, dividing the bill area according to the threshold size, binary processing is achieved. Using the ROI (Region of Interest) principle, rough screening of information range is performed in the binary processed image to calculate the maximum coverage contour and key information adhesion area. Further segmentation and edge calibration are performed, and key information areas are located based on the ROI ratio. The features of key information areas is extracted, classification labels in an end-to-end manner are established by combining the features, and the recognition target is searched according to the label gradient in the coverage recognition area. The experimental results show that the retrieval rate obtained by the proposed method is between 80%-100%, and the efficiency is greatly improved with superior and reliable performance. 
Related Articles | Metrics
Recognition Algorithm of Image Saliency Target for Wireless Sensor Networks in Complex Backgrounds 
XUE Jingjing, XU Xiang
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1078-1084.  
Abstract27)      PDF(pc) (1465KB)(14)       Save
Images in complex backgrounds may contain a large amount of interference information, making it difficult to accurately extract image feature vectors. Therefore, a salient target recognition algorithm for wireless sensor network images in complex backgrounds is proposed. Mean shift algorithm is used to cluster targets and achieve image segmentation, obtaining several segmented image feature vectors. By fusing rules, the pyramid shapes of each layer in the image pyramid are prosessed, and the image pyramid sequence is combined to achieve image reconstruction. The image saliency of pixels is determined based on the results of image reconstruction and histogram statistics, and image saliency target recognition is achieved through pixel order expansion and sorting. The experimental results show that the proposed algorithm can accurately identify salient targets in wireless sensor network images under complex backgrounds, and the texture details of the image are clear, with good practical application effects. 
Related Articles | Metrics
Solving Algorithms of Detection Scheduling for Electric Metering Equipment Based on GNN and RL
YANG Sijie, YANG Yirui, LIU Si, CHEN Huanjun, XU Tao, KONG Dezheng, DOU Quansheng
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 988-998.  
Abstract27)      PDF(pc) (2520KB)(21)       Save
Aiming at the problems of insufficient stability, weak generalization ability, and the influence of equipment configuration in the traditional scheduling method for the detection and scheduling of power metering equipment, a detection and scheduling model named GNN-RL(Graph Neural Network-Reinforcement Learning) is proposed. The model treats the scheduling problem as a Markov decision process. Firstly, the graph structure model of electric energy metering equipment detection and scheduling is constructed. Then, the problem features are extracted through the improved graph neural network and passed to the action selection network to generate decisions. After the scheduling, the model collects feedback information to train the scheduling policy in the reinforcement learning module. In the training phase, GNN-RL optimizes the message passing mechanism, employs a loss function closely related to the scheduling objective, and dynamically adjusts the learning rate. A multi-task learning framework is introduced to deal with task allocation and time scheduling. The experimental results show that GNN-RL has obvious advantages in optimization ability, solution accuracy, and stability, and has great advantages in solving the detection and scheduling problem of energy metering equipment, which significantly improves the efficiency and reliability of problem solving.
Related Articles | Metrics
Design of Secure Aggregation Algorithm for Multi-Source Heterogeneous Data Based on Kernel Limit Learning Machine
ZHOU Xiang, TANG Zhiguo, ZHANG Bing, CAO Mingjun, LI Ruoyu
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1151-1157.  
Abstract26)      PDF(pc) (1722KB)(9)       Save
Multi source heterogeneous data may contain sensitive and personal privacy information, increasing the risk of data leakage. Therefore, a multi-source heterogeneous data security aggregation algorithm based on kernel extreme learning machine is designed. Partial least squares algorithm is used to extract features from multi-source heterogeneous data, the extreme learning machine is optimized by introducing kernel functions, and the obtained data features inputtied into the kernel extreme learning machine to complete data aggregation by class. Elliptic curve encryption algorithm is used to encrypt the aggregated data, improving data security and achieving the goal of secure aggregation of multi-source heterogeneous data. The experimental results show that the algorithm has high accuracy in multi-source heterogeneous data aggregation and good data encryption performance, and can be widely applied in practice. 
Related Articles | Metrics
Storage Algorithms of Anti Tampering for Cloud Data under Multiple Blockchains
CHEN Xin
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1085-1090.  
Abstract25)      PDF(pc) (3045KB)(15)       Save
Data may be tampered with by illegal elements during storage, leading to security issues such as data leakage and damage. In order to ensure the security of data and further improve the anti tampering ability of cloud data, an anti tampering storage algorithm for multi blockchain cloud data is proposed. By analyzing the structure of multi blockchain networks, a cloud data distributed storage architecture based on blockchain technology is designed. A cloud data access control model is designed through the data layer, application interaction layer, contract layer, and functional layer to improve the security of distributed cloud data storage. During the data encryption and decryption process, Hash algorithm and asymmetric encryption algorithm are combined to encrypt and decrypt the combined data of “random number+cloud data冶, to avoid the phenomenon of node private key leakage, cloud data being replaced and forged. The experimental results show that the encryption and decryption processing time of the proposed algorithm is maintained within 25 ms, the probability of successful attack is less than 40%, and the data is not easily tampered with during transmission.
Related Articles | Metrics
Multi-Surgical Instrument Tracking Method Based on Point Set Matching
GUO He, ZHANG Yadong, FANG Zhuang, DIAO Zhaoheng, SHI Weili, MIAO Yu
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1091-1100.  
Abstract25)      PDF(pc) (2347KB)(9)       Save
In response to the demand for real-time and accurate tracking of multiple surgical instruments in collaborative operations, this study aims to solve the problem of invisible instrument ends caused by light filtering and shielding based on a near-infrared active optical tracking system, and achieve accurate identification and stable tracking of multiple surgical instruments. The problem of surgical instrument tracking based on a near- infrared optical positioning system is explored. In response to the limitations of traditional algorithms in multi- instrument recognition and landmark tracking, a multi-instrument recognition method based on point set matching is proposed. By matching the landmark points in the captured image with the pre-established instrument model, accurate identification and differentiation of multiple surgical instruments are achieved. And a landmark tracking method based on least squares algorithm prediction is proposed. The historical tracking data and the least squares method are used to predict the location of the landmark points, thereby achieving real-time tracking of surgical instruments. Experimental verification shows that the coordinated use of the two methods can achieve accurate identification (first-frame recognition rate 100% ) and stable tracking (overall recognition rate 97. 45%) of multiple surgical instruments, while ensuring tracking accuracy and meeting the real-time requirements of surgery. It can provide surgeons with clear instrument spatial position information and support precise operations. It is of great significance to improving surgical safety and reliability, and can provide technical support for the clinical application of near-infrared optical surgical navigation systems.
Related Articles | Metrics
Helmet Wearing Detection Model Based on Lightweight Convolution and Cross Spatial Learning Attention Mechanism
WU Xiangning, WANG Mengxue, PAN Zhipeng, FANG Heng, CAI Zeyu
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1014-1024.  
Abstract25)      PDF(pc) (4806KB)(27)       Save
To improve the efficiency and accuracy of the helmet wearing detection model, the LFE-Y8 (LightConv, Focal Loss and EMA Attention You Only Look Once version 8) model is proposed. This model adopts the Focal Loss function to solve the problem of imbalanced sample categories. The original model is optimized using LightConv lightweight convolution, which improves the feature extraction ability. In order to better focus on small targets, an efficient multi-scale EMA (Efficient Multi Scale Attention) attention mechanism for cross spatial learning is integrated. The experimental results show that the LFE-Y8 model effectively improves the accuracy of helmet wearing detection compared to the improved YOLOv8 model. The improved algorithm has an accuracy increase of 0. 6% and a recall increase of 2. 1%. The mAP@ 50 is improved by 1.2%, and mAP@ 50-95 is improved by 1.5%, demonstrating the effectiveness of the LFE-Y8 model in practical applications. 
Related Articles | Metrics
Optimization Control of Regional Voltage in Distribution Network Based on Large Language Model-Assisted Deep Reinforcement Learning
WANG Yichun, CHENG Chongyang, YAN Limei
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1033-1042.  
Abstract25)      PDF(pc) (3977KB)(11)       Save
With the continuous integration of large-scale distributed power sources into distribution networks, distribution networks face many challenges in terms of safety, stability and economy. And the existing deep reinforcement learning methods often exhibit limitations in generalization ability when training agents to cope with changing operating conditions due to insufficient generalization of collected data. Therefore a distribution network regional voltage optimization control strategy based on large language model-assisted deep reinforcement learning is proposed, combining large language model technology with deep reinforcement learning. Secondly, by guiding large language models to generate customized datasets for deep reinforcement learning agent training through prompt engineering, a multi-agent collaborative decision-making framework is constructed. Then, based on distributed partially observable Markov processes, dynamic control problems are modeled to reduce dependence on real-world data while improving agent generalization ability. Finally, the effectiveness of the proposed control strategy is verified on the improved IEEE 33-node system, with voltage deviation and network loss reduced by 60. 82% and 49.91%, respectively, exhibiting strong robustness under various operating conditions.
Related Articles | Metrics
Application of Sliding Mode Parameters in Fuzzy Tuning of Permanent Magnet Synchronous Motor
ZHAO Zhihua, ZHANG Mingwen, XU Aihua
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 999-1005.  
Abstract25)      PDF(pc) (1941KB)(9)       Save
Aiming at the nonlinear problem of SMC (Sliding Mode Control) of PMSM (Permanent Magnet Synchronous Motor), on the basis of analyzing the weak connection between the parameters of the sliding mode control at different stages, a fuzzy parameter tuning strategy is proposed to reduce overshoot, chattering and having certain anti-jamming ability. The major functions of various parameters and the relationship between parameters in the process of sliding mode motor control are improved. The fuzzy logic control is combined with the exponential reaching law. The change of sliding mode parameters is adjusted by fuzzy control, and the fuzzy reaching law is derived. The design method simplifies the complexity of sliding mode parameter adjustment and eliminates the constant speed term of exponential approach rate, making the design and regulation more convenient. The conclusions show that compared with the traditional sliding mode control of permanent magnet synchronous motor, the speed loop controller designed by making fuzzy control to adjust the sliding mode parameters can further reduce the overshoot by 21. 86%, reduce the start-up time by 0.038 s, effectively eliminate the buffeting peak wave when reducing the buffeting, and reduce the speed drop by 7. 31% when dealing with the sudden change of load. The adjustment time is reduced by 0. 010 s. The reliability and superiority of the parameters are verified. 
Related Articles | Metrics
Semantic SLAM System Based on Improved YOLACT++ 
REN Weijian, SHEN Wenxu, REN Lu, ZHANG Yongfeng
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1006-1113.  
Abstract24)      PDF(pc) (3760KB)(22)       Save
SLAM(Simultaneous Localization and Mapping) technology is a camera pose estimation based on static scene features. It is susceptible to dynamic objects in the process of feature calculation and matching at its front end. Therefore a method of instance segmentation combined with multi-view geometric constraints is proposed to improve the front-end feature processing of visual SLAM and eliminate the interference of dynamic information. Specifically, in the front end of the ORB-SLAM3(Oriented FAST and Rotated BRIEF-Simultaneous Localization and Mapping3) framework, the YOLACT + + (You Only Look At CoefficienTs + +) instance segmentation thread is paralleled, and the segmented results are used to supplement the multi-view geometric constraint method testing the dynamic consistency of feature points. The EfficientNetV2 network is used to replace the original backbone network of YOLACT + +, and the TensorRT is used to quantify the instance segmentation model to reduce the front-end computing pressure of the algorithm. The test of TUM data set shows that the positioning accuracy of the proposed algorithm in high dynamic environment is 80. 6% higher than that of ORB-SLAM3 algorithm. 
Related Articles | Metrics
Coal Gangue Recognition Method of Multi-Objective Small Gap Based on Semantic Segmentation
WANG Yanwei, TAO Wenbin, CHEN Kaiyun, MENG Xianglin
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1067-1077.  
Abstract24)      PDF(pc) (4355KB)(9)       Save
In the coal gangue sorting scene, coal and gangue are closely intertwined, making it challenging for the mechanical claw to accurately grasp gangue. To enhance grasping reliability under complex conditions, a multi-objective small-gap coal gangue recognition method based on semantic segmentation is proposed. The FCN (Fully Convolutional Networks) algorithm is improved by integrating the FPN (Feature Pyramid Network) module and replacing the cross-entropy loss with Dice Loss. A total of 1 202 coal gangue images are annotated using Labelme, and enhanced with the CLAHE (Contrast Limited Adaptive Histogram Equalization) algorithm. The performance of various semantic segmentation algorithms and transfer learning strategies are analyzed by comparative experiment. Results show that the FCN-ResNet50-FPN model, with ResNet50 as the feature extractor, achieved a precision of 95. 0%, a recall of 95. 4%, an F1 score of 95. 2%, and a mIoU(mean Intersection over Union) of 90. 9%. Transfer learning further improves recognition, enhances small-gap detection and provides reliable data for precise coal gangue sorting robot operations. 
Related Articles | Metrics
Design of Sensitive Data Security Aggregation Algorithm for Smart Grid End Users
LI Wei, FENG Yongqing, ZHANG Tiegang, MA Chao, ZHENG Linxin
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1158-1164.  
Abstract24)      PDF(pc) (2391KB)(9)       Save
To ensure the confidentiality and integrity of sensitive data for smart grid end users, a secure aggregation algorithm for smart grid end user sensitive data is proposed. The establishment of a fog computing architecture is prioritized for sensitive data collection, transmission, and processing of smart grid end users. At the smart meter terminal, the collected user sensitive data is encrypted through the formation and distribution of keys. The encrypted data is aggregated through fine-grained aggregation of fog nodes and coarse-grained aggregation of cloud nodes, and the obtained coarse-grained aggregation dataset of cloud nodes is transmitted to the power service institution through secure transmission channels. By parsing all fine-grained aggregated data stored in the cloud, the corresponding aggregated data plaintext can be obtained to achieve secure aggregation of sensitive data for smart grid end users. The experiment shows that the communication overhead of the proposed algorithm for secure aggregation of sensitive data is below 100 kByte, and the aggregation time is short. And the integrity protection for different types of sensitive data is above 0. 8, indicating that the proposed algorithm has high practicality.
Related Articles | Metrics
Smooth Denoising Method for Low Light Images under Online Dictionary Learning Algorithm
DONG Wei
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1172-1178.  
Abstract23)      PDF(pc) (1865KB)(5)       Save
In low light images, the effective signal and random noise exhibit a similar sparse distribution in the transform domain. The denoised image is prone to staircase effects or pseudo edges, which can lead to noise artifacts and reduce the quality of the image. Therefore, an online dictionary learning algorithm is proposed to smooth and denoise low light images, and to improve the visual effect of the images. The grayscale transformation on low light images is Implemented to reduce random noise in the images. An adaptive low light image block partitioning strategy is designed which dynamically adjusts the size of image blocks based on local brightness information and texture features after grayscale transformation, to obtain image details and structural information. An online dictionary learning model is created. It sparsely represents partitioned image blocks, dynamically captures the time-varying characteristics of noise and detail features through real-time dictionary updates, adaptively separates effective signals and noise, suppresses noise artifacts while preserving signal structure, solves the problems of staircase effect and pseudo edges caused by similar sparse distribution in low light images, and achieves smooth denoising of low light images. The experimental results show that the proposed method has strong robustness and can effectively suppress low light image noise. The peak signal-to-noise ratio and structural similarity of the image are significantly improved. 
Related Articles | Metrics
Measurement System of Three-Dimensional Spatial Distribution for Weak Magnetic Field Vector 
ZHAO Shuai, YANG Jiaju, LIANG Shihang, Lü Qiuhua, MA Siyan, MA Qing, CUI Yirui, HUANG Liyuan, LIU Haibo
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 953-959.  
Abstract23)      PDF(pc) (2609KB)(15)       Save
In response to the demand for higher precision and higher resolution magnetic measurement technology, especially for the improvement of the performance index of weak magnetic measurement technology, based on the principle of magnetic induction electromagnetic, using integrated fluxgate chip, a sensor component structure which can be used in weak magnetic three-dimensional vector field is designed. The influence of coil current, temperature and environment circuit of generating device of weak magnetic field is studied. The three- dimensional distribution characteristics of the magnetic field coil are analyzed and calculated by Ansys simulation software, and the magnetic field intensity and direction of the random space test point are determined. The heat dissipation of coil current is analyzed by COMSOL physical field calculation software. The experimental results show that the test data is basically consistent with the simulation results, so the excitation current condition of the weak magnetic field generator is determined. The system accurately measures the distribution and change of magnetic field vector of geomagnetic field with different latitudes and longitudes. The magnetic vector integral of 20 000 space points for the vector of any closed curve are realized, the curl theorem of static magnetic field is verified experimentally. 
Related Articles | Metrics
Secure Encryption Method for Medical Privacy Information Based on Chaos Mapping and RC5 Algorithm
CUI Ran
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1186-1191.  
Abstract23)      PDF(pc) (1705KB)(9)       Save
To enhance the security and confidentiality of patients’ medical privacy information, a secure encryption method based on chaotic mapping and the RC5(Rivest Cipher 5) algorithm is proposed. Firstly, the PCA(Principal Component Analysis) method is used to perform data dimension specification processing on medical privacy information data, completing dimensionality reduction of medical privacy information data. Then, using the RC5 block cipher algorithm, the key is initialized, transformed, and mixed to achieve secure encryption of medical privacy information. Finally, the dual chaotic system encryption algorithm ( EDC: Enhanced Dual Chaos) is used, combined with the high-quality performance of one-dimensional logistic mapping and two-dimensional Henon mapping, to achieve secondary encryption of medical privacy information. The experimental results show that the proposed method has high encryption efficiency, low information leakage rate, and strong anti attack performance.
Related Articles | Metrics
Algorithm for Extracting Entity Relationships from Knowledge Graph of Academic Text Keyword Library
WANG Zhe, LIU Huan, LIANG Peiwei
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1119-1127.  
Abstract22)      PDF(pc) (1833KB)(10)       Save
 In order to quickly extract key information from massive library knowledge graphs, an entity relationship extraction algorithm for academic text keyword library knowledge graphs is proposed. OCS-FCM (Optimization of Complete Strategy Fuzzy C-Means) and Elastic E-t-SNE(Embedding t-Distributed Stochastic Neighbor Embedding ) algorithms are used to perform missing value filling and dimensionality reduction on key words in the library. And using entities in the academic text keyword library as vertices, a knowledge graph is established. Based on the part of speech and other features of keywords, a SelfATT BLSTM(Self Attention Bidirectional Long Short Term Memory) model is constructed using a self attention mechanism algorithm to extract entity relationships from the knowledge graph and obtain the extracted results. Experimental results have shown that the collection accuracy of proposed algorithm is more than 0. 8, with an ACC(Accuracy) value over 30% and a extraction time less than 1.5 s, demonstrating excellent ability to extract entity relationships. 
Related Articles | Metrics
Text Classification Algorithm of Cross Media Knowledge for Integrating Multimodal Information
LIU Huan, LI Hongliang, CHEN Weihan
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1138-1143.  
Abstract22)      PDF(pc) (1570KB)(9)       Save
Text classification of transmedia knowledge involves many types of data, such as text, image, video, etc. The heterogeneity and heterogeneity of data increase the complexity of classification. Aiming at the problem that it is difficult to find accurate data in a large number of cross-media knowledge texts, an algorithm of cross- media knowledge text classification based on multi-modal information is proposed. The TF-IDF(Term Frequency- Inverse Document Frequency) algorithm is used to filter the stop words in the processing text, extract the text features, and integrate them with the image text features. By using naive Bayes classifier, the classification of cross-media knowledge text is determined and realized. Experimental analysis shows that the proposed text classification algorithm significantly improves the performance and efficiency of cross-media knowledge text classification, and makes the classification results more accurate, with the accuracy rate up to 95. 12% and the missing rate remaining below 10%.
Related Articles | Metrics
Integrated Classification Method for Regional Economic Big Data Based on Parallel Clustering Algorithm
QI Weiru, BI Peng
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1144-1150.  
Abstract22)      PDF(pc) (1718KB)(8)       Save
The sources of regional economic data are diverse, including statistical departments, enterprise reports, sensor data, et al. There are significant differences in data format, structure, and semantics, making it difficult to process them uniformly. This leads to difficulties in accurately extracting data features, which in turn results in inaccurate data classification results for methods. To address this issue, a regional economic big data integrated classification method based on parallel clustering algorithm is proposed. Based on the characteristics of regional economic big data, calculate the purity and neighborhood radius of the data, determine the missing values of regional economic big data, and correct and fill them in. Based on the filled data, parallel clustering algorithm is used to randomly divide it into multiple subsets of data. The parallel clustering algorithm utilizes multi node parallel processing to significantly improve computational efficiency and meet the requirements of large-scale data processing. Extract the feature quantities of each data subset and design a big data base classifier accordingly. Under the premise of considering the internal data density of the base classifiers, determine the weight values of each base classifier, combine the classification results of each base classifier, and output the final data ensemble classification result. The experimental results show that the designed classification method has a DBI (Davies-Bouldin Index) index of 0.31 in practical applications, which can achieve accurate classification of regional economic big data.
Related Articles | Metrics
Neighbor Sum Distinguishing of Total Coloring for IC-Planar Graphs with Restrictive Conditions
ZHANG Renyuan, LI Sizhuo, ZHANG Donghan
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1043-1050.  
Abstract22)      PDF(pc) (1061KB)(5)       Save
In order to study the conjecture of neighbor sum distinguishing total chromatic number, the structure of minimal counter example graphs is analyzed using the Combinatorial Nullstellensatz and proved that the neighbor sum distinguishing total chromatic number of IC-planar graphs with the maximum degree Δ>=8 without intersecting triangles does not exceed Δ+3 by the discharging method. The research results indicate that the conjecture of neighbor sum distinguishing total chromatic number holds on this class graphs.
Related Articles | Metrics
Clustering Optimization Method of Remote Sensing Image Based on Adaptive K-means Algorithm 
QU Xiaona
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1111-1118.  
Abstract21)      PDF(pc) (3496KB)(6)       Save
Due to the poor defogging effect of remote sensing image clustering, the clustering accuracy and Kappa coefficient of image clustering are low and the time is long. In order to solve these problems, a new clustering optimization method remote sensing image based on adaptive K-means algorithm is proposed. Firstly, dark channel prior estimation and color line prior estimation are used to de-fog remote sensing images. Secondly, the gray co-occurrence matrix of the remote sensing image after fog removal is calculated, and the texture features are obtained. Finally, the colony algorithm is used to optimize the K-means algorithm, and the optimized adaptive K-means algorithm is used to realize the clustering optimization of remote sensing images according to texture features. The experimental results show that the proposed method can effectively eliminate cloud and fog in remote sensing images, and the image details are clearly displayed. The proposed method has good performance in terms of clustering accuracy, Kappa coefficient and clustering time. The clustering accuracy reaches 94. 9%, the Kappa coefficient is 0. 97, and the clustering time is 0.36 s. This method has certain validity. 
Related Articles | Metrics
Improved ResNet Algorithm for Fine-Grained Recognition of Complex Remote Sensing Background Targets
LI Jiajun
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1179-1185.  
Abstract21)      PDF(pc) (3302KB)(12)       Save
Considering the large-scale and high-dimensional features of remote sensing images, the complex remote sensing application process requires appropriate feature extraction and selection, while further distinguishing different subcategories of similar targets. Therefore, an improved ResNet(Residual Network) algorithm is proposed for fine-grained recognition of complex remote sensing background targets. Non mean filtering algorithm is used to label the coordinate domain of noisy remote sensing images, calculate the similarity between pixels, and denoise complex remote sensing images. Based on the denoising results, global and local feature points of the image are extracted, and global and local feature maps are obtained through feature point fusion results. An improved residual network algorithm is introduced to analyze the fine-grained pixel size of each background image block area. After residual learning, combined with the image pixel position and loss function, a classifier is used twice to determine the fine-grained pixel features and complete the fine-grained recognition of background targets. The experimental results show that the image clarity is high, and as the number of images to be recognized continues to increase, F1 -Score and global recall rates have been improved to various degrees, with lower gain errors. 
Related Articles | Metrics
EE Optimization Design of C-IoT Systems Based on Discrete Phase Shift IRS 
NAN Chunping, SHA Guohui, SUN Zhenxing, XU Ziang, LI Xuefeng
Journal of Jilin University (Information Science Edition)    2025, 43 (5): 1025-1032.  
Abstract19)      PDF(pc) (1646KB)(9)       Save
Aiming at the high energy consumption problem that exists in multiple-input multiple-output C-IoT (Cognitive Internet of Things) systems, a joint beamforming optimization algorithm based on IRS(Intelligent Reflecting Surface) assistance is proposed. Taking the signal-to-interference-to-noise ratio at the secondary user and the discrete phase shift at the IRS as constraints, a new optimization criterion is constructed to maximize the energy efficiency of system by jointly optimizing the active beamforming matrix at the secondary transmitter and the passive beamforming matrix at the IRS. After decomposing the complex non-convex optimization problem into sub-problems, the fixed-point iteration method and the successive refinement method are used to process the sub- problems respectively. The simulation results show that the proposed algorithm has good convergence in multi- antenna scenarios. Compared to the baseline scheme, the proposed algorithm effectively improves the energy efficiency of the system in multi-user situations.
Related Articles | Metrics
Route Planning for Multi-UAV Systems Based on Reinforcement Learning
TU Xiaobin
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1230-1236.  
Abstract17)      PDF(pc) (1022KB)(3)       Save
The aim is to enable multi-UAV ( Unmanned Aerial Vehicle) swarms to achieve comprehensive optimization of communication performance, task efficiency, and flight safety under specific network conditions,thereby better conducting patrol missions in urban areas. Based on double deep reinforcement learning technology, the spatial discretization processing on the airspace with known communication quality distribution is studied, spatial models, energy consumption models and communication models are established. A multi-dimensional reward function including data acquisition, flight safety, remaining power and path consumption is designed, and the training process is established through experience replay and target network mechanisms.Experiments show that the trained network model can generate optimal wireless network transmission strategies and safe flight trajectories in unforeseen environments. The research effectively solves the route planning problem under multi-objective constraints and verifies the applicability of double deep reinforcement learning in this field.
Related Articles | Metrics
Development of Optimization Platform for Communication Network Based on Reliability of MSFN
JI Fenglei, DU Xiaolong, YAN Xiaoming, CHI Xuefen
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1201-1206.  
Abstract15)      PDF(pc) (1803KB)(4)       Save
To address the limitation of existing reliability analysis methods that focus solely on the topological structure of communication networks while neglecting 5G/ B5G ( 5th Generation and Beyond 5th Generation Mobile Communication Technology) channel characteristics, a communication network optimization platform is developed based on the reliability of the multi-state flow network. The path loss, shadow fading and inter-channel correlation parameters of the wireless channel are introduced to construct the link reliability of the multi-state flow network. A recursive Monte Carlo algorithm enhanced with two heuristic rules is proposed to improve reliability accuracy and computational efficiency by reducing simulation iterations and minimizing path sets. Utilizing a front-end and back-end separated architecture implemented in Java, the developed platform supports dual topology construction methods, drag-and-drop component assembly and one-click import functionality. Network reliability and end-to-end reliability metrics derived from the proposed algorithm can be generated through single-click operation. Experimental results show that the proposed method converges quickly and has high accuracy in solving the reliability of large-scale networks. The developed platform has a friendly human-computer interaction interface. It is simple and fast to generate network topology and obtain network reliability. The reliability generated by the platform has a certain guiding role in the optimization of multi-state communication networks.
Related Articles | Metrics
Image Segmentation Technology of Human Motion Trajectory Based on Symmetric Difference Algorithm
WANG Li, CAI Lulu
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1222-1229.  
Abstract15)      PDF(pc) (3267KB)(6)       Save
In the actual scene, there are similar colors and textures between the human body and the background, and the movement of the human body involves diversity of gestures. In this complex and changeable background, it is difficult to segment the trajectory of the human body. Therefore, an image segmentation technique based on symmetric difference algorithm is proposed. The seven-frame symmetric difference algorithm is used to extract the first three frames and the last three frames of the human motion image sequence, the absolute difference images are calculated, and the human motion target region is obtained. A non-parametric statistical iteration (Mean Shift) algorithm is used to extract the distribution of pixel modulus points and generate superpixels. A non-parametric Bayesian clustering model is used to fuse superpixels and to extract the contours of human moving objects. Gaussian mixture model is used to establish human trajectory model, and extreme learning machine is used to solve the model recognizing human trajectory and realize human trajectory image segmentation. The experimental results show that the IOU ( Intersection Over Union) value of the proposed method can reach up to 97% , and has high precision of extracting moving target region, high precision of identifying moving trajectory and good segmentation performance, and is suitable for human motion trajectory image segmentation.
Related Articles | Metrics
Modulation Algorithm for Signals of Power Quality Disturbance Based on Multi Feature Fusion
TIAN Ye
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1237-1243.  
Abstract14)      PDF(pc) (1832KB)(1)       Save
Power quality disturbances cause distortion of voltage and current waveforms, and different forms of distortion result in complex characteristics of power quality signals in both time and frequency domains,increasing the difficulty of signal analysis and processing. Therefore, based on multi feature fusion, a modulation algorithm for signals of power quality disturbance is proposed to make signal detection and recognition easier and more efficient. From all the characteristics of power quality disturbance signals obtained from S-transform and wavelet transform, using classification regression tree and Gini importance, representative time-domain signal features and frequency-domain signal features are selected, and multi feature fusion is completed through principal component analysis. According to the LSTM ( Long Short-Term Memory) based fusion feature, the category of power quality disturbance signal is given, and the modulated power quality disturbance signal is output by the signal generator. The experimental results show that the signal-to-noise ratio of the selected signal features exceeds 90 dB, indicating strong representational ability. The signal modulated by this algorithm has strong recognizability, and both single and complex types can be accurately identified. The frequency deviation fluctuates slightly within the range of ±0. 1 Hz, indicating a significant improvement in power quality.
Related Articles | Metrics
Dynamic Balancing Algorithm for Communication Traffic Load Considering Node Priority
LIU Hua
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1244-1250.  
Abstract14)      PDF(pc) (2733KB)(2)       Save
Due to the dynamic changes of network state or environment, load balancing faces complexity challenges and it is difficult to accurately predict future load conditions. Therefore, a dynamic traffic load balancing algorithm considering the priority of nodes is proposed. The network analysis tool is used to obtain the load of node traffic data received by sFlow technology, and the integration process is carried out to obtain the basic data set of node load. According to the node load on the data set, the node priority method is used to select the node that can be preferentially allocated more traffic. An ecological predator-prey model based on ecological difference equation is established. The selected nodes are taken as the input of the model, and the dynamic balance of network traffic load is realized through the iterative update of the model. The experimental results show that the proposed traffic load dynamic balancing algorithm can improve network throughput and CPU utilization, and has better practical application effect.
Related Articles | Metrics
Target Led Array Detection Algorithm for OCC System
YAN Xiaoming, YIN Xiaoxuan, JI Fenglei, WANG Yong, WANG Mingyang
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1214-1221.  
Abstract13)      PDF(pc) (2604KB)(4)       Save
We addresses the current problems of complex network structure, large number of parameters, and high computational complexity of the target LED( Light Emitting Diode) array detection algorithm is studied based on deep learning in the OCC(Optical Camera Communication) system. A detection algorithm for LED arrays based on Effeps-YOLOv11 is proposed. In the backbone network of Effeps-YOLOv11 (Effeps-You Only Look Once version 11) feature extraction, a lightweight EfficientNetV2 network is adopted to balance the network width, depth, and image resolution. The original complex attention module is replaced with the ECA (Efficient Channel Attention ) attention mechanism to simplify the network structure. A lightweight C3PC ( C3 Part Convolution) module is designed to reduce the computational complexity. And the Shape_IoU loss function is used to improve the positioning accuracy of the bounding box and enhance the accuracy of LED array positioning,providing an early guarantee for correct decoding. Currently, no public dataset has been established in the field of target LED array in the OCC system. The experiments are based on the OCC system experimental platform to collect data and establish the required training dataset. The experimental results show that the Effeps-YOLOv11 algorithm proposed in this paper can meet the requirements of the target LED array detection task in complex outdoor environments.
Related Articles | Metrics
Research on Microgrid Low-Carbon Economy Considering Discrete Load Demand Response
ZHAO Zhihua, ZHANG Zhongbin, ZHANG Chifeng, HE Liyu
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1251-1260.  
Abstract12)      PDF(pc) (2827KB)(2)       Save
In order to further improve the economy and low carbon performance of microgrid operation,the dispatchable resources such as electric loads and electric vehicles on the load side are explored to participate in microgrid operation. Combined with the characteristics of continuous and discrete load demand response, a multi-type load comprehensive satisfaction index is proposed to evaluate the
microgrid load satisfaction level and prevent excessive load response. According to the traditional carbon capture mode, the coordinated operation strategy of using new energy to participate in the power supply of carbon capture equipment is proposed. The experimental results show that the addition of discrete characteristics of load demand response further enhances the flexibility of load, and the participation of new energy in carbon capture makes the microgrid reduce the operating cost of microgrid, carbon emissions and gas purchase cost.
Related Articles | Metrics
Application of Multimodal Security Management Integrating Deep Learning Technology
CHEN Chong, ZHU Xiaoxu, WAN Linwei, FU Kaiyu, HUANG Zibin, WANG Wenya, CHE Haoyuan
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1430-1440.  
Abstract12)      PDF(pc) (4778KB)(2)       Save
Aiming at the inefficiency and delayed response of traditional security management that relies mainly on manual monitoring and post-processing, a multimodal intelligent security management system is designed. The main components of the system include a visual recognition algorithm running on the Huawei Atlas 200I DK A2 development kit, a voice alarm device based on a single-chip microcomputer, and supporting software.Intelligent behavior recognition is achieved through visual processing algorithms and audio keyword detection.When dangerous situations occur, information can be automatically fed back to managers in time via the backend software, effectively ensuring on-site personal safety. For the visual algorithm, the YOLOv5 (You Only Look Once version 5) network structure is optimized by incorporating a CA( Coordinate Attention) mechanism to enhance detection capability for small targets and complex scenes, modify the loss function, and add support for the EIoU( Efficient IoU) loss function, enabling the model to adapt to scene changes and thereby achieve efficient recognition of fights and falls. Experimental results show that the mean average precision (mAP@ 0. 5)of the proposed method is improved significantly under various scenarios, and the detection speed meets real-time requirements, providing an intelligent solution for safety management in public places.
Related Articles | Metrics
Application and Prospect of Artificial Intelligence in Library Information Management
CEN Dan
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1346-1351.  
Abstract11)      PDF(pc) (1496KB)(1)       Save
With the rapid development of information technology, traditional library information management systems are no longer able to meet the needs of modern users for efficient, convenient, and personalized services. We aim to design and implement an artificial intelligence based library information management system to improve the management efficiency and service quality of the library. The system adopts a layered architecture design, including front-end user interface layer, back-end business logic layer, and data storage layer, to ensure high performance, high availability, and high scalability of the system. The functional modules cover user management, book management, intelligent retrieval, and data analysis, to meet the diverse needs of users. By integrating artificial intelligence technologies such as natural language processing, machine learning, and image recognition, the system has achieved functions such as semantic retrieval, personalized recommendation, and multimodal retrieval, significantly enhancing the user experience. During the development process, the agile development process is followed and technology stacks such as Python, Django, MySQL, etc. are used to ensure efficient development and stable operation of the system. The test results show that the system response time can be maintained within 2 seconds under high concurrency conditions, and user satisfaction reaches 85% . This study provides new perspectives and methods for research in the field of library information management, and provides strong technical support for the digital transformation and intelligent upgrading of libraries, which has important theoretical and practical significance.
Related Articles | Metrics
Inversion Method of Cloud Top Height Based on GA-LightGBM Model
XUE Jiwei, ZHANG Kaixin, CHEN Yuanlin, FAN Meng
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1369-1380.  
Abstract11)      PDF(pc) (6985KB)(1)       Save
The accuracy of cloud identification and CTH(Cloud Top Height) products from passive observation satellites often falls short. Although active observation satellites provide high-precision CTH and cloud identification information, their observational range is limited. To address these issues, a GA-LightGBM(Genetic Algorithm-Light Gradient Boosting Machine) model is proposed that utilizes data from Sentinel-5P(S5P: Sentinel-5P ), the fifth generation reanalysis data ( ERA5: Fifth generation ECMWF atmospheric reanalysis of the global climate ), and CALIPSO ( Cloud-Aerosol Lidar and Infrared Path nder Satellite Observation) to perform cloud identification and CTH prediction, respectively. The model is trained using data from June 2018 to December 2020 and tested with data from the entire year of 2021. Experimental results show that in the test set, the cloud identification model achieves an accuracy of 86% , effectively distinguishing clouds from clear skies. The cloud top height inversion model exhibits a MAE (Mean Absolute Error) of 1. 26 km, a RMSE ( Root Mean Square Error ) of 1. 87 km, and a coefficient of determination ( R2 ) of 0. 797 1,demonstrating good consistency with the true values and proving the effectiveness of the method.
Related Articles | Metrics
Denoising Algorithm and Application of VMD Optimized by Corrected Cosine Similarity
WANG Dongmei, ZHANG Dan, XIAO Jianli, SUN Ying, LU Jingyi
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1207-1213.  
Abstract11)      PDF(pc) (1617KB)(3)       Save
Due to the difficulty in determining the default dimension K value and selecting effective modal components in VMD(Variational Mode Decomposition), a method combining CCS(Corrected Cosine Similarity) with VMD is proposed. First, the original signal is decomposed by the VMD algorithm into K IMFs( Intrinsic Mode Functions) with different characteristic time scales. Then, the CCS method is used to determine the preset scale K and identify effective modal components, followed by signal reconstruction using these components. This method is applied to pipeline leakage signal denoising. Simulation experiments and actual leakage signal processing demonstrate that the VMD_CCS algorithm can accurately determine the preset scale K value and select effective modal components, effectively improving the denoising performance of pipeline leakage signals.
Related Articles | Metrics
Design and Implementation of Steer-by-Wire Experimental Teaching Platform Based on Multi-Scenario Simulation
WANG Zhen, WANG Junnian, PENG Silun, ZHENG Jinjun
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1289-1296.  
Abstract11)      PDF(pc) (3736KB)(2)       Save
As a key actuator of intelligent connected vehicles, the SBW(Steer-By-Wire) system directly affects vehicle safety and handling performance. To address the lack of experimental teaching platforms for human-machine collaborative SBW systems in universities, a multi-scenario simulation-based experimental teaching platform is developed. The platform adopts a dual-motor redundant architecture, integrates the original EPS (Electric Power Steering) system and active steering motor to achieve seamless switching between manual and automated driving modes. Rapid control prototype algorithms are constructed using Matlab / Simulink, while
CarSim and PreScan software are utilized to build multi-scenario simulation environments, including normal driving, emergency avoidance, and actuator failure conditions. Hierarchical experimental projects are developed,covering SBW actuator characteristic testing, human-machine collaborative control strategy design, and multi-scenario system integration. Application results demonstrate that the platform effectively enhances students’ understanding and practical capabilities regarding SBW systems, providing valuable support for cultivating interdisciplinary talents in vehicle intelligence.
Related Articles | Metrics
ESGBPNet: Improving Airport Runway Segmentation with Enhanced Segformer Network Integrated with Cross-Gradient Pyramid
ZHAO Haili, ZHANG Jiyao, DUAN Jin
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1297-1309.  
Abstract10)      PDF(pc) (4719KB)(1)       Save
The traditional airport runway segmentation algorithm mainly faces the many problems. Firstly, the runway is mostly in a small target state, the foreground and background are unbalanced, making detection difficult. Secondly, in the gradual change of aircraft, the field of view of the airport runway changes greatly, and the background of the airport runway is complex, which makes it difficult for general algorithms to adapt.Therefore, an improved Segformer algorithm incorporating gradient cross pyramid is proposed for airport runway segmentation. Firstly, in the encoder section, the feedforward neural network and the overlapping block merging
section are optimized, with a focus on extracting effective runway information. Secondly, a gradient enhanced pyramid structure is proposed in the decoder section to adapt to airport runway segmentation under different fields of view. Finally, a feature alignment module and a weight feature fusion module based on attention mechanism are designed to focus on extracting runway edge information and capturing cross layer runway semantic relationships improving the quality of runway masks and enhancing runway segmentation accuracy. The algorithm is validated in a self built dataset, and its intersection to union ratio and accuracy reached 91. 44% and 97. 31% , respectively, which is superior to current mainstream algorithms satisfying the precise segmentation needs of airport runways under visible light conditions can provide pilots with sufficient runway information.
Related Articles | Metrics
Photovoltaic MPPT Control Strategy Based on Composite Tuna Swarm Algorithm
XU Aihua, ZHANG Jiachen, MA Xiaogang
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1261-1268.  
Abstract10)      PDF(pc) (2115KB)(1)       Save
In order to solve the problem that the output curve of photovoltaic array in the face of local shading can not be traced to the maximum power point, and it is easy to fall into the local optimal, a composite control strategy based on improved tuna swarm algorithm and improved disturbance observation method is proposed. First, targeted initialization of the tuna swarm algorithm is carried out, and the population crossing strategy is modified to speed up the search in the early stage. When approaching the maximum power point, the variable step perturbation observation method is used to carry out the final local optimization. The simulation results show that compared to the single tuna swarm algorithm, the compound cuckoo algorithm and the gray wolf algorithm, the tracking speed and accuracy are improved effectively, and the system is more stable.
Related Articles | Metrics
Model Predictive Control of PMSM Based on Multi-Innovation Extended Kalman Filter
SHAO Keyong, ZHU Mingxuan, CHEN Chao, CHANG Zhengsheng
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1269-1277.  
Abstract10)      PDF(pc) (2336KB)(2)       Save
To address the high pa we conduct a study on rameter dependency of control performance in PMSM(Permanent Magnet Synchronous Motor), the DPCC(Dead-beat Predictive Current Control) system is studied,incorporated the MI(Multi-Innovation) theory into the EKF(Extended Kalman Filter) parameter identification algorithm. Simulation models of the MI-EKF(multi-innovation extended Kalman filter) with different innovation lengths and the conventional EKF are constructed. Experimental results demonstrate that the inductance and flux linkage parameters identified by the MI-EKF observation algorithm exhibit superior steady-state and dynamic performance compared to the EKF algorithm. By combining MI-EKF and DPCC to obtain accurate parameter nominal values, the issue of DPCC performance degradation caused by system uncertainty is resolved. The harmonics of rotor speed and stator current is reduced achieving better dynamic performance and robustness in the PMSM control system.
Related Articles | Metrics
Privacy Protection Method for Intelligent Information Databases Based on Homomorphic Encryption
WANG Xia, WU Lingling
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1397-1403.  
Abstract10)      PDF(pc) (2097KB)(1)       Save
To solve the problem of data leakage in intelligent information databases, a privacy protection method for intelligent information databases based on homomorphic encryption is proposed. Firstly, principal component analysis is used to extract the features of data in intelligent information database. Secondly, the K-means clustering algorithm is used to classify database data, in order to improve the efficiency of subsequent data encryption. Finally, the elliptic curve homomorphic encryption algorithm is adopted to encrypt the clustered database data, achieving privacy information protection of the database. The experimental results show that the total entropy value is close to 0, and the maximum entropy value does not exceed 0. 01. And the encrypted data distribution is irregular, and the distance between the data is relatively consistent. The probability of leakage remains within 1% , and the overall increase is relatively small. This proves the practicality of the proposed method in protecting database privacy.
Related Articles | Metrics
Optimization Algorithm of Film and Television Video for Label Classification Combining CNN and Rotating Forest
SUN Pengfei , HU Yue , ZHANG Wenjun, XU Jing
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1363-1368.  
Abstract9)      PDF(pc) (1567KB)(3)       Save
The diversity and complexity of video content make video label classification difficult. Different videos may have similar features but belong to different categories, or videos of the same category may have significant differences in presentation. To effectively improve the accuracy of video label classification results, a video label classification algorithm combining CNN(Convolutional Neural Network) and rotated forest is proposed. Classify film and video tags into two stages. In the first stage, the rotation forest algorithm is used to segment the sample set of film and television video labels. Through feature transformation, each subset of samples is transformed into a completely new feature space, and multiple new sample subsets with significant differences are obtained. The AdaBoost algorithm is used to iterate multiple times in the sample set and construct multiple AdaBoost classifiers.The probability averaging method is introduced to fuse the classification results and obtain preliminary label classification results. In the second stage, the film and television video features captured by the quaternion Gabor filtering convolution algorithm and the preliminary classification results of the labels obtained in the first stage are used as inputs for the CNN. L1 regularization is introduced in the fully connected layer to constrain the complexity of the model and prevent overfitting. The film and television video label classification is completed through multiple rounds of iterative training. The test results show that the proposed algorithm has good performance in film and television video label classification and can effectively meet the personalized needs of users.
Related Articles | Metrics
Cluster Heterogeneous-Based Collaborative Control Method for Traffic Flow Guidance at Connected Intersections
XUE Ao, LIU Pengju, LI Haitao, LU Xiaotian, ZHANG Yimai
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1421-1429.  
Abstract8)      PDF(pc) (2530KB)(4)       Save
In order to guide and control traffic flows from all directions at intersections for achieving optimal ecological operation, based on the concept of swarm intelligence cooperation, the control of traffic flows at intelligent connected intersections is transformed into a heterogeneous multi-agent swarm control problem composed of connected vehicles and traffic signals. By integrating macroscopic traffic flow characteristics of intersections with the microscopic ecological benefits of vehicles, an ecological guidance and cooperative control method for intersection traffic flow is constructed, which combines vehicle guidance with signal coordination optimization. Through a traffic flow-queue cooperative control mechanism and an iterative feedback strategy, the method generates a combination of vehicle trajectories and signal timing schemes that maximize the overall ecological benefits of the system. Furthermore, a fast solution method based on multi-agent reinforcement learning is designed to improve both the accuracy and timeliness of the control scheme optimization process.Experimental results demonstrate that the proposed model can dynamically generate vehicle guidance schemes and signal cooperative control schemes at intersections under intelligent connected environments.
Related Articles | Metrics
Machine Learning Model for Predicting Coronary Artery Revascularization Needs
CHEN Xue, CHEN Xin, LAN Wenjing, WANG Yitong, JI Tiefeng
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1404-1410.  
Abstract8)      PDF(pc) (2973KB)(4)       Save
To explore the ability of machine learning methods to predict revascularization eligibility in patients with CAD(Coronary Artery Disease) and compare the efficacy of the XGBoost (Extreme Gradient Boosting) model combined with the SHAP ( Shapley Additive exPlanations) interpretability method against traditional models in revascularization screening. A retrospective analysis was conducted on 466 patients with confirmed or suspected CAD who were admitted to the First Hospital of Jilin University from January 2020 to May 2025, and the patients' imaging indicators were collected. The XGBoost model was constructed by integrating multi-dimensional indicators,optimized using 5-fold cross-validation, and combined with the SHAP method to quantify feature contribution. The results showed that the AUC(Area Under the Curve) of the XGBoost model reached 0. 899 (95% CI: 0. 871-0. 927), which was significantly higher than that of the traditional logistic regression model (AUC = 0. 812), the logistic model with full CCTA parameters (AUC = 0. 786). SHAP analysis identified minimum luminal area and maximum degree as the most critical predictors. The combination of XGBoost and SHAP can effectively assist in screening revascularization eligibility for CAD patients, with better predictive performance and interpretability than traditional models, providing reliable support for precise clinical intervention.
Related Articles | Metrics
Key Frame Extraction Algorithm for Film and Television Video Based on K-means and Interframe Similarity Fusion
GUAN Zheng
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1381-1387.  
Abstract8)      PDF(pc) (2537KB)(2)       Save
To accurately extract key frames from film and television videos, a key frame extraction algorithm is proposed that integrates K-means clustering and inter-frame similarity. Spatial difference measurement and perceptual hash measurement are integrated into video features to form pixel difference measurement. Threshold is set, pixel difference measurement are combined and histogram measurement to determine whether shot switching has occurred, and shot segmentation in film and television videos is achieved. The features of film and television videos are extracted, the initial cluster center position and number are dermined based on inter frame similarity and threshold, the initial cluster center is optimized using K-means, and the frames of the cluster center are extracted as key frames for film and television videos. The experimental results show that the proposed algorithm has significantly improved its fidelity and shot reconstruction ability, achieving accurate extraction of key frames in film and television videos, and can comprehensively describe the main content of the video.
Related Articles | Metrics
Precise Recommendation Algorithm for Information Resources of Equipment Electronic Based on Knowledge Graph
CHEN Bin, GU Long
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1388-1396.  
Abstract8)      PDF(pc) (2211KB)(2)       Save
The electronic information of equipment involves a wide range of data sources and various types. It is necessary to accurately extract useful information from massive data. Therefore, an accurate recommendation algorithm of electronic information resources of equipment based on knowledge graph is put forward. The knowledge graph of the equipment electronic information resources based on the text and structure. CNN(Cellular Neural Network) is used to complete the knowledge graph, so that the algorithm covers the resources more comprehensively. The user's interests and preferences ares analyzed, and the characteristics of the device's electronic information resources are extracted. Finally, a collaborative filtering recommendation algorithm is used to obtain the resource similarity matrix, predicting the user's retrieval behavior, so as to obtain the recommendation list. The experiment proves that the average coverage of the proposed algorithm is 94. 5% , the average hit rate is 96. 7% , and the cumulative gain of normalized loss reaches 0. 91, which can accurately recommend the required information resources for users.
Related Articles | Metrics
Detection Method of Pointer Instrument in Crude Oil Depot Based on Improved RT-DETR
ZHANG Yan , ZHANG Linjun , WANG Jingzhe, LI Xinyue, ZHANG Yongxue, WEI Zixin
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1352-1362.  
Abstract8)      PDF(pc) (4865KB)(2)       Save
In the complex environment of crude oil depot, due to the influence of different external interference factors and the limited resources of existing hardware equipment, the accuracy of the model in instrument positioning is low and the computational complexity is high, which is difficult to be popularized and applied.Aiming at this problem, a pointer instrument positioning method for crude oil depot is proposed based on RT-DETR(Real-Time Detection Transformer) network. Firstly, the FasterNet network is introduced to extract the features of partial channels of the input image of the instrument, the parameters and computational complexity of the model are significantly reduced. Secondly, the HiLo attention module is introduced to select the feature of the pointer and scale detail area and the dial smooth area through two paths, which enhances the model's ability to extract the key features of the instrument. Finally, in order to enhance the ability of multi-scale feature fusion and make full use of the feature information of the instrument, the CGFM (Context-Guide Fusion Module) is introduced to further improve the robustness of the model. Experiments show that the detection accuracy of the instrument reaches 97. 6 % , and the parameter quantity of the model is 10. 91 MByte. Compared to the target detection model, it has great advantages.
Related Articles | Metrics
Design and Implementation of Delivery Robot for Indoor Multi Floor Disinfection and Sterilization
ZHONG Hui , YAN Dongmei , ZHANG Zunhao , MA Yitong
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1331-1336.  
Abstract8)      PDF(pc) (1910KB)(3)       Save
A service robot that can autonomously locate and navigate between multiple floors is designed to address the issues of cross floor autonomous navigation for service robots. LiDAR( LightLaser Detection and Ranging) and SLAM ( Simultaneous Localization and Mapping ) mapping technology to achieve autonomous positioning and navigation on flat floors, and Lora robot elevator wireless communication technology is used to switch floors. Aiming at the problem of weak expansion ability of the service robot, the software and hardware interfaces are designed and equipped with execution devices such as disinfection and sterilization boxes, express cabinets, strapping machines, etc. , which complete a variety of tasks and have strong compatibility. The overall functionality of the system has been designed and optimized, and the robot has high usability and practical value.Tests have shown that the robot can achieve autonomous movement across floors and has the ability to complete diverse tasks, with good market prospects.
Related Articles | Metrics
Fault Diagnosis of Rolling Bearing Based on VMD-Transformer
LIU Yanjun, SHENG Lianjie, XU Jianhua, ZHANG Qiang
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1337-1345.  
Abstract8)      PDF(pc) (3613KB)(2)       Save
To address the limitations of single-sensor information and the low diagnostic accuracy of rolling bearing fault diagnosis in complex environments, a multimodal fusion method based on VMD(Variational Mode Decomposition) and a multi-head cross-attention mechanism is proposed. Acoustic and vibration signals are adaptively decomposed to extract key IMFs ( Intrinsic Mode Functions). A cross-attention mechanism is then employed to interactively fuse the features of acoustic and vibration signals, enabling deep multimodal feature extraction and noise suppression. Fault identification is performed using a Softmax classifier. Experimental results demonstrate that the proposed method effectively reduces noise interference and significantly improves diagnostic accuracy, exhibiting greater robustness and precision compared to traditional approaches.
Related Articles | Metrics
Dual-Streams Decoder Assisted Registration Algorithm
ZHOU Fengfeng, ZHAO Tianqi, DU Wei
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1310-1322.  
Abstract7)      PDF(pc) (4181KB)(1)       Save
To address the prevalent issue of insufficient accuracy in current medical image registration algorithms, a pyramid-structured dual-stream decoder-assisted registration algorithm is designed. This algorithm combines the local dependency characteristics of convolutional neural networks with the global dependency modeling capability of the attention mechanism. Through its unique dual-stream decoder design, it achieves progressive fine registration of magnetic resonance brain images. Unlike traditional methods that simply concatenate the images to be registered and then process them, this registration algorithm cleverly combines the advantages of cross-attention calculation and channel dimension concatenation for feature fusion. It can identify various deformation patterns and select the appropriate deformation field. By employing a pyramid structure and neighborhood attention mechanism, it greatly reduces the computational load while ensuring performance. To verify the effectiveness of the algorithm, comprehensive experiments are conducted on two 3D brain MRI (Magnetic Resonance Imaging ) datasets, LPBA ( LONI Probabilistic Brain Atlas ) and Mindboggle. The experimental results show that compared to commonly used registration algorithms, this method has achieved state-of-the-art performance on multiple evaluation metrics, fully demonstrating the strong capability and application potential of the model in deformable medical image registration.
Related Articles | Metrics
BFA Algorithm of Fusion Logistic Mapping for PV Array Reconstruction Technology
CAO Xue, FENG Jihao
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1278-1288.  
Abstract6)      PDF(pc) (5329KB)(2)       Save
To reduce the power mismatch loss of photovoltaic arrays under PSC(Partial Shading Conditions) and improve power generation efficiency, a BFA(Binary Firefly Algorithm) incorporating Logistic chaotic mapping for dynamic reconfiguration of TCT( Total-Cross-Tied) photovoltaic arrays under partial shading is proposed. The method balances irradiance among array rows by adjusting electrical connections between photovoltaic modules,thereby mitigating the impact of local shading on output power. A photovoltaic array model is established in MATLAB / Simulink to compare the proposed method with existing static reconfiguration (SuDoKu) and dynamic
reconfiguration HHO(Harris Hawks Optimization) approaches under three shading patterns: SW(Short Wide),LW(Long Wide), and random. Simulation results demonstrate that the BFA algorithm increases output power by 34. 6% , 26. 0% , and 9. 36% compared to the unreconfigured TCT structure, respectively, verifying its effectiveness in photovoltaic array optimization and adaptability to different shading patterns.
Related Articles | Metrics
Multi-Granularity Semantic Analysis Model and Its Application in Course Evaluation
LI Aijun, LI Shenwei , LIU Hao, ZHAO Yiheng , LI Xueqing, HU Yupeng, FAN Jingming, MEN Zhiwei
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1411-1420.  
Abstract6)      PDF(pc) (2649KB)(1)       Save
To address the limitations of existing course evaluation models-specifically their insufficient sensitivity to cross-sentence context and inadequate extraction of semantic importance-this paper proposes a multi-granularity semantic analysis-based model that more accurately captures students' true intentions within textual feedback and supports downstream tasks such as sentiment classification and knowledge extraction. The model integrates pre-trained models and deep neural networks to extract word-level, sentence-level, and part-of-speech-level text feature vectors for semantic analysis and processing. Using course evaluation texts as an example, we conduct experiments and analyses. The model employs both precise and fuzzy matching evaluation methods and incorporates Dropout and the ReLU ( Rectified Linear Unit) activation function to enhance its generalization capability. In the experiments, we improved the model's classification performance by adopting various text preprocessing strategies, including stopwords removal and key term selection. The results indicate that the proposed model excels in sentiment analysis for course evaluations, achieving an accuracy of 92. 53% ,particularly when dealing with ambiguous sentiment boundaries. For course evaluations, the proposed semantic analysis model effectively captures detailed feedback from students, providing an efficient automated evaluation tool for the education sector and optimizing teaching quality.
Related Articles | Metrics
Conversion Method from SBVR Oriented Business Representation Model to OLW2
YUAN Man, XIA Anqi, YUAN Jingshu, LI Hongxin
Journal of Jilin University (Information Science Edition)    2025, 43 (6): 1323-1330.  
Abstract5)      PDF(pc) (2641KB)(1)       Save
In the digital transformation of enterprises, the standardization and semanticization of business processes are the key challenges. However, the current business rules modeling standard SBVR ( Semantics of Business Vocabulary and Business Rules ) is mainly targeted at business experts and can not be directly understood by computer systems. To address this issue, a method for converting SBVR into the OWL2 ( Web Ontology Language) based on the latest SBVR 2019 standard is proposed. First, the structural differences
between SBVR and OWL2 are analyzed, and corresponding mapping rules and conversion algorithms are designed. Second, an online SBVR-to-OWL2 conversion system is developed to achieve the semanticization of business processes in a standardized and extensible manner. Finally, the feasibility and practicality of the proposed method are validated through a case study in the petroleum industry's business processes, demonstrating its potential for promoting digital transformation in enterprises. This study provides an effective technical solution for the semanticization of business processes and knowledge sharing across systems.
Related Articles | Metrics