Most Down Articles

    Published in last 1 year | In last 2 years| In last 3 years| All| Most Downloaded in Recent Month | Most Downloaded in Recent Year|

    In last 2 years
    Please wait a minute...
    For Selected: Toggle Thumbnails
    Survey of Fruit Object Detection Algorithms in Computer Vision
    LI Wei-qiang, WANG Dong, NING Zheng-tong, LU Ming-liang, QIN Peng-fei
    Computer and Modernization    2022, 0 (06): 87-95.  
    Abstract447)      PDF(pc) (1939KB)(164)       Save
    Fruit target detection and recognition based on computer vision is an important cross-disciplinary research topic of target detection, computer vision, agricultural robots, etc. It has important theoretical research significance and practical application value in the fields of smart agriculture, agricultural modernization, and automatic picking robots. As deep learning is widely used in the field of image processing and has achieved good results, fruit target detection and recognition algorithms combining computer vision technology with deep learning methods gradually become the mainstream. This article introduces the tasks, difficulties and development status of fruit target detection and recognition based on computer vision, as well as two types of fruit target detection and recognition algorithms based on deep learning methods. Finally, the public data set used for the training and learning of the algorithm model and the evaluation index for evaluating the performance of the model are introduced, and the current problems in the detection and recognition of fruit targets and the possible future development directions are discussed.
    Reference | Related Articles | Metrics | Comments0
    Helmet-wearing Detection Based on Improved YOLOv5
    YUE Heng, HUANG Xiao-ming, LIN Ming-hui, GAO Ming, LI Yang, CHEN Ling
    Computer and Modernization    2022, 0 (06): 104-108.  
    Abstract450)      PDF(pc) (2508KB)(152)       Save
    To the problem that YOLOv5 cannot be focused by weights and cannot produce more distinguishable features, thereby reducing the accuracy of helmet detection, attention module was used. Besides, squeeze and excitation layer and efficient channel attention module were studied. To the problem that the non maximum suppression used by YOLOv5 to remove redundant results will only retain the highest confidence prediction frame of the same class when objects were highly overlapped, the Soft-NMS algorithm was used to keep more prediction boxes. Weighted non maximum suppression was used to fuse multiple prediction boxes information to improve the accuracy of the prediction boxes. For the problem of information loss caused by down-sampling , focus modules was used to improve the detection effect, and the various modules were integrated to obtain the optimal FESW-YOLO algorithm. Compared with YOLOv5, the algorithm improves the mAP@0.5 by 2.1 percentage points and the mAP@0.5:0.95 by1.2 percentage points on the helmet data set respectively, which improves the accuracy of safety helmet supervision.
    Reference | Related Articles | Metrics | Comments0
    Survey of Model Pruning Algorithms
    LI Yi, WEI Jian-guo, LIU Guan-wei
    Computer and Modernization    2022, 0 (09): 51-59.  
    Abstract508)      PDF(pc) (1096KB)(151)       Save
    The model pruning algorithms apply different standards or methods to prune the redundant neurons in the deep neural network, which can compress the model to the maximum extent without losing the accuracy of the model, so as to reduce the storage and improve the speed. Firstly, the research status of model pruning algorithm and the main research direction are summarized and classified. The main research areas of model pruning include the granularity of pruning, the method to evaluate the importance of pruning elements, the sparsity of pruning, the theoretical foundation of model pruning, pruning for different tasks and so on. Then, the recent representative pruning algorithms are described in detail as well. Finally, the future research direction in this field is brought forward.
    Reference | Related Articles | Metrics | Comments0
    Review of Relation Extraction Based on Pre-training Language Model
    WANG Hao-chang, LIU Ru-yi
    Computer and Modernization    2023, 0 (01): 49-57.  
    Abstract501)      PDF(pc) (1190KB)(149)       Save
    In recent years, with the continuous innovation of deep learning technology, the application of pre-training models in natural language processing has become more and more extensive, and relation extraction is no longer purely dependent on the traditional pipeline method. The development of pre-training language models has greatly promoted the related research of relation extraction, and has surpassed traditional methods in many fields. First, this paper briefly introduces the development of relationship extraction and classic pre-training models;secondly, summarizes the current commonly used data sets and evaluation methods, and analyzes the performance of the model on each data set; finally, discusses the development challenges of relationship extraction and future research trends.
    Reference | Related Articles | Metrics | Comments0
    Stock Movement Prediction Algorithm Based on Deep Learning
    ZHOU Run-jia
    Computer and Modernization    2023, 0 (01): 69-73.  
    Abstract701)      PDF(pc) (1263KB)(146)       Save
    To improve the accuracy of stock movement prediction, this paper proposes a stock movement prediction algorithm AACL(Adversarial Attentive CNN-LSTM)which utilizes CNN and LSTM for feature extraction and combines attention mechanism and adversarial training. The algorithm uses CNN to extract the overall trend information of the stock, LSTM to extract the short-term fluctuation information of the stock, and connects multiple stocks through the attention mechanism to capture the rising and falling relationship between stocks. The algorithm also introduces adversarial training to improve the robustness of the algorithm by interfering the data. To verify the effectiveness of the AACL algorithm, experiments are carried out on three data sets KDD17, ACL18, and China50, and compared with existing algorithms. Experiments results show that the algorithm proposed in this paper can obtain the best result.
    Reference | Related Articles | Metrics | Comments0
    Flame Detection Algorithm Based on Improved YOLOV5
    WANG Hong-yi, KONG Mei-mei, XU Rong-qing
    Computer and Modernization    2023, 0 (01): 103-107.  
    Abstract467)      PDF(pc) (1474KB)(144)       Save
    Aiming at the existing flame detection algorithms having problems of low average detection accuracy and high missed detection rate of small target flames, an improved YOLOV5 flame detection algorithm is proposed. The algorithm uses the Transformer Encode module to replace the CSP bottleneck module at the end of the YOLOV5 backbone network, which enhances the network's ability to capture different local information and improves the average accuracy of flame detection. In addition, the CBAM attention module is added to the YOLOV5 networker, which enhances the network's ability to extract image features, and can better extract features for small target flames, reducing the missed detection rate of small target flames. Experiment with the algorithm on the public datasets BoWFire and Bilkent, the experimental results show that the average flame detection accuracy of the improved YOLOV5 network is higher, reaching 83.9%, the small target flame missed detection rate is lower, only 1.6%, and the detection rate is 34 frames/s. Compared with the original YOLOV5 network, the average accuracy is improved 2.4 percentage points, the small target flame missed detection rate is reduced by 4.1 percentage points, the improved YOLOV5 network can meet the real-time and precision requirements of flame detection.
    Reference | Related Articles | Metrics | Comments0
    Named Entity Recognition in Electronic Medical Record Based on BERT
    ZHENG Li-rui, XIAO Xiao-xia, ZOU Bei-ji, LIU Bin, ZHOU Zhan
    Computer and Modernization    2024, 0 (01): 87-91.   DOI: 10.3969/j.issn.1006-2475.2024.01.014
    Abstract57)      PDF(pc) (992KB)(143)       Save
    Abstract:Electronic medical record is an important resource for the preservation, management and transmission of patients’medical records. It is also an important text record for doctors’ diagnosis and treatment of diseases. Through the electronic medical record named entity recognition (NER) technology, diagnosis and treatment information such as symptoms, diseases and drug names can be extracted from the electronic medical record efficiently and intelligently. It is helpful for structured electronic medical records to use machine learning and other technologies for diagnosis and treatment regularity mining. In order to efficiently identify named entities in electronic medical records, a named entity recognition method based on BERT and bidirectional long short-term memory network (BILSTM) with fusion adversarial training (FGM) is proposed, referred to as BERT-BILSTM-CRF-FGM (BBCF). After preprocessing by correcting the Chinese electronic medical record corpus provided by the 2017 National Knowledge Graph and Semantic Computing Conference (CCKS2017), the BERT-BILSTM-CRF-FGM model is used to recognize five types of entities in the corpus, with an average F1 score of 92.84%. Compared to the BERT model based on the inflated convolutional neural network (BERT-IDCNN-CRF) and the conditional random field model based on BILSTM (BILSTM-CRF), the proposed method has higher F1 score and faster convergence speed, which can more efficiently structure electronic medical record text.
    Reference | Related Articles | Metrics | Comments0
    A Text Classification Model Based on BERT and Pooling Operation
    ZHNAG Jun, QIU Long-long
    Computer and Modernization    2022, 0 (06): 1-7.  
    Abstract739)      PDF(pc) (948KB)(136)       Save
    The fine-tuning method using the pre-trained language model has achieved good results in many natural language processing tasks represented by text classification, BERT model based on the Transformer framework as a typical representative especially. However, BERT uses the vector corresponding to [CLS] as the text representation directly, and does not consider the local features and global features of texts, which limits the classification performance of the model. Therefore, this paper proposes a text classification model that introduces a pooling operation, and uses pooling methods such as average pooling, maximum pooling, and K-MaxPooling to extract the representation vector of texts from the output matrix of BERT. The experimental results show that compared with the original BERT model, the text classification model with pooling operation proposed in this paper has better performance. In all text classification tasks in the experiment, its accuracy and F1-Score value are better than BERT model.
    Reference | Related Articles | Metrics | Comments0
    A Fast Registration Method for Massive Point Clouds Based on 3D-SIFT and 4PCS
    LI Jia-le1, LI Zhe-run1, ZHAO Yong2, ZHANG Yang1
    Computer and Modernization    2024, 0 (02): 1-6.   DOI: 10.3969/j.issn.1006-2475.2024.02.001
    Abstract117)      PDF(pc) (1952KB)(133)       Save
    Abstract: The registration of measurement point cloud and model point cloud is the key of visual positioning. Aiming at the problems of poor visual positioning accuracy and low algorithm efficiency caused by large amount of measurement point cloud data and low overlap rate with CAD model point cloud, a registration method of measurement point cloud and model point cloud based on the fusion of 3D scale invariant feature transform (3D-SIFT) and four point fast robust matching algorithm (4PCS) is proposed. Firstly, the depth camera is used to extract the point cloud of the part, and the extracted measurement point cloud is denoised and filtered; Then 3D-SIFT feature point extraction algorithm is used to extract feature points from measurement point cloud and CAD model point cloud; Finally, the extracted feature points are used as the initial values of the 4PCS algorithm to achieve the registration of the two point cloud data. Compared with the commonly used 4PCS algorithm and Super-4PCS algorithm, the algorithm simulation and experimental results show that the proposed algorithm can improve the registration speed by more than 30% on the premise of ensuring the registration accuracy.
    Reference | Related Articles | Metrics | Comments0
    Research Progress of Text Summarization Model
    ZHANG Zi-yun, WANG Wen-fa, MA Le-rong, DING Cang-feng
    Computer and Modernization    2022, 0 (06): 56-66.  
    Abstract260)      PDF(pc) (1415KB)(127)       Save
    With more and more text data generated by the Internet, the problem of text information overload is becoming more and more serious. It is very necessary to reduce the dimension of various texts, and text summarization is one of the important means, and it is also one of the hot and difficult points in the field of artificial intelligence research. Text is designed to transform a text or a collection of texts into a short summary containing key information. In recent years, language model preprocessing has improved the technical level of many natural language processing tasks, including emotion analysis, question and answer, natural language reasoning, named entity recognition, text similarity and text summarization. In this paper, the classic methods of text summarization in the past and the methods of text summarization based on pre-training in recent years are combed, and the data sets and evaluation methods of text summarization are sorted out. Finally, the challenges and development trends of text summarization are summarized.
    Reference | Related Articles | Metrics | Comments0
    An Improved Whale Optimization Algorithm Base on Hybrid Strategy
    LI Ru, FAN Bing-bing
    Computer and Modernization    2022, 0 (06): 13-20.  
    Abstract510)      PDF(pc) (1185KB)(126)       Save
    In order to solve the problems of the original whale optimization algorithm (WOA) with slow convergence speed, weak global search ability, low solution accuracy and easy to fall into local optimization, a hybrid strategy is proposed to improve the whale optimization algorithm (LGWOA). Firstly, the Levy flight strategy is introduced into the position update formula of the whale random search, and the global search step is increased through Levy flight, the search space is enlarged, and the global search capability is improved. Secondly, the adaptive weight is introduced into the whale spiral upward position update formula to improve the algorithm’s local search ability and optimization accuracy. Finally, the idea combining the genetic algorithm’s cross mutation is used to balance the algorithm’s global search and local search capabilities, maintain the diversity of the population, and avoid falling into the local optimum. Simulation experiments on 12 benchmark test functions in different dimensions show that the improved whale algorithm has faster convergence speed and higher optimization accuracy.

    Reference | Related Articles | Metrics | Comments0
    Driver Distracted Behavior Recognition Based on Deep Learning
    HE Li-wen, ZHANG Rui-chi
    Computer and Modernization    2022, 0 (06): 67-74.  
    Abstract369)      PDF(pc) (2347KB)(121)       Save
    Distracted driving behavior recognition is one of the main methods to improve driving safety. Aiming at the problem of low identification accuracy of distracted driving behavior, this paper proposes a driver distracted behavior recognition algorithm based on deep learning, which is composed of a cascade of target detection network and precise behavior recognition network. Based on the State Farm open data set, in the first level, the target detection algorithm SSD (Single Shot Multibox Detector) is used to extract local information from the original driver images in the data set and determine the candidate regions for behavior recognition. Then in the second level, the transfer learning VGG19, ResNet50 and MobileNetV2 models is used to accuratelyidentify the behavior information in the candidate region. Finally, the experiment compares the recognition accuracy of distracted driving behavior between layered recognition architecture and single model architecture. Results show that compared the proposed cascade network model with the mainstream model of single detection method, the driver behavior identification accuracy is improved 4% ~ 7% overall. Besides, the proposed algorithm not only reduces the influence of noise and other background regions on the model to improve the accuracy of distracted behavior recognition, but also can effectively identify more behavior categories to avoid the misclassification of actions.
    Reference | Related Articles | Metrics | Comments0
    Visual Servo Based on Model-free Adaptive Control
    PENG Zong-yu, HUANG Kai-qi, SU Jian-hua, WANG Li-li
    Computer and Modernization    2024, 0 (01): 29-34.   DOI: 10.3969/j.issn.1006-2475.2024.01.005
    Abstract54)      PDF(pc) (1958KB)(120)       Save
    Abstract: The traditional robot visual servo control technology requires accurate dynamics and kinematics models of known robots and the calibration of camera. However, due to the errors in the robot modeling and camera calibration, it is difficult to accurately build the error model, which affects the positioning accuracy and convergence speed of the robot vision servo system. To solve this problem, this paper proposes a robot vision servo technology based on Model-free Adaptive Control (MFAC). Using the input and output data of the system, this paper realizes adaptive visual servo control. Namely by the Jacobian matrix in the MFAC online estimation robot servo controller and combining with sliding mode controller, this paper achieves the precise tracking task to targets. The results of simulation experiments show that the proposed method can ensure the smooth convergence of the servo controller under the unknown disturbance caused by the change of system parameters and reduce the system positioning error.
    Reference | Related Articles | Metrics | Comments0
    Character Network Analysis of Ordinary World
    WANG Jun, HE Jin-rong, MA Le-rong
    Computer and Modernization    2022, 0 (06): 32-36.  
    Abstract458)      PDF(pc) (1405KB)(119)       Save
    The construction and quantitative analysis of the relationship network of characters in literary works is an important content of intelligent interpretation of literary works. This article takes Mr. Lu Yao’s literary work "The Ordinary World" as the research object and uses complex network analysis methods to construct and analyze the social network in the literary works. Firstly, the social network relationship in the work is extracted, where the characters in the novel correspond to the nodes in the network, the relationships between the characters correspond to the edges of the network, and the number of times the characters appear together in each chapter corresponds to the weight of the edges. Then we analyze the betweenness and aggregation coefficient correlation, hierarchical clustering and predicting link on the constructed network. The experimental results show that the character relationship network of Ordinary World is a heterogenous network with small-world characteristics. This research is helpful to promote the analysis of character relationship network in literary works.
    Reference | Related Articles | Metrics | Comments0
    Vehicle Target Detection Algorithm Based on YOLO v4
    YIN Yuan-qi, XU Yuan, XING Yuan-xin
    Computer and Modernization    2022, 0 (07): 8-14.  
    Abstract325)      PDF(pc) (2959KB)(119)       Save
    Aiming at the problems of low occlusion target detection accuracy and poor small target detection effect in vehicle target detection, an improved target detection algorithm YOLO v4-ASC based on YOLO v4 is proposed.  By adding convolution block attention module to the tail of the backbone extraction network, the feature expression ability of the network model is improved; The loss function is improved to improve the convergence speed of the network model, and the Adam+SGDM optimization method is used to replace the original model optimization method SGDM to further improve the model detection performance. In addition, K-Means clustering algorithm is used to optimize the priori frame size, and the car, truck and bus categories in the traffic scene data set are combined as vehicle, which simplifies the problem in this paper into a two classification problem. The experimental results show that on the basis of maintaining the detection speed of the original algorithm, the proposed YOLO v4-ASC target detection algorithm achieves 70.05% AP and 71% F1-score. Compared with the original YOLO v4 algorithm, AP is improved by 9.92 percentage points  and F1 score is improved by 9 percentage points.
    Reference | Related Articles | Metrics | Comments0
    A Multi-attribute Decision Making Method Based on Information Measure
    WEI Li-jun, WU Hai-bo, ZHANG Ruo-bing
    Computer and Modernization    2022, 0 (06): 27-31.  
    Abstract172)      PDF(pc) (626KB)(117)       Save
    Single-valued neutrosophic sets (SVN) can be used to represent the uncertainty and inconsistent information in the real situation. Information measure plays an important role in the theory of support vector network, and has attracted more and more attention in recent years. In this paper, a multi-attribute decision-making method based on single-valued neutrosophic information measure is proposed. This paper first introduces three axiomatic definitions of information metrics. It includes entropy, similarity measure and cross-entropy. Then, based on cosine function, the information measure formula is constructed, and the relationship and transformation among entropy, similarity measure and cross-entropy are discussed. On this basis, a multi-attribute decision-making method based on information measure formula is proposed. Finally, a numerical example of urban pollution assessment is given. The applicability and effectiveness of this method are demonstrated.
    Reference | Related Articles | Metrics | Comments0
    Overview of Data Processing Techniques for MIoT Based on Fog Computing
    HAN Kun, WANG Zheng, DUAN Jun-yong, YANG Hua-lin
    Computer and Modernization    2024, 0 (01): 13-20.   DOI: 10.3969/j.issn.1006-2475.2024.01.003
    Abstract43)      PDF(pc) (1208KB)(116)       Save
    Abstract:Manufacturing Internet of Things (MIoT) is a kind of technology that combines manufacturing production system with Internet connection. Data processing plays a crucial role in MIoT. With the continuous expansion of manufacturing scale, traditional cloud computing has gradually failed to meet the needs of data processing, while the development of fog computing can effectively reduce decision delay and improve system efficiency. This paper summarizes the MIoT data processing technology based on fog computing. Firstly, the generation and characteristics of MIoT data are introduced, as well as the challenges to be faced in the data processing process. Secondly, the MIoT data processing architecture based on fog computation is introduced. Then, the key techniques of data processing in fog computation are introduced. Finally, it introduces the challenges to be faced in the deployment of the architecture and the future direction of fog computing in MIoT.
    Reference | Related Articles | Metrics | Comments0
    ERCUnet: An Improved Road Crack Detection Model Based on U-Net
    LIU Yu-xiang, SHE Wei, SHEN Zhan-feng, TAN Shuai
    Computer and Modernization    2022, 0 (07): 33-39.  
    Abstract352)      PDF(pc) (3566KB)(115)       Save
    Aiming at the problems of traditional road  crack  detection methods,  such as low flexibility and poor universality, refering to the residual design in ResNet and the U-shaped encoding and decoding structure of U-Net model, an improved road crack detection model based on U-Net, named ERCUnet,  is designed. The model takes residual blocks as the main body, and optimizes the number of convolution cores of convolution layers at different depths for crack detection. All residual blocks in the model have the same structure, the overall structure of the model is more neat and simple, with good elasticity and strong structure. The residual structure not only makes the feature fusion more sufficient but also avoids the problem of gradient disappearance of deep convolution neural network. The experiment is conducted on the CrackForest dataset. The 118 labeled pictures of CrackForest are divided into training set and testing set according to the ratio of 5〖DK(〗∶〖DK)〗1. Through a series of data expansion methods, the problem of too little training data is effectively alleviated. The loss function combines cross entropy and F1 score to alleviate the imbalance between positive and negative samples. The final experimental results show that the number of parameters of ERCUnet model is only 13.30% of that of U-Net model, the recall, precision, and F1 are all greater than 70%, and noise rate and accuracy are 29.05% and 99.01% on testing set. ERCUnet-tiny model is obtained by modifying model parameters to confirm the plasticity of ERCUnet, and the number of its parameters is only 2.39% of that of U-Net model, similar effect to U-Net is achieved  on testing set.
    Reference | Related Articles | Metrics | Comments0
    Prediction of Cardiovascular Disease Based on Improved Deep Neural Network
    LIU Yu-hang, QU Yuan, XU Ying-hao, ZHU Xi-jun, YU Yan
    Computer and Modernization    2022, 0 (06): 75-79.  
    Abstract176)      PDF(pc) (969KB)(112)       Save
    Cardiovascular disease is a common disease threatening human health. In order to predict it more accurately, this paper optimizes and improves the traditional DNN model and proposes a directional regular deep neural network (TR-DNN) model. By improving the defects of the original deep neural network model, it can better train and test the cardiovascular disease data set, further realize the task of cardiovascular disease prediction. Experiments show that the model performs well in data set training, and achieves excellent results in test set. Finally, comparing the results of TR-DNN with SVM, RF and XGBoost models in the same data set, the evaluation indexes of TR-DNN model are better than other models. Compared with the traditional DNN model, TR-DNN model improves the accuracy by 1.507 percentage points, the recall by 1.57 percentage points, the specificity by 2.54 percentage points and the precision by 1.51 percentage points. Therefore, TR-DNN model can be applied to the prediction of cardiovascular disease.
    Reference | Related Articles | Metrics | Comments0
    Automatic Arrangement Method of Cloud Network Security Service Chain Based on SRv6 Technology
    WANG Hong-jie, XU Sheng-chao, YANG Bo, MAO Ming-yang, JIANG Jin-ling
    Computer and Modernization    2024, 0 (01): 1-5.   DOI: 10.3969/j.issn.1006-2475.2024.01.001
    Abstract77)      PDF(pc) (1156KB)(110)       Save
    Abstract: To improve the resource utilization rate of cloud network data centers and save communication costs, a cloud network security service chain automatic orchestration method is designed based on SRv6 (Segment Route IPv6) technology. The method assists and guides network data packets to pass through the cloud network along the specified path, determines the specific forwarding path of the message, and reduces dependence on service nodes; establishes an objective function to minimize the total bandwidth, combines with various constraints to meet the security requirements of automatic orchestration; defines local behavior message, constructs automatic arrangement framework of security service chain, establishes security service policy, solves policy conflict and flow network scheduling problem, and achieves security arrangement of service chain. Experimental results show that the proposed method can effectively implement the automatic scheduling of cloud service chain, reduce the average total bandwidth consumption of CPU, improve the success rate of user requests, reduce the load of edge device in the cloud, and save communication costs.
    Reference | Related Articles | Metrics | Comments0
    Government Hotline Work-order Classification Fusing RoBERTa and Feature Extraction
    CHEN Gang
    Computer and Modernization    2022, 0 (06): 21-26.  
    Abstract268)      PDF(pc) (1297KB)(108)       Save
    Government hotlines undertake a large number of citizens’ demands, which make manual work-order classification time-consuming and laborious. Most of the existing work-order classification methods are based on machine learning or single neural network model. With these methods, it is difficult to effectively understand the context semantic information, and the text feature extraction is not comprehensive. A government hotline work-order classification method fusing RoBERTa and feature extraction is proposed to address the above problems. The proposed method firstly obtains context-aware semantic feature vectors from textual descriptions of work-orders by RoBERTa pre-trained language model. Then, a feature extraction layer based on convolution neural network, bidirectional gated recurrent unit and Self-Attention mechanism is constructed to obtain the local and global features of the work-order semantic encodings, with the process of highlighting the semantic features with great importance for the global features. Finally, the fused feature vectors are input into the classifier to finish work-order classification. Experimental results show the proposed method can achieve better classification performance compared with several baseline methods.
    Reference | Related Articles | Metrics | Comments0
    Microblog Rumor Detection Integrating User’s History and Dissemination Information
    LU Yue, CAO Chun-ping
    Computer and Modernization    2022, 0 (06): 37-42.  
    Abstract202)      PDF(pc) (1203KB)(107)       Save
    With the development of Internet technology, online rumors have gradually spread on social media platforms based on Weibo. Research on the automatic detection of Weibo rumors is of great significance to maintaining social stability. The current mainstream rumor detection methods based on deep learning generally have the problem of not fully considering the semantic information of Weibo texts. At the same time, the rumor detection methods that rely too much on dissemination of information make the detection time lag and cannot meet the actual needs of rumor detection. In response to the above problems, this paper proposes a microblog rumor detection model that integrates user historical interaction information. It does not use the dissemination information of microblogs to be detected, constructs and trains the AbaNet (ALBERT-BiGRU-Attention) deep learning network model, and fully considers the text features and semantic information of Weibo and user history dissemination information text for rumor detection. The experimental results show that the model in this paper has the characteristics of high accuracy and strong stability, and can greatly shorten the time of rumor detection while obtaining high detection accuracy.
    Reference | Related Articles | Metrics | Comments0
    Multi-feature Fusion Fundus Image Segmentation Based on Codes Structure
    DING Wan-ying, CHEN Wei, LI Zhao-hui
    Computer and Modernization    2022, 0 (07): 1-7.  
    Abstract222)      PDF(pc) (2297KB)(107)       Save
    In order to solve the problem that the existing fundus images segmentation methods have low segmentation precision and low accuracy for micro vessels, an improved U-Net network model based on codec structure is proposed. Firstly, the data is preprocessed and expanded, the green channel image is extracted, and the contrast is enhanced by contrasting limited histogram equalization and Gamma transform; Secondly, the training set is input into the neural network for segmentation, the residual module is added in the coding process, the high and low feature information are fused by short jump connection, the receptive field is increased by hole convolution, and the attention mechanism is added in the decoding module to increase the segmentation accuracy of fine blood vessels; Finally, the trained segmentation model is used to predict the retinal vascular segmentation results. Comparative experiments on DRIVE and CHASE-DB1 fundus image data sets show that the average accuracy, specificity and sensitivity of the model algorithm are 96.77% and 97.22%, 98.74% and 98.40%, 80.93% and 81.12% respectively. The results of experiments show that the algorithm can improve the accuracy and efficiency of microvascular segmentation, and can segment retinal vessels more accurately.
    Reference | Related Articles | Metrics | Comments0
    Object Detection in Remote Sensing Images Based on Software and Hardware Co-acceleration Framework
    TAN Jin-lin, FAN Wen-tong, LIU Ya-hu, LIANG Zhi-feng, WANG Liang, LIU Bin, HUANG Bin
    Computer and Modernization    2022, 0 (06): 109-115.  
    Abstract191)      PDF(pc) (2195KB)(105)       Save
    Due to the rapid increase of computational complexity and memory requirement in the field of object detection in remote sensing images, it is quite difficult to be applied to the embedded platform with small size and low power. To address aforementioned issues, a hardware and software co-acceleration framework based on field-programmable gate array (FPGA) to promote the inference process of object detection in remote sensing images is proposed. Firstly, the trained YOLOv3 network are compressed and compiled according to the Vitis AI acceleration scheme. And then, the underlying hardware project including deep learning processing unit (DPU) module is built on FPGA, and the DPU task scheduler is written on ARM. Finally, the inference acceleration based on FPGA is implemented on Zynq SoC development platform. Experimental results show that our framework achieves an average throughput rate of 1.75 TOPS (26.8 fps) on the Xilinx Zynq MPSoC, and the mean Average Precision (mAP) on DIOR dataset is 56.7%.
    Reference | Related Articles | Metrics | Comments0
    Host Matching for C2C Online Short-term Rentals
    WU Dai-yang, ZHAO Jie, LIANG Jia-ming, DONG Zhen-ning, LIANG Zhou-yang
    Computer and Modernization    2022, 0 (06): 43-48.  
    Abstract137)      PDF(pc) (1419KB)(105)       Save
    With the rise of homestays and online short-term rental platforms, the phenomenon of host multiple ownership continues to receive attention and research. This phenomenon provides a new research perspective, and how to identify same-source hosts on different platforms has become the first problem to be solved. Therefore, this article explores the C2C online short-term rental cross-platform host matching algorithm based on traditional user matching. Among them, due to the sparse personal information of the host, this paper introduces housing information and designs a two-stage host matching algorithm (TSHM) based on housing. The method in this paper achieves 99.69% and 81.97% accuracy on the common data set and the hard-case data set based on the real data of the two domestic online short-term rental platforms, respectively, which is better than traditional classifiers such as SVM and DT. The matching model is verified. The effectiveness of the matching features provides a new idea for cross-platform host matching, which can still effectively match the host even if the host’s personal information is lacking. However, this article only conducts experiments on domestic platform data, and does not introduce features such as text and pictures, which has certain limitations.
    Reference | Related Articles | Metrics | Comments0
    Improved Algorithm for Keypoints Detection of Hip Based on U-Net
    CHEN Zhen1, YAO Jing-hui2, SU Cheng-yue1
    Computer and Modernization    2024, 0 (02): 15-19.   DOI: 10.3969/j.issn.1006-2475.2024.02.003
    Abstract37)      PDF(pc) (1367KB)(104)       Save
    Abstract: The diagnosis of developmental dysplasia of the hip (DDH) using pelvic X-ray requires accurate mapping of hip key points, and deep learning methods can be used as reliable auxiliary tools. In order to solve the problem of diversified shooting posture and shooting distance for pelvic radiographs, this paper proposed RKD-UNet based on U-Net to detect keypoints of the hip. The model used residual blocks to improve U-Net’s convolution layers and skip-connection paths, as well as introduced the coordinate attention module into the encoder to enhance feature extraction ability for the keypoints neighborhood. Convolution layers and ASPP module were used on top of the encoder to form a Bridge block to fuse feature information at different scales and enhance the receptive field of the model with an atrous rate of [3, 6, 9]. The model was trained and tested using radiographic data containing types of pelvic orthostasis, frog, full-length lower extremity, and postoperative pelvis. RKD-UNet achieves an average keypoints detection error of 3.19 ± 2.19 px and an average acetabular angle measurement error of 2.83°± 2.59°. The F1 score for the normal, mild, moderate, and severe dislocation cases were 89.6, 77.1, 57.9, and 94.1, respectively, which were higher than the doctors’ diagnostic results. Experiments have shown that RKD-UNet can accurately detect keypoints of the hip and assist doctors in diagnosing DDH.
    Reference | Related Articles | Metrics | Comments0
    Anti-collision Shortest Path Planning Based on Improved Dijkstra Algorithm
    HUANG Yi-hu, YU Ya-nan
    Computer and Modernization    2022, 0 (08): 20-24.  
    Abstract260)      PDF(pc) (781KB)(103)       Save
    Multiple UAVs may face the contradiction of track conflict when performing operational tasks. Therefore, an improved Dijkstra algorithm is proposed to realize the function of multiple UAVs to find the shortest and non-conflicting route. In the process of searching and traversing each track node by the classical Dijkstra algorithm, the variable length backtracking array of precursor nodes of each node is introduced to record all precursor nodes contained in each node, and all feasible shortest length routes from the starting point to the target point of each task are found. Then the time window conflict judgment model is introduced to separate the non-conflicting routes from all feasible routes of each task. Once all routes conflict, the conflict node in one of the shortest routes is treated as a temporary obstacle point and the shortest route that does not conflict with other tasks is re found by changing the backtracking array. Matlab software is used to design and write programs to verify the algorithm. The experiments show that the improved algorithm can plan all the shortest and non-conflicting routes contained in each task when multiple UAVs perform operational tasks and the planning efficiency of task set has been significantly improved.
    Reference | Related Articles | Metrics | Comments0
    A SQL Injection Attack Detection Algorithm Based on Improved TF-IDF
    GUAN Hui, SHENG Jing-yuan, CAO Tong-zhou
    Computer and Modernization    2022, 0 (06): 122-126.  
    Abstract227)      PDF(pc) (673KB)(102)       Save
    Because the traditional TF-IDF algorithm does not allocate the weight of feature words well, there will be problems of insufficient feature extraction and low efficiency, resulting in the results not in line with the actual situation. In order to solve the limitations of this method in SQL injection attack detection, this paper improves TF-IDF by adding text quantity ratio factor and Chi statistics to the traditional TF-IDF algorithm, which can well improve the weight of some important words. The detection of SQL injection attacks is realized by selecting different classifiers, so as to obtain different classification results. The experimental results show that the combination of boosted decision tree and improved TF-IDF has higher accuracy, recall and F1 value than other similar methods. In addition, compared with the traditional TF-IDF algorithm, the correctness, accuracy, recall and F1 value of the proposed algorithm are improved by about 5%, which has a certain practical application value.
    Reference | Related Articles | Metrics | Comments0
    Privacy Protection Model for Medical Data Based on HISPAC
    YAO Zheng
    Computer and Modernization    2022, 0 (09): 1-12.  
    Abstract228)      PDF(pc) (3711KB)(101)       Save
    The current era is computer time, especially the era of artificial intelligence and big data. The emergence of related industries has led to changes in various industries. As major service industry in China, the medical industry is changing quietly. At the some time the protection technology of medical privacy is developed continuously. With the explosrve growth of data, various types of patient identity information, case information and medical diagnosis information are leaked endless. In order to solve the topic of medical privacy protection, the paper constructs a set of medical privacy protection model, which includes two parts:1) An adaptive neural network privacy risk assessment model is constructed by using Recurrent Neural Network (RNN) and fuzzy reasoning theory, which is used to assign a credit label to the user’s behavior and calculate the privacy risk; 2) Based on the user credit risk value obtained from the model, a set of personal privacy data access control mechanism is established, namely HISPAC (Hospital Information System Privacy Access Control Model). The experiment proves that this mechanism has good privacy protection effect and can effectively solve the problem of medical data privacy leakage.
    Reference | Related Articles | Metrics | Comments0
    Image Animation Based on Generative Adversarial Networks
    ZHAI Hui-cong, ZHANG Ming, DENG Xing, WANG Li-qun
    Computer and Modernization    2022, 0 (07): 21-26.  
    Abstract283)      PDF(pc) (3547KB)(100)       Save
    Anime-style images are highly simplified and abstract. In order to solve the problem of transforming real-world images into anime-style images, this paper proposes an image animation method based on generative adversarial networks. The generation network in this paper is like a U-Net fully convolutional structure. The input image is down-sampled first, and the shallow features are up-sampled by bilinear interpolation. The discriminant network uses Patch GAN and spectrum normalization. Semantic content loss and style loss are calculated separately to improve the stability of the network. Surface representation loss, structure representation loss, and texture representation loss are used to replace style loss to make the effect of generating animation pictures more controllable. We use train2014 for realistic images, and use the CelebA-HQ data set for face images. Experiments are performed on these data sets using this model. The experimental results show that the model in this paper can effectively complete the process of image animation and generate high-quality animation images.
    Reference | Related Articles | Metrics | Comments0
    Substation Monitoring Picture Recognition Algorithm for Automatic Human-machine Interface Verification
    ZHAO Na, LIU Wen-biao, WANG Lian-tao, WANG Meng-ru, REN Zhen-xing
    Computer and Modernization    2022, 0 (06): 96-103.  
    Abstract176)      PDF(pc) (3136KB)(98)       Save
    When testing and verifying the man-machine interface of substation monitoring system, it is common to assess whether the monitoring software is up to standard by comparing the monitoring picture observed by the human eye with the information sent by the test command, but the accuracy and efficiency of the human eye in observing the complex and variable monitoring information is not guaranteed. In this paper, we design a method to automatically identify information on substation monitoring pictures using image processing and machine learning techniques. A template matching method based on the best primitive is proposed to solve the problem of automatic positioning of electrical primitive in the picture.The FHOG operator is proposed to describe the topological features of the picture and speed up the recognition of the monitoring pictures and primitives. For problems such as the separation of the left and right body structure of Chinese characters and the sticking of characters in the warning message picture, an algorithm for segmentation and recognition of synergies is proposed to locate characters and deep convolutional neural networks are used for recognition. The effectiveness of the method is verified in the actual substation monitoring pictures. We also design an online verification system, obtaining the recognition accuracy of 96.04%.
    Reference | Related Articles | Metrics | Comments0
    High Illumination Visible Image Generation Based on Generative Adversarial Networks
    ZHUANG Wen-hua, TANG Xiao-gang, ZHANG Bin-quan, YUAN Guang-ming
    Computer and Modernization    2023, 0 (01): 1-6.  
    Abstract376)      PDF(pc) (7034KB)(96)       Save
    To solve the problem of low accuracy of target detection under low illumination conditions at night, this paper proposes a generative adversarial network-based algorithm for high illumination visible light image generation. To improve the ability of the generator to extract features, a CBAM attention module is introduced in the converter module; To avoid the noise interference of artifacts in the generated images, the decoder of the generator is changed from the deconvolution method to the up-sampling method of nearest neighbour interpolation plus convolution layer; to improve the stability of the network training, the adversarial loss function is replaced from the cross-entropy function to the least-squares function. The generated visible images have the advantages of spectral information, rich detail information and good visibility enhancement compared with infrared images and night visible images, which can effectively obtain information about the target and scene. We verified the effectiveness of the method by image generation metrics and target detection metrics respectively, in which the mAP obtained from the test on the generated visible image improved by 11.7 percentage points and 30.2 percentage points respectively compared to the infrared image and the real visible image, which can effectively improve the detection accuracy and anti-interference capability of nighttime targets.
    Reference | Related Articles | Metrics | Comments0
    Unsupervised Domain Adaptation for Outdoor Point Cloud Semantic Segmentation
    HU Chong-jia, LIU Jin-zhou, FANG Li
    Computer and Modernization    2024, 0 (01): 74-79.   DOI: 10.3969/j.issn.1006-2475.2024.01.012
    Abstract47)      PDF(pc) (2419KB)(96)       Save

    Abstract: An unsupervised domain adaptation for LiDAR semantic segmentation method is proposed to deal with the problem of excessive data required for semantic segmentation network training in outdoor large-scale scenes. The method uses a modified RandLA-Net for semantic segmentation using a small number of point clouds from the SPTLS3D’s real world data as target objects. The model finishes the pre-training of the segmentation network on SensatUrban, and completes the transfer task by minimizing the domain gap between the source and target domains. The RandLA-Net losses the global features of the original point cloud in the encoding process, so an additional method of obtaining global information to join the network decoding is proposed. In addition, for getting the differentiated information, the weights of the local attention module of RandLA-Net is changed to use the difference between the features of each point and the average features of its neighbors. The experiments show that the mean intersection over union  of the network are 54.3% on SemanticKITTI and 71.91% on Semantic3D. The mIoU of the pre-trained network after fine-tuning are 80.05%, which is 8.83  percentage points better than training directly.

    Reference | Related Articles | Metrics | Comments0
    Feature-level Multimodal Fusion for Depression Recognition
    GU Ming-xuan, FAN Bing-bing
    Computer and Modernization    2023, 0 (10): 17-22.   DOI: 10.3969/j.issn.1006-2475.2023.10.003
    Abstract236)      PDF(pc) (1213KB)(96)       Save
    Abstract: Depression is a common psychiatric disorder. However, the existing diagnostic methods for depression mainly rely on scales and interviews with psychiatrists, which are highly subjective. In recent years, researchers have devoted themselves to identifying depressed patients by EEG features or audio features, but no study has effectively combined EEG information with audio information, ignoring the correlation between audio and EEG data. Therefore, this study proposes a feature-level multimodal fusion model to improve the accuracy of depression recognition. We combine the audio and EEG modality information based on a fully connected neural network. Our experiments show that the accuracy of depression recognition using feature-level multimodal fusion model on the MODMA dataset reaches 81.58%, which is higher than that of using single-modality. The results indicate that the feature-level multimodal fusion model can improve the accuracy of depression recognition compared to single-modality. Our research provides a new perspective and method for depression recognition.

    Reference | Related Articles | Metrics | Comments0
    Speech Emotion Recognition of Hybrid Multi-scale Convolution Combined with Dual-layer LSTM
    LIANG Ke-jin, ZHANG Hai-jun, LIU Ya-qing, ZHANG Yu, WANG Yue-yang
    Computer and Modernization    2023, 0 (01): 63-68.  
    Abstract208)      PDF(pc) (1137KB)(95)       Save
    Aiming at the deficiencies of deep learning algorithms in the extraction of speech emotion features and the low recognition accuracy, the effective emotion features in the speech data are extracted, and the features are spliced and merged at multiple scales to construct speech emotion features and improve the deep learning model’s performance. Traditional recurrent neural networks cannot solve the long-term dependence problem of speech emotion recognition. The dual-layer LSTM model is used to improve the effect of speech emotion recognition, and a model combining hybrid multi-scale convolution and dual-layer LSTM model is proposed. Experimental results show that under the Chinese Emotion Database(CASIA) of the Institute of Automation of the Chinese Academy of Sciences and the Berlin Emotion Open Data Set(Emo-DB), compared with other emotion recognition models, the speech emotion recognition model proposed in this article has a great improvement in accuracy.
    Reference | Related Articles | Metrics | Comments0
    Network Intrusion Detection Model Based on Space-time Feature Fusion and Attention Mechanism
    RAO Hai-bing, ZHU Su-lei, YANG Chun-xia
    Computer and Modernization    2022, 0 (06): 116-121.  
    Abstract220)      PDF(pc) (6398KB)(94)       Save
    Aiming at the problem of low network intrusion detection performance, a deep learning intrusion detection model CTA-net based on space-time feature fusion and attention mechanism is proposed. The model obtains space-time fusion features by integrating convolutional neural network (CNN) and long-short-term memory network (LSTM), and then uses the attention module (Attention) to calculate the importance of the input space-time fusion features, and finally passes the softmax function sort. Using the NSL-KDD data set, the experimental results show that compared with the CNN model with similar structure and the space-time fusion CNN-LSTM model, the convergence of the training set is significantly improved, and the accurate of classification evaluation index used on the test set  has increased by 10.9120 percentage points and 11.8740 percentage points, the precision has increased by 9.1950 percentage points  and 9.6130 percentage points, the recall has increased by 9.1780 percentage points  and9.9340 percentage points, and F1-SCORE has increased by 10.7830 percentage points  and 11.750 percentage points . The simulation results show that the proposed CTA-net model has good application potential in network intrusion detection.
    Reference | Related Articles | Metrics | Comments0
    Short-term Traffic Flow Prediction Model Based on Deep Learning
    ZHANG Ling-yun, HAN Ying, ZHANG Kai, LU Hai-peng, DING Yu-jie
    Computer and Modernization    2022, 0 (07): 54-60.  
    Abstract321)      PDF(pc) (2733KB)(91)       Save
    Traffic flow prediction has important and practical significance in the field of intelligent transportation. Because traffic flow data is affected by many factors, leads to poor stability, strong randomness, and presents a highly non-linear characteristic, it is extremely difficult to predict traffic flow. Aiming at the requirements of the accuracy of short-term traffic flow prediction, this paper proposes a short-term traffic flow prediction method based on CEEMD(Complete Ensemble Empirical Mode Decomposition, CEEMD), combined with CNN(Convolutional Neural Networks, CNN) and LSTM(Long Short-Term Memory, LSTM). The model uses CEEMD signal decomposition to reduce the impact of noise on traffic flow data prediction, CNN and LSTM are used to fully mine the temporal and spatial characteristics of the data, so that the model can make more accurate judgments and improve the learning efficiency of the neural network. Experimental verification on real traffic flow data shows that the model proposed in this paper can effectively improve the accuracy of traffic flow prediction.
    Reference | Related Articles | Metrics | Comments0
    A Non-intrusive Load Monitoring Method Based on Improved kNN Algorithm and Transient Steady State Features
    TIAN Feng, DENG Xiao-ping, ZHANG Gui-qing, WANG Bao-yi
    Computer and Modernization    2022, 0 (10): 29-35.  
    Abstract311)      PDF(pc) (1558KB)(91)       Save
    Non-intrusive load monitoring (NILM) can obtain the operation data of the electrical appliance in the circuit by analyzing the record from a single energy meter, which can serve as an important tool for energy saving planning and optimal dispatching for power grid. The existing NILM methods mainly focus on improving the accuracy of load identification, the model complexity is too high to be applied on embedded devices. A NILM method based on improved kNN algorithm and transient steady state feature is proposed to solve the above problems. Firstly, the kNN algorithm is selected as the load identification model because it does not require training, the kNN algorithm is improved by statistical method of distance weight, and the cosine similarity judgment mechanism is added to verify the accuracy of the kNN load identification results. Secondly, the transient and steady state features are selected as load characteristics to improve the identification of load features. Finally, experimental data are used to verify that the above NILM method has superior performance.
    Reference | Related Articles | Metrics | Comments0
    An Adaptive MIS Generator Based on Object Information
    ZHOU Bin,
    Computer and Modernization    2022, 0 (07): 110-120.  
    Abstract79)      PDF(pc) (2499KB)(90)       Save
    In order to solve the problem of increasing workload of development and maintenance caused by frequent changes of requirements during the development and operation of MIS, a new adaptive generation manager of basic modules of MIS software is proposed. MIS version, user and authority, system structure, system module, object information, general view element, general business logic element and general data access mode are managed through informatization, and the database, interactive interface, business logic, data interaction part and software internal structure of MIS software basic modules are adaptively generated or reconstructed based on general interface layer basic element, business logic layer basic element, data access layer basic element and object information, so as to dynamically build and manage the basic module of MIS software, and to realize the informatization of basic module, and the informatization and automatic management of the system. Through the implementation and practical application of the generator technology in MIS development, it is proved that the adaptive MIS generator can better deal with the rapid construction and change of MIS basic modules, and can effectively reduce the workload of MIS development and maintenance. The generator solves the problem of rapid construction and reconstruction of basic modules of MIS software, and can better deal with the frequent changes in the development and operation of MIS.
    Reference | Related Articles | Metrics | Comments0
    A Point Cloud Registration Algorithm Combining Improved PSO Algorithm and TrICP Algorithm
    LIANG Zheng-you , , WANG Lu , LI Xuan-ang , YANG Feng ,
    Computer and Modernization    2022, 0 (05): 90-95.  
    Abstract280)      PDF(pc) (1109KB)(90)       Save
    Aiming at the problem that the traditional iterative closest point (ICP) algorithm is easy to fall into the problem of local optimality when the initial spatial position deviation is large, a point cloud registration method combining improved PSO-TrICP algorithm is proposed. Firstly, the traditional particle swarm optimization (PSO) algorithm is improved by introducing similarity measurement criterion of fitness to adjust the updating mode of particles. Then, the mean value of the historical global optimal solution of each iteration is added as a new learning factor to avoid the phenomenon of “precocity”; Secondly, the rigid transformation parameters and the overlap rate between the point clouds are used to form the particles, and the improved PSO algorithm is used to provide a good initial relative position; Finally, the space transformation between point clouds is estimated with trimmed iterative closest point (TrICP) algorithm. Experimental results show that the improved PSO-TRICP algorithm has better registration accuracy and operation efficiency than the similar registration algorithms proposed in recent years, and has better robustness.
    Reference | Related Articles | Metrics | Comments0