期刊文献+
共找到22,598篇文章
< 1 2 250 >
每页显示 20 50 100
Importance-aware 3D volume visualization for medical content-based image retrieval-a preliminary study
1
作者 Mingjian LI Younhyun JUNG +1 位作者 Michael FULHAM Jinman KIM 《虚拟现实与智能硬件(中英文)》 EI 2024年第1期71-81,共11页
Background A medical content-based image retrieval(CBIR)system is designed to retrieve images from large imaging repositories that are visually similar to a user′s query image.CBIR is widely used in evidence-based di... Background A medical content-based image retrieval(CBIR)system is designed to retrieve images from large imaging repositories that are visually similar to a user′s query image.CBIR is widely used in evidence-based diagnosis,teaching,and research.Although the retrieval accuracy has largely improved,there has been limited development toward visualizing important image features that indicate the similarity of retrieved images.Despite the prevalence of 3D volumetric data in medical imaging such as computed tomography(CT),current CBIR systems still rely on 2D cross-sectional views for the visualization of retrieved images.Such 2D visualization requires users to browse through the image stacks to confirm the similarity of the retrieved images and often involves mental reconstruction of 3D information,including the size,shape,and spatial relations of multiple structures.This process is time-consuming and reliant on users'experience.Methods In this study,we proposed an importance-aware 3D volume visualization method.The rendering parameters were automatically optimized to maximize the visibility of important structures that were detected and prioritized in the retrieval process.We then integrated the proposed visualization into a CBIR system,thereby complementing the 2D cross-sectional views for relevance feedback and further analyses.Results Our preliminary results demonstrate that 3D visualization can provide additional information using multimodal positron emission tomography and computed tomography(PETCT)images of a non-small cell lung cancer dataset. 展开更多
关键词 Volume visualization DVR Medical CBIR retrievAL Medical images
下载PDF
Point Cloud Classification Using Content-Based Transformer via Clustering in Feature Space 被引量:1
2
作者 Yahui Liu Bin Tian +2 位作者 Yisheng Lv Lingxi Li Fei-Yue Wang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第1期231-239,共9页
Recently, there have been some attempts of Transformer in 3D point cloud classification. In order to reduce computations, most existing methods focus on local spatial attention,but ignore their content and fail to est... Recently, there have been some attempts of Transformer in 3D point cloud classification. In order to reduce computations, most existing methods focus on local spatial attention,but ignore their content and fail to establish relationships between distant but relevant points. To overcome the limitation of local spatial attention, we propose a point content-based Transformer architecture, called PointConT for short. It exploits the locality of points in the feature space(content-based), which clusters the sampled points with similar features into the same class and computes the self-attention within each class, thus enabling an effective trade-off between capturing long-range dependencies and computational complexity. We further introduce an inception feature aggregator for point cloud classification, which uses parallel structures to aggregate high-frequency and low-frequency information in each branch separately. Extensive experiments show that our PointConT model achieves a remarkable performance on point cloud shape classification. Especially, our method exhibits 90.3% Top-1 accuracy on the hardest setting of ScanObjectN N. Source code of this paper is available at https://github.com/yahuiliu99/PointC onT. 展开更多
关键词 content-based Transformer deep learning feature aggregator local attention point cloud classification
下载PDF
A Content-Based Medical Image Retrieval Method Using Relative Difference-Based Similarity Measure
3
作者 Ali Ahmed Alaa Omran Almagrabi Omar MBarukab 《Intelligent Automation & Soft Computing》 SCIE 2023年第8期2355-2370,共16页
Content-based medical image retrieval(CBMIR)is a technique for retrieving medical images based on automatically derived image features.There are many applications of CBMIR,such as teaching,research,diagnosis and elect... Content-based medical image retrieval(CBMIR)is a technique for retrieving medical images based on automatically derived image features.There are many applications of CBMIR,such as teaching,research,diagnosis and electronic patient records.Several methods are applied to enhance the retrieval performance of CBMIR systems.Developing new and effective similarity measure and features fusion methods are two of the most powerful and effective strategies for improving these systems.This study proposes the relative difference-based similarity measure(RDBSM)for CBMIR.The new measure was first used in the similarity calculation stage for the CBMIR using an unweighted fusion method of traditional color and texture features.Furthermore,the study also proposes a weighted fusion method for medical image features extracted using pre-trained convolutional neural networks(CNNs)models.Our proposed RDBSM has outperformed the standard well-known similarity and distance measures using two popular medical image datasets,Kvasir and PH2,in terms of recall and precision retrieval measures.The effectiveness and quality of our proposed similarity measure are also proved using a significant test and statistical confidence bound. 展开更多
关键词 Medical image retrieval feature extraction similarity measure fusion method
下载PDF
Auto-expanded multi query examples technology in content-based image retrieval 被引量:1
4
作者 王小玲 谢康林 《Journal of Southeast University(English Edition)》 EI CAS 2005年第3期287-292,共6页
In order to narrow the semantic gap existing in content-based image retrieval (CBIR),a novel retrieval technology called auto-extended multi query examples (AMQE) is proposed.It expands the single one query image ... In order to narrow the semantic gap existing in content-based image retrieval (CBIR),a novel retrieval technology called auto-extended multi query examples (AMQE) is proposed.It expands the single one query image used in traditional image retrieval into multi query examples so as to include more image features related with semantics.Retrieving images for each of the multi query examples and integrating the retrieval results,more relevant images can be obtained.The property of the recall-precision curve of a general retrieval algorithm and the K-means clustering method are used to realize the expansion according to the distance of image features of the initially retrieved images.The experimental results demonstrate that the AMQE technology can greatly improve the recall and precision of the original algorithms. 展开更多
关键词 content-based image retrieval SEMANTIC multi query examples K-means clustering
下载PDF
Active learning based on maximizing information gain for content-based image retrieval
5
作者 徐杰 施鹏飞 《Journal of Southeast University(English Edition)》 EI CAS 2004年第4期431-435,共5页
This paper describes a new method for active learning in content-based image retrieval. The proposed method firstly uses support vector machine (SVM) classifiers to learn an initial query concept. Then the proposed ac... This paper describes a new method for active learning in content-based image retrieval. The proposed method firstly uses support vector machine (SVM) classifiers to learn an initial query concept. Then the proposed active learning scheme employs similarity measure to check the current version space and selects images with maximum expected information gain to solicit user's label. Finally, the learned query is refined based on the user's further feedback. With the combination of SVM classifier and similarity measure, the proposed method can alleviate model bias existing in each of them. Our experiments on several query concepts show that the proposed method can learn the user's query concept quickly and effectively only with several iterations. 展开更多
关键词 active learning content-based image retrieval relevance feedback support vector machines similarity measure
下载PDF
An Efficient Content-Based Image Retrieval System Using kNN and Fuzzy Mathematical Algorithm 被引量:3
6
作者 Chunjing Wang Li Liu Yanyan Tan 《Computer Modeling in Engineering & Sciences》 SCIE EI 2020年第9期1061-1083,共23页
The implementation of content-based image retrieval(CBIR)mainly depends on two key technologies:image feature extraction and image feature matching.In this paper,we extract the color features based on Global Color His... The implementation of content-based image retrieval(CBIR)mainly depends on two key technologies:image feature extraction and image feature matching.In this paper,we extract the color features based on Global Color Histogram(GCH)and texture features based on Gray Level Co-occurrence Matrix(GLCM).In order to obtain the effective and representative features of the image,we adopt the fuzzy mathematical algorithm in the process of color feature extraction and texture feature extraction respectively.And we combine the fuzzy color feature vector with the fuzzy texture feature vector to form the comprehensive fuzzy feature vector of the image according to a certain way.Image feature matching mainly depends on the similarity between two image feature vectors.In this paper,we propose a novel similarity measure method based on k-Nearest Neighbors(kNN)and fuzzy mathematical algorithm(SBkNNF).Finding out the k nearest neighborhood images of the query image from the image data set according to an appropriate similarity measure method.Using the k similarity values between the query image and its k neighborhood images to constitute the new k-dimensional fuzzy feature vector corresponding to the query image.And using the k similarity values between the retrieved image and the k neighborhood images of the query image to constitute the new k-dimensional fuzzy feature vector corresponding to the retrieved image.Calculating the similarity between the two kdimensional fuzzy feature vector according to a certain fuzzy similarity algorithm to measure the similarity between the query image and the retrieved image.Extensive experiments are carried out on three data sets:WANG data set,Corel-5k data set and Corel-10k data set.The experimental results show that the outperforming retrieval performance of our proposed CBIR system with the other CBIR systems. 展开更多
关键词 content-based image retrieval KNN fuzzy mathematical algorithm RECALL PRECISION
下载PDF
Content-based Image Retrieval Using Color Histogram 被引量:3
7
作者 黄文蓓 贺樑 顾君忠 《Journal of Donghua University(English Edition)》 EI CAS 2006年第4期98-102,共5页
This paper introduces the principles of using color histogram to match images in CBIR. And a prototype CBIR system is designed with color matching function. A new method using 2-dimensional color histogram based on hu... This paper introduces the principles of using color histogram to match images in CBIR. And a prototype CBIR system is designed with color matching function. A new method using 2-dimensional color histogram based on hue and saturation to extract and represent color information of an image is presented. We also improve the Euclidean-distance algorithm by adding Center of Color to it. The experiment shows modifications made to Euclidean-distance signif-icantly elevate the quality and efficiency of retrieval. 展开更多
关键词 CBIR content-based image retrieval color feature color histogram histogram intersection similarity measure.
下载PDF
Design of Content-Based Retrieval System in Remote Sensing Image Database 被引量:1
8
作者 LI Feng ZENG Zhiming HU Yanfeng FU Kun 《Geo-Spatial Information Science》 2006年第3期191-195,共5页
To retrieve the object region efficaciously from massive remote sensing image database, a model for content-based retrieval of remote sensing image is given according to the characters of remote sensing image applicat... To retrieve the object region efficaciously from massive remote sensing image database, a model for content-based retrieval of remote sensing image is given according to the characters of remote sensing image application firstly, and then the algorithm adopted for feature extraction and multidimensional indexing, and relevance feedback by this model are analyzed in detail. Finally, the contents intending to be researched about this model are proposed. 展开更多
关键词 content-based retrieval remote sensing image image database feature extraction object region
下载PDF
A Content-Based Parallel Image Retrieval System on Cluster Architectures 被引量:1
9
作者 ZHOUBing SHENJun-yi PENGQin-ke 《Wuhan University Journal of Natural Sciences》 CAS 2004年第5期665-670,共6页
We propose a content-based parallel image retrieval system to achieve high responding ability. Our system is developed on cluster architectures. It has several retrieval. servers to supply the service of content-based... We propose a content-based parallel image retrieval system to achieve high responding ability. Our system is developed on cluster architectures. It has several retrieval. servers to supply the service of content-based image retrieval. It adopts the Browser/Server (B/S) mode. The users could visit our system though web pages. It uses the symmetrical color-spatial features (SCSF) to represent the content of an image. The SCSF is effective and efficient for image matching because it is independent of image distortion such as rotation and flip as well as it increases the matching accuracy. The SCSF was organized by M-tree, which could speedup the searching procedure. Our experiments show that the image matching is quickly and efficiently with the use of SCSF. And with the support of several retrieval servers, the system could respond to many users at mean time. Key words content-based image retrieval - cluster architecture - color-spatial feature - B/S mode - task parallel - WWW - Internet CLC number TP391 Foundation item: Supported by the National Natural Science Foundation of China (60173058)Biography: ZHOU Bing (1975-), male, Ph. D candidate, reseach direction: data mining, content-based image retrieval. 展开更多
关键词 content-based image retrieval cluster architecture color-spatial feature B/S mode task parallel WWW INTERNET
下载PDF
Multi-core based parallel computing technique for content-based image retrieval 被引量:1
10
作者 陈文浩 方昱春 +1 位作者 姚继锋 张武 《Journal of Shanghai University(English Edition)》 2010年第1期55-59,共5页
In this paper, we propose a parallel computing technique for content-based image retrieval (CBIR) system. This technique is mainly used for single node with multi-core processor, which is different from those based ... In this paper, we propose a parallel computing technique for content-based image retrieval (CBIR) system. This technique is mainly used for single node with multi-core processor, which is different from those based on cluster or network computing architecture. Due to its specific applications (such as medical image processing) and the harsh terms of hardware resource requirement, the CBIR system has been prevented from being widely used. With the increasing volume of the image database, the widespread use of multi-core processors, and the requirement of the retrieval accuracy and speed, we need to achieve a retrieval strategy which is based on multi-core processor to make the retrieval faster and more convenient than before. Experimental results demonstrate that this parallel architecture can significantly improve the performance of retrieval system. In addition, we also propose an efficient parallel technique with the combinations of the cluster and the multi-core techniques, which is supposed to gear to the new trend of the cloud computing. 展开更多
关键词 content-based image retrieval (CBIR) parallel computing SHARED-MEMORY feature extraction similarity comparison
下载PDF
New Approach on the Techniques of Content-Based Image Retrieval (CBIR) Using Color, Texture and Shape Features 被引量:2
11
作者 Mohd Afizi Mohd Shukran Muhamad Naim Abdullah Mohd Sidek Fadhil Mohd Yunus 《Journal of Materials Science and Chemical Engineering》 2021年第1期51-57,共7页
<div style="text-align:justify;"> Digital image collection as rapidly increased along with the development of computer network. Image retrieval system was developed purposely to provide an efficient to... <div style="text-align:justify;"> Digital image collection as rapidly increased along with the development of computer network. Image retrieval system was developed purposely to provide an efficient tool for a set of images from a collection of images in the database that matches the user’s requirements in similarity evaluations such as image content similarity, edge, and color similarity. Retrieving images based on the content which is color, texture, and shape is called content based image retrieval (CBIR). The content is actually the feature of an image and these features are extracted and used as the basis for a similarity check between images. The algorithms used to calculate the similarity between extracted features. There are two kinds of content based image retrieval which are general image retrieval and application specific image retrieval. For the general image retrieval, the goal of the query is to obtain images with the same object as the query. Such CBIR imitates web search engines for images rather than for text. For application specific, the purpose tries to match a query image to a collection of images of a specific type such as fingerprints image and x-ray. In this paper, the general architecture, various functional components, and techniques of CBIR system are discussed. CBIR techniques discussed in this paper are categorized as CBIR using color, CBIR using texture, and CBIR using shape features. This paper also describe about the comparison study about color features, texture features, shape features, and combined features (hybrid techniques) in terms of several parameters. The parameters are precision, recall and response time. </div> 展开更多
关键词 content-based Image retrieval Image retrieval Information retrieval
下载PDF
High Efficient Methods of Content-based 3D Model Retrieval 被引量:5
12
作者 WU Yuanhao TIAN Ling LI Chenggang 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2013年第2期248-256,共9页
Content-based 3D model retrieval is of great help to facilitate the reuse of existing designs and to inspire designers during conceptual design. However, there is still a gap to apply it in industry due to the low tim... Content-based 3D model retrieval is of great help to facilitate the reuse of existing designs and to inspire designers during conceptual design. However, there is still a gap to apply it in industry due to the low time efficiency. This paper presents two new methods with high efficiency to build a Content-based 3D model retrieval system. First, an improvement is made on the "Shape Distribution (D2)" algorithm, and a new algorithm named "Quick D2" is proposed. Four sample 3D mechanical models are used in an experiment to compare the time cost of the two algorithms. The result indicates that the time cost of Quick D2 is much lower than that of D2, while the descriptors extracted by the two algorithms are almost the same. Second, an expandable 3D model repository index method with high performance, namely, RBK index, is presented. On the basis of RBK index, the search space is pruned effectively during the search process, leading to a speed up of the whole system. The factors that influence the values of the key parameters of RBK index are discussed and an experimental method to find the optimal values of the key parameters is given. Finally, "3D Searcher", a content-based 3D model retrieval system is developed. By using the methods proposed, the time cost for the system to respond one query online is reduced by 75% on average. The system has been implemented in a manufacturing enterprise, and practical query examples during a case of the automobile rear axle design are also shown. The research method presented shows a new research perspective and can effectively improve the content-based 3D model retrieval efficiency. 展开更多
关键词 3D model retrieval high efficient methods shape descriptor extraction model repository index
下载PDF
Content-based image retrieval applied to BI-RADS tissue classification in screening mammography 被引量:1
13
作者 Júlia Epischina Engrácia de Oliveira Arnaldo de Albuquerque Araújo Thomas M Deserno 《World Journal of Radiology》 CAS 2011年第1期24-31,共8页
AIM:To present a content-based image retrieval(CBIR) system that supports the classification of breast tissue density and can be used in the processing chain to adapt parameters for lesion segmentation and classificat... AIM:To present a content-based image retrieval(CBIR) system that supports the classification of breast tissue density and can be used in the processing chain to adapt parameters for lesion segmentation and classification.METHODS:Breast density is characterized by image texture using singular value decomposition(SVD) and histograms.Pattern similarity is computed by a support vector machine(SVM) to separate the four BI-RADS tissue categories.The crucial number of remaining singular values is varied(SVD),and linear,radial,and polynomial kernels are investigated(SVM).The system is supported by a large reference database for training and evaluation.Experiments are based on 5-fold cross validation.RESULTS:Adopted from DDSM,MIAS,LLNL,and RWTH datasets,the reference database is composed of over 10000 various mammograms with unified and reliable ground truth.An average precision of 82.14% is obtained using 25 singular values(SVD),polynomial kernel and the one-against-one(SVM).CONCLUSION:Breast density characterization using SVD allied with SVM for image retrieval enable the development of a CBIR system that can effectively aid radiologists in their diagnosis. 展开更多
关键词 COMPUTER-AIDED diagnosis content-based IMAGE retrieval IMAGE processing Screening MAMMOGRAPHY SINGULAR value decomposition Support vector machine
下载PDF
Integrating Color and Spatial Feature for Content-Based Image Retrieval 被引量:1
14
作者 Cao Kui Feng Yu-cai 《Wuhan University Journal of Natural Sciences》 EI CAS 2002年第3期290-296,共7页
In this paper, we present a novel and efficient scheme for extracting, indexing and retrieving color images. Our motivation was to reduce the space overhead of partition-based approaches taking advantage of the fact t... In this paper, we present a novel and efficient scheme for extracting, indexing and retrieving color images. Our motivation was to reduce the space overhead of partition-based approaches taking advantage of the fact that only a relatively low number of distinct values of a particular visual feature is present in most images. To extract color feature and build indices into our image database we take into consideration factors such as human color perception and perceptual range, and the image is partitioned into a set of regions by using a simple classifying scheme. The compact color feature vector and the spatial color histogram, which are extracted from the seqmented image region, are used for representing the color and spatial information in the image. We have also developed the region-based distance measures to compare the similarity of two images. Extensive tests on a large image collection were conducted to demonstrate the effectiveness of the proposed approach. 展开更多
关键词 color distribution spatial color histogram region-based image representation and retrieval similarity matching integrating of single features
下载PDF
Towards an Efficient Hierarchical Codebooks for Content-Based Images Retrieval 被引量:1
15
作者 Z.Elleuch K.Marzouki 《Journal of Electronic Science and Technology》 CAS 2014年第1期107-111,共5页
In space feature quantization, the most important problem is designing an efficient and compact codebook. The hierarchical clustering approach successfully solves the problem of quantifying the feature space in a larg... In space feature quantization, the most important problem is designing an efficient and compact codebook. The hierarchical clustering approach successfully solves the problem of quantifying the feature space in a large vocabulary size. In this paper we propose to use a tree structure of hierarchical self-organizing-map (H-SOM) with the depth length equal to two and a high size of branch factors (50, 100, 200, 400, and 500). Moreover, an incremental learning process of H-SOM is used to overcome the problem of the curse of the dimensionafity of space. The method is evaluated on three public datasets. Results exceed the current state-of-art retrieval performance on Kentucky and Oxford5k dataset. However, it is with less performance on the Holidays dataset. The experiment results indicate that the proposed tree structure shows significant improvement with a large number of branch factors. 展开更多
关键词 CODEBOOK content-based imageretrieval incremental learning self-organizing-map.
下载PDF
Combining Block and Corner Features for Content-Based Trademark Retrieval
16
作者 HONG Zhiling JIANG Qingshan WU Meihong 《Wuhan University Journal of Natural Sciences》 CAS 2007年第5期907-911,共5页
In order to retrieve a similarly look trademark from a large trademark database, an automatic content based trademark retrieval method using block hit statistic and comer Delaunay Triangulation features was proposed. ... In order to retrieve a similarly look trademark from a large trademark database, an automatic content based trademark retrieval method using block hit statistic and comer Delaunay Triangulation features was proposed. The block features are derived from the hit statistic on a series of concentric ellipse. The comers are detected based on an enhanced SUSAN (Smallest Univalue Segment Assimilating Nucleus) algorithm and the Delaunay Triangulation of comer points are used as the comer features. Experiments have been conducted on the MPEG-7 Core Experiment CE-Shape-1 database of 1 400 images and a trademark database of 2 000 images. The retrieval results are very encouraging. 展开更多
关键词 content-based image retrieval TRADEMARK concentric ellipse enhanced SUSAN
下载PDF
Content-based retrieval based on binary vectors for 2-D medical images
17
作者 龚鹏 邹亚东 洪海 《吉林大学学报(信息科学版)》 CAS 2003年第S1期127-130,共4页
In medical research and clinical diagnosis, automated or computer-assisted classification and retrieval methods are highly desirable to offset the high cost of manual classification and manipulation by medical experts... In medical research and clinical diagnosis, automated or computer-assisted classification and retrieval methods are highly desirable to offset the high cost of manual classification and manipulation by medical experts. To facilitate the decision-making in the health-care and the related areas, in this paper, a two-step content-based medical image retrieval algorithm is proposed. Firstly, in the preprocessing step, the image segmentation is performed to distinguish image objects, and on the basis of the ... 展开更多
关键词 content-based image retrieval Medical images Feature space: Spatial relationship Visual information retrieval
下载PDF
Indexing of Content-Based Image Retrieval System with Image Understanding Approach
18
作者 李学龙 刘政凯 俞能海 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2003年第2期63-68,共6页
This paper presents a novel efficient semantic image classification algorithm for high-level feature indexing of high-dimension image database. Experiments show that the algorithm performs well. The size of the train ... This paper presents a novel efficient semantic image classification algorithm for high-level feature indexing of high-dimension image database. Experiments show that the algorithm performs well. The size of the train set and the test set is 7 537 and 5 000 respectively. Based on this theory, another ground is built with 12,000 images, which are divided into three classes: city, landscape and person, the total result of the classifications is 88.92%, meanwhile, some preliminary results are presented for image understanding based on semantic image classification and low level features. The groundtruth for the experiments is built with the images from Corel database, photos and some famous face databases. 展开更多
关键词 content-based image retrieval Image classification Image indexing.
下载PDF
Content-Based Image Retrieval:Near Tolerance Rough Set Approach
19
作者 RAMANNA Sheela PETERS James F WU Wei-zhi 《浙江海洋学院学报(自然科学版)》 CAS 2010年第5期462-471,共10页
The problem considered in this paper is how to detect the degree of similarity in the content of digital images useful in image retrieval,i.e.,to what extent is the content of a query image similar to content of other... The problem considered in this paper is how to detect the degree of similarity in the content of digital images useful in image retrieval,i.e.,to what extent is the content of a query image similar to content of other images.The solution to this problem results from the detection of subsets that are rough sets contained in covers of digital images determined by perceptual tolerance relations(PTRs).Such relations are defined within the context of perceptual representative spaces that hearken back to work by J.H.Poincare on representative spaces as models of physical continua.Classes determined by a PTR provide content useful in content-based image retrieval(CBIR).In addition,tolerance classes provide a means of determining when subsets of image covers are tolerance rough sets(TRSs).It is the nearness of TRSs present in image tolerance spaces that provide a promising approach to CBIR,especially in cases such as satellite images or aircraft identification where there are subtle differences between pairs of digital images,making it difficult to quantify the similarities between such images.The contribution of this article is the introduction of the nearness of tolerance rough sets as an effective means of measuring digital image similarities and,as a significant consequence,successfully carrying out CBIR. 展开更多
关键词 content-based Image retrieval Near sets PERCEPTION Rough sets Tolerance space
下载PDF
News Modeling and Retrieving Information: Data-Driven Approach
20
作者 Elias Hossain Abdullah Alshahrani Wahidur Rahman 《Intelligent Automation & Soft Computing》 2023年第11期109-123,共15页
This paper aims to develop Machine Learning algorithms to classify electronic articles related to this phenomenon by retrieving information and topic modelling.The Methodology of this study is categorized into three p... This paper aims to develop Machine Learning algorithms to classify electronic articles related to this phenomenon by retrieving information and topic modelling.The Methodology of this study is categorized into three phases:the Text Classification Approach(TCA),the Proposed Algorithms Interpretation(PAI),andfinally,Information Retrieval Approach(IRA).The TCA reflects the text preprocessing pipeline called a clean corpus.The Global Vec-tors for Word Representation(Glove)pre-trained model,FastText,Term Frequency-Inverse Document Fre-quency(TF-IDF),and Bag-of-Words(BOW)for extracting the features have been interpreted in this research.The PAI manifests the Bidirectional Long Short-Term Memory(Bi-LSTM)and Convolutional Neural Network(CNN)to classify the COVID-19 news.Again,the IRA explains the mathematical interpretation of Latent Dirich-let Allocation(LDA),obtained for modelling the topic of Information Retrieval(IR).In this study,99%accuracy was obtained by performing K-fold cross-validation on Bi-LSTM with Glove.A comparative analysis between Deep Learning and Machine Learning based on feature extraction and computational complexity exploration has been performed in this research.Furthermore,some text analyses and the most influential aspects of each document have been explored in this study.We have utilized Bidirectional Encoder Representations from Trans-formers(BERT)as a Deep Learning mechanism in our model training,but the result has not been uncovered satisfactory.However,the proposed system can be adjustable in the real-time news classification of COVID-19. 展开更多
关键词 COVID-19 news retrieving DATA-DRIVEN machine learning BERT topic modelling
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部