期刊文献+
共找到32篇文章
< 1 2 >
每页显示 20 50 100
Fake News Detection Based on Text-Modal Dominance and Fusing Multiple Multi-Model Clues
1
作者 Li fang Fu Huanxin Peng +1 位作者 Changjin Ma Yuhan Liu 《Computers, Materials & Continua》 SCIE EI 2024年第3期4399-4416,共18页
In recent years,how to efficiently and accurately identify multi-model fake news has become more challenging.First,multi-model data provides more evidence but not all are equally important.Secondly,social structure in... In recent years,how to efficiently and accurately identify multi-model fake news has become more challenging.First,multi-model data provides more evidence but not all are equally important.Secondly,social structure information has proven to be effective in fake news detection and how to combine it while reducing the noise information is critical.Unfortunately,existing approaches fail to handle these problems.This paper proposes a multi-model fake news detection framework based on Tex-modal Dominance and fusing Multiple Multi-model Cues(TD-MMC),which utilizes three valuable multi-model clues:text-model importance,text-image complementary,and text-image inconsistency.TD-MMC is dominated by textural content and assisted by image information while using social network information to enhance text representation.To reduce the irrelevant social structure’s information interference,we use a unidirectional cross-modal attention mechanism to selectively learn the social structure’s features.A cross-modal attention mechanism is adopted to obtain text-image cross-modal features while retaining textual features to reduce the loss of important information.In addition,TD-MMC employs a new multi-model loss to improve the model’s generalization ability.Extensive experiments have been conducted on two public real-world English and Chinese datasets,and the results show that our proposed model outperforms the state-of-the-art methods on classification evaluation metrics. 展开更多
关键词 fake news detection cross-modal attention mechanism multi-modal fusion social network transfer learning
下载PDF
Multimodal Social Media Fake News Detection Based on Similarity Inference and Adversarial Networks 被引量:1
2
作者 Fangfang Shan Huifang Sun Mengyi Wang 《Computers, Materials & Continua》 SCIE EI 2024年第4期581-605,共25页
As social networks become increasingly complex, contemporary fake news often includes textual descriptionsof events accompanied by corresponding images or videos. Fake news in multiple modalities is more likely tocrea... As social networks become increasingly complex, contemporary fake news often includes textual descriptionsof events accompanied by corresponding images or videos. Fake news in multiple modalities is more likely tocreate a misleading perception among users. While early research primarily focused on text-based features forfake news detection mechanisms, there has been relatively limited exploration of learning shared representationsin multimodal (text and visual) contexts. To address these limitations, this paper introduces a multimodal modelfor detecting fake news, which relies on similarity reasoning and adversarial networks. The model employsBidirectional Encoder Representation from Transformers (BERT) and Text Convolutional Neural Network (Text-CNN) for extracting textual features while utilizing the pre-trained Visual Geometry Group 19-layer (VGG-19) toextract visual features. Subsequently, the model establishes similarity representations between the textual featuresextracted by Text-CNN and visual features through similarity learning and reasoning. Finally, these features arefused to enhance the accuracy of fake news detection, and adversarial networks have been employed to investigatethe relationship between fake news and events. This paper validates the proposed model using publicly availablemultimodal datasets from Weibo and Twitter. Experimental results demonstrate that our proposed approachachieves superior performance on Twitter, with an accuracy of 86%, surpassing traditional unimodalmodalmodelsand existing multimodal models. In contrast, the overall better performance of our model on the Weibo datasetsurpasses the benchmark models across multiple metrics. The application of similarity reasoning and adversarialnetworks in multimodal fake news detection significantly enhances detection effectiveness in this paper. However,current research is limited to the fusion of only text and image modalities. Future research directions should aimto further integrate features fromadditionalmodalities to comprehensively represent themultifaceted informationof fake news. 展开更多
关键词 fake news detection attention mechanism image-text similarity multimodal feature fusion
下载PDF
Fake News Detection Based on Cross-Modal Message Aggregation and Gated Fusion Network
3
作者 Fangfang Shan Mengyao Liu +1 位作者 Menghan Zhang Zhenyu Wang 《Computers, Materials & Continua》 SCIE EI 2024年第7期1521-1542,共22页
Social media has become increasingly significant in modern society,but it has also turned into a breeding ground for the propagation of misleading information,potentially causing a detrimental impact on public opinion... Social media has become increasingly significant in modern society,but it has also turned into a breeding ground for the propagation of misleading information,potentially causing a detrimental impact on public opinion and daily life.Compared to pure text content,multmodal content significantly increases the visibility and share ability of posts.This has made the search for efficient modality representations and cross-modal information interaction methods a key focus in the field of multimodal fake news detection.To effectively address the critical challenge of accurately detecting fake news on social media,this paper proposes a fake news detection model based on crossmodal message aggregation and a gated fusion network(MAGF).MAGF first uses BERT to extract cumulative textual feature representations and word-level features,applies Faster Region-based ConvolutionalNeuralNetwork(Faster R-CNN)to obtain image objects,and leverages ResNet-50 and Visual Geometry Group-19(VGG-19)to obtain image region features and global features.The image region features and word-level text features are then projected into a low-dimensional space to calculate a text-image affinity matrix for cross-modal message aggregation.The gated fusion network combines text and image region features to obtain adaptively aggregated features.The interaction matrix is derived through an attention mechanism and further integrated with global image features using a co-attention mechanism to producemultimodal representations.Finally,these fused features are fed into a classifier for news categorization.Experiments were conducted on two public datasets,Twitter and Weibo.Results show that the proposed model achieves accuracy rates of 91.8%and 88.7%on the two datasets,respectively,significantly outperforming traditional unimodal and existing multimodal models. 展开更多
关键词 fake news detection cross-modalmessage aggregation gate fusion network co-attention mechanism multi-modal representation
下载PDF
A Model for Detecting Fake News by Integrating Domain-Specific Emotional and Semantic Features
4
作者 Wen Jiang Mingshu Zhang +4 位作者 Xu’an Wang Wei Bin Xiong Zhang Kelan Ren Facheng Yan 《Computers, Materials & Continua》 SCIE EI 2024年第8期2161-2179,共19页
With the rapid spread of Internet information and the spread of fake news,the detection of fake news becomes more and more important.Traditional detection methods often rely on a single emotional or semantic feature t... With the rapid spread of Internet information and the spread of fake news,the detection of fake news becomes more and more important.Traditional detection methods often rely on a single emotional or semantic feature to identify fake news,but these methods have limitations when dealing with news in specific domains.In order to solve the problem of weak feature correlation between data from different domains,a model for detecting fake news by integrating domain-specific emotional and semantic features is proposed.This method makes full use of the attention mechanism,grasps the correlation between different features,and effectively improves the effect of feature fusion.The algorithm first extracts the semantic features of news text through the Bi-LSTM(Bidirectional Long Short-Term Memory)layer to capture the contextual relevance of news text.Senta-BiLSTM is then used to extract emotional features and predict the probability of positive and negative emotions in the text.It then uses domain features as an enhancement feature and attention mechanism to fully capture more fine-grained emotional features associated with that domain.Finally,the fusion features are taken as the input of the fake news detection classifier,combined with the multi-task representation of information,and the MLP and Softmax functions are used for classification.The experimental results show that on the Chinese dataset Weibo21,the F1 value of this model is 0.958,4.9% higher than that of the sub-optimal model;on the English dataset FakeNewsNet,the F1 value of the detection result of this model is 0.845,1.8% higher than that of the sub-optimal model,which is advanced and feasible. 展开更多
关键词 fake news detection domain-related emotional features semantic features feature fusion
下载PDF
Hunter Prey Optimization with Hybrid Deep Learning for Fake News Detection on Arabic Corpus 被引量:2
5
作者 Hala J.Alshahrani Abdulkhaleq Q.A.Hassan +5 位作者 Khaled Tarmissi Amal S.Mehanna Abdelwahed Motwakel Ishfaq Yaseen Amgad Atta Abdelmageed Mohamed I.Eldesouki 《Computers, Materials & Continua》 SCIE EI 2023年第5期4255-4272,共18页
Nowadays,the usage of socialmedia platforms is rapidly increasing,and rumours or false information are also rising,especially among Arab nations.This false information is harmful to society and individuals.Blocking an... Nowadays,the usage of socialmedia platforms is rapidly increasing,and rumours or false information are also rising,especially among Arab nations.This false information is harmful to society and individuals.Blocking and detecting the spread of fake news in Arabic becomes critical.Several artificial intelligence(AI)methods,including contemporary transformer techniques,BERT,were used to detect fake news.Thus,fake news in Arabic is identified by utilizing AI approaches.This article develops a new hunterprey optimization with hybrid deep learning-based fake news detection(HPOHDL-FND)model on the Arabic corpus.The HPOHDL-FND technique undergoes extensive data pre-processing steps to transform the input data into a useful format.Besides,the HPOHDL-FND technique utilizes long-term memory with a recurrent neural network(LSTM-RNN)model for fake news detection and classification.Finally,hunter prey optimization(HPO)algorithm is exploited for optimal modification of the hyperparameters related to the LSTM-RNN model.The performance validation of the HPOHDL-FND technique is tested using two Arabic datasets.The outcomes exemplified better performance over the other existing techniques with maximum accuracy of 96.57%and 93.53%on Covid19Fakes and satirical datasets,respectively. 展开更多
关键词 Arabic corpus fake news detection deep learning hunter prey optimizer classification model
下载PDF
Fake News Detection Based on Multimodal Inputs 被引量:1
6
作者 Zhiping Liang 《Computers, Materials & Continua》 SCIE EI 2023年第5期4519-4534,共16页
In view of the various adverse effects,fake news detection has become an extremely important task.So far,many detection methods have been proposed,but these methods still have some limitations.For example,only two ind... In view of the various adverse effects,fake news detection has become an extremely important task.So far,many detection methods have been proposed,but these methods still have some limitations.For example,only two independently encoded unimodal information are concatenated together,but not integrated with multimodal information to complete the complementary information,and to obtain the correlated information in the news content.This simple fusion approach may lead to the omission of some information and bring some interference to the model.To solve the above problems,this paper proposes the FakeNewsDetectionmodel based on BLIP(FNDB).First,the XLNet and VGG-19 based feature extractors are used to extract textual and visual feature representation respectively,and BLIP based multimodal feature extractor to obtain multimodal feature representation in news content.Then,the feature fusion layer will fuse these features with the help of the cross-modal attention module to promote various modal feature representations for information complementation.The fake news detector uses these fused features to identify the input content,and finally complete fake news detection.Based on this design,FNDB can extract as much information as possible from the news content and fuse the information between multiple modalities effectively.The fake news detector in the FNDB can also learn more information to achieve better performance.The verification experiments on Weibo and Gossipcop,two widely used real-world datasets,show that FNDB is 4.4%and 0.6%higher in accuracy than the state-of-theart fake news detection methods,respectively. 展开更多
关键词 Natural language processing fake news detection machine learning text classification
下载PDF
Fake News Encoder Classifier (FNEC) for Online Published News Related to COVID-19 Vaccines 被引量:1
7
作者 Asma Qaiser Saman Hina +2 位作者 Abdul Karim Kazi Saad Ahmed Raheela Asif 《Intelligent Automation & Soft Computing》 SCIE 2023年第7期73-90,共18页
In the past few years,social media and online news platforms have played an essential role in distributing news content rapidly.Consequently.verification of the authenticity of news has become a major challenge.During... In the past few years,social media and online news platforms have played an essential role in distributing news content rapidly.Consequently.verification of the authenticity of news has become a major challenge.During the COVID-19 outbreak,misinformation and fake news were major sources of confusion and insecurity among the general public.In the first quarter of the year 2020,around 800 people died due to fake news relevant to COVID-19.The major goal of this research was to discover the best learning model for achieving high accuracy and performance.A novel case study of the Fake News Classification using ELECTRA model,which achieved 85.11%accuracy score,is thus reported in this manuscript.In addition to that,a new novel dataset called COVAX-Reality containing COVID-19 vaccine-related news has been contributed.Using the COVAX-Reality dataset,the performance of FNEC is compared to several traditional learning models i.e.,Support Vector Machine(SVM),Naive Bayes(NB),Passive Aggressive Classifier(PAC),Long Short-Term Memory(LSTM),Bi-directional LSTM(Bi-LSTM)and Bi-directional Encoder Representations from Transformers(BERT).For the evaluation of FNEC,standard metrics(Precision,Recall,Accuracy,and F1-Score)were utilized. 展开更多
关键词 Deep learning fake news detection machine learning transformer model classification
下载PDF
Fake News Detection Using Machine Learning and Deep Learning Methods
8
作者 Ammar Saeed Eesa Al Solami 《Computers, Materials & Continua》 SCIE EI 2023年第11期2079-2096,共18页
The evolution of the internet and its accessibility in the twenty-first century has resulted in a tremendous increase in the use of social media platforms.Some social media sources contribute to the propagation of fak... The evolution of the internet and its accessibility in the twenty-first century has resulted in a tremendous increase in the use of social media platforms.Some social media sources contribute to the propagation of fake news that has no real validity,but they accumulate over time and begin to appear in the feed of every consumer producing even more ambiguity.To sustain the value of social media,such stories must be distinguished from the true ones.As a result,an automated system is required to save time and money.The classification of fake news and misinformation from social media data corpora is the subject of this research.Several preprocessing and data improvement procedures are used to gather and preprocess two fake news datasets.Deep text features are extracted using word embedding models Word2vec and Global Vectors for Word representation while textual features are extracted using n-gram approaches named Term Frequency-Inverse Document Frequency and Bag of Words from both datasets individually.Bidirectional Encoder Representations from Transformers(BERT)is also employed to derive embedded representations from the input data.Finally,three Machine Learning(ML)and two Deep Learning(DL)algorithms are utilized for fake news classification.BERT also carries out the classification of embedded outcomes generated by it in parallel with the ML and DL models.In terms of overall performance,the DL-based Convolutional Neural Network stands out in the case of the first while BERT performs better in the case of the second dataset. 展开更多
关键词 Machine learning deep learning fake news feature extraction
下载PDF
Optimal Weighted Extreme Learning Machine for Cybersecurity Fake News Classification
9
作者 Ashit Kumar Dutta Basit Qureshi +3 位作者 Yasser Albagory Majed Alsanea Manal Al Faraj Abdul Rahaman Wahab Sait 《Computer Systems Science & Engineering》 SCIE EI 2023年第3期2395-2409,共15页
Fake news and its significance carried the significance of affecting diverse aspects of diverse entities,ranging from a city lifestyle to a country global relativity,various methods are available to collect and determ... Fake news and its significance carried the significance of affecting diverse aspects of diverse entities,ranging from a city lifestyle to a country global relativity,various methods are available to collect and determine fake news.The recently developed machine learning(ML)models can be employed for the detection and classification of fake news.This study designs a novel Chaotic Ant Swarm with Weighted Extreme Learning Machine(CAS-WELM)for Cybersecurity Fake News Detection and Classification.The goal of the CAS-WELM technique is to discriminate news into fake and real.The CAS-WELM technique initially pre-processes the input data and Glove technique is used for word embed-ding process.Then,N-gram based feature extraction technique is derived to gen-erate feature vectors.Lastly,WELM model is applied for the detection and classification of fake news,in which the weight value of the WELM model can be optimally adjusted by the use of CAS algorithm.The performance validation of the CAS-WELM technique is carried out using the benchmark dataset and the results are inspected under several dimensions.The experimental results reported the enhanced outcomes of the CAS-WELM technique over the recent approaches. 展开更多
关键词 CYBERSECURITY CYBERCRIME fake news data classification machine learning metaheuristics
下载PDF
Optimal Quad Channel Long Short-Term Memory Based Fake News Classification on English Corpus
10
作者 Manar Ahmed Hamza Hala J.Alshahrani +5 位作者 Khaled Tarmissi Ayman Yafoz Amal S.Mehanna Ishfaq Yaseen Amgad Atta Abdelmageed Mohamed I.Eldesouki 《Computer Systems Science & Engineering》 SCIE EI 2023年第9期3303-3319,共17页
The term‘corpus’refers to a huge volume of structured datasets containing machine-readable texts.Such texts are generated in a natural communicative setting.The explosion of social media permitted individuals to spr... The term‘corpus’refers to a huge volume of structured datasets containing machine-readable texts.Such texts are generated in a natural communicative setting.The explosion of social media permitted individuals to spread data with minimal examination and filters freely.Due to this,the old problem of fake news has resurfaced.It has become an important concern due to its negative impact on the community.To manage the spread of fake news,automatic recognition approaches have been investigated earlier using Artificial Intelligence(AI)and Machine Learning(ML)techniques.To perform the medicinal text classification tasks,the ML approaches were applied,and they performed quite effectively.Still,a huge effort is required from the human side to generate the labelled training data.The recent progress of the Deep Learning(DL)methods seems to be a promising solution to tackle difficult types of Natural Language Processing(NLP)tasks,especially fake news detection.To unlock social media data,an automatic text classifier is highly helpful in the domain of NLP.The current research article focuses on the design of the Optimal Quad ChannelHybrid Long Short-Term Memory-based Fake News Classification(QCLSTM-FNC)approach.The presented QCLSTM-FNC approach aims to identify and differentiate fake news from actual news.To attain this,the proposed QCLSTM-FNC approach follows two methods such as the pre-processing data method and the Glovebased word embedding process.Besides,the QCLSTM model is utilized for classification.To boost the classification results of the QCLSTM model,a Quasi-Oppositional Sandpiper Optimization(QOSPO)algorithm is utilized to fine-tune the hyperparameters.The proposed QCLSTM-FNC approach was experimentally validated against a benchmark dataset.The QCLSTMFNC approach successfully outperformed all other existing DL models under different measures. 展开更多
关键词 English corpus fake news detection social media natural language processing artificial intelligence deep learning
下载PDF
Fake News Classification: Past, Current, and Future
11
作者 Muhammad Usman Ghani Khan Abid Mehmood +1 位作者 Mourad Elhadef Shehzad Ashraf Chaudhry 《Computers, Materials & Continua》 SCIE EI 2023年第11期2225-2249,共25页
The proliferation of deluding data such as fake news and phony audits on news web journals,online publications,and internet business apps has been aided by the availability of the web,cell phones,and social media.Indi... The proliferation of deluding data such as fake news and phony audits on news web journals,online publications,and internet business apps has been aided by the availability of the web,cell phones,and social media.Individuals can quickly fabricate comments and news on social media.The most difficult challenge is determining which news is real or fake.Accordingly,tracking down programmed techniques to recognize fake news online is imperative.With an emphasis on false news,this study presents the evolution of artificial intelligence techniques for detecting spurious social media content.This study shows past,current,and possible methods that can be used in the future for fake news classification.Two different publicly available datasets containing political news are utilized for performing experiments.Sixteen supervised learning algorithms are used,and their results show that conventional Machine Learning(ML)algorithms that were used in the past perform better on shorter text classification.In contrast,the currently used Recurrent Neural Network(RNN)and transformer-based algorithms perform better on longer text.Additionally,a brief comparison of all these techniques is provided,and it concluded that transformers have the potential to revolutionize Natural Language Processing(NLP)methods in the near future. 展开更多
关键词 Supervised learning algorithms fake news classification online disinformation TRANSFORMERS recurrent neural network(RNN)disinformation TRANSFORMERS recurrent neural network(RNN)
下载PDF
Fake News Classification Using a Fuzzy Convolutional Recurrent Neural Network 被引量:2
12
作者 Dheeraj Kumar Dixit Amit Bhagat Dharmendra Dangi 《Computers, Materials & Continua》 SCIE EI 2022年第6期5733-5750,共18页
In recent years,social media platforms have gained immense popularity.As a result,there has been a tremendous increase in content on social media platforms.This content can be related to an individual’s sentiments,th... In recent years,social media platforms have gained immense popularity.As a result,there has been a tremendous increase in content on social media platforms.This content can be related to an individual’s sentiments,thoughts,stories,advertisements,and news,among many other content types.With the recent increase in online content,the importance of identifying fake and real news has increased.Although,there is a lot of work present to detect fake news,a study on Fuzzy CRNN was not explored into this direction.In this work,a system is designed to classify fake and real news using fuzzy logic.The initial feature extraction process is done using a convolutional recurrent neural network(CRNN).After the extraction of features,word indexing is done with high dimensionality.Then,based on the indexing measures,the ranking process identifies whether news is fake or real.The fuzzy CRNN model is trained to yield outstanding resultswith 99.99±0.01%accuracy.This work utilizes three different datasets(LIAR,LIAR-PLUS,and ISOT)to find the most accurate model. 展开更多
关键词 fake news detection text classification convolution recurrent neural network fuzzy convolutional recurrent neural networks
下载PDF
Analysing the behavioural finance impact of ‘fake news’phenomena on financial markets:a representative agent model and empirical validation 被引量:1
13
作者 Bryan Fong 《Financial Innovation》 2021年第1期1169-1198,共30页
This paper proposes an original behavioural finance representative agent model,to explain how fake news’empirical price impacts can persist in finance despite contradicting the efficient-market hypothesis.The model r... This paper proposes an original behavioural finance representative agent model,to explain how fake news’empirical price impacts can persist in finance despite contradicting the efficient-market hypothesis.The model reconciles empirically-observed price overreactions to fake news with empirically-observed price underreactions to real news,and predicts a novel secondary impact of fake news:that fake news in a security amplifies underreactions to subsequent real news for the security.Evaluating the model against a large-sample event study of the 2019 Chinese ADR Delisting Threat fake news and debunking event,this paper finds strong qualitative validation for its model’s dynamics and predictions. 展开更多
关键词 Behavioural finance fake news Representative agent model Event study BOOTSTRAPPING
下载PDF
Fake News Detection on Social Media: A Temporal-Based Approach
14
作者 Yonghun Jang Chang-Hyeon Park +1 位作者 Dong-Gun Lee Yeong-Seok Seo 《Computers, Materials & Continua》 SCIE EI 2021年第12期3563-3579,共17页
Following the development of communication techniques and smart devices,the era of Artificial Intelligence(AI)and big data has arrived.The increased connectivity,referred to as hyper-connectivity,has led to the develo... Following the development of communication techniques and smart devices,the era of Artificial Intelligence(AI)and big data has arrived.The increased connectivity,referred to as hyper-connectivity,has led to the development of smart cities.People in these smart cities can access numerous online contents and are always connected.These developments,however,also lead to a lack of standardization and consistency in the propagation of information throughout communities due to the consumption of information through social media channels.Information cannot often be verified,which can confuse the users.The increasing influence of social media has thus led to the emergence and increasing prevalence of fake news.In this study,we propose a methodology to classify and identify fake news emanating from social channels.We collected content from Twitter to detect fake news and statistically verified that the temporal propagation pattern of quote retweets is effective for the classification of fake news.To verify this,we trained the temporal propagation pattern to a two-phases deep learning model based on convolutional neural networks and long short-term memory.The fake news classifier demonstrates the ability for its early detection.Moreover,it was verified that the temporal propagation pattern was the most influential feature compared to other feature groups discussed in this paper. 展开更多
关键词 Artificial intelligence deep learning fake news RUMOR smart city data analysis
下载PDF
Arabic Fake News Detection Using Deep Learning
15
作者 Khaled M.Fouad Sahar F.Sabbeh Walaa Medhat 《Computers, Materials & Continua》 SCIE EI 2022年第5期3647-3665,共19页
Nowadays,an unprecedented number of users interact through social media platforms and generate a massive amount of content due to the explosion of online communication.However,because user-generated content is unregul... Nowadays,an unprecedented number of users interact through social media platforms and generate a massive amount of content due to the explosion of online communication.However,because user-generated content is unregulated,it may contain offensive content such as fake news,insults,and harassment phrases.The identification of fake news and rumors and their dissemination on social media has become a critical requirement.They have adverse effects on users,businesses,enterprises,and even political regimes and governments.State of the art has tackled the English language for news and used feature-based algorithms.This paper proposes a model architecture to detect fake news in the Arabic language by using only textual features.Machine learning and deep learning algorithms were used.The deep learning models are used depending on conventional neural nets(CNN),long short-term memory(LSTM),bidirectional LSTM(BiLSTM),CNN+LSTM,and CNN+BiLSTM.Three datasets were used in the experiments,each containing the textual content of Arabic news articles;one of them is reallife data.The results indicate that the BiLSTM model outperforms the other models regarding accuracy rate when both simple data split and recursive training modes are used in the training process. 展开更多
关键词 fake news detection deep learning machine learning natural language processing
下载PDF
Natural Language Processing with Optimal Deep Learning Based Fake News Classification
16
作者 Sara AAlthubiti Fayadh Alenezi Romany F.Mansour 《Computers, Materials & Continua》 SCIE EI 2022年第11期3529-3544,共16页
The recent advancements made in World Wide Web and social networking have eased the spread of fake news among people at a faster rate.At most of the times,the intention of fake news is to misinform the people and make... The recent advancements made in World Wide Web and social networking have eased the spread of fake news among people at a faster rate.At most of the times,the intention of fake news is to misinform the people and make manipulated societal insights.The spread of low-quality news in social networking sites has a negative influence upon people as well as the society.In order to overcome the ever-increasing dissemination of fake news,automated detection models are developed using Artificial Intelligence(AI)and Machine Learning(ML)methods.The latest advancements in Deep Learning(DL)models and complex Natural Language Processing(NLP)tasks make the former,a significant solution to achieve Fake News Detection(FND).In this background,the current study focuses on design and development of Natural Language Processing with Sea Turtle Foraging Optimizationbased Deep Learning Technique for Fake News Detection and Classification(STODL-FNDC)model.The aim of the proposed STODL-FNDC model is to discriminate fake news from legitimate news in an effectual manner.In the proposed STODL-FNDC model,the input data primarily undergoes pre-processing and Glove-based word embedding.Besides,STODL-FNDC model employs Deep Belief Network(DBN)approach for detection as well as classification of fake news.Finally,STO algorithm is utilized after adjusting the hyperparameters involved in DBN model,in an optimal manner.The novelty of the study lies in the design of STO algorithm with DBN model for FND.In order to improve the detection performance of STODL-FNDC technique,a series of simulations was carried out on benchmark datasets.The experimental outcomes established the better performance of STODL-FNDC approach over other methods with a maximum accuracy of 95.50%. 展开更多
关键词 Natural language processing text mining fake news detection deep belief network machine learning evolutionary algorithm
下载PDF
Perception of Fake News: A Survey of Post-Millennials
17
作者 Niaz Ahmed 《Journalism and Mass Communication》 2020年第1期1-14,共14页
This study examined post-millennials’news consumption habits and perception of fake news in social media.A survey was completed by a non-random sample of 415 students at State University of New York in Oneonta during... This study examined post-millennials’news consumption habits and perception of fake news in social media.A survey was completed by a non-random sample of 415 students at State University of New York in Oneonta during the academic year 2017-2018.The results revealed that more than half of post-millennials accessed various social media several times a day,while nearly one in five admitted accessing social media every hour of the day.As for the amount of time devoted to social media,nearly one-third of the students admitted using social media for 7-10 hours per day,and slightly less than one-third of the students spent 5-6 hours per day on social media.With regard to news consumption habits of post-millennials,data analysis revealed that nine in 10 students used their smartphones to check the news online,and most students used multiple sources of news.About four-fifths of the students obtained their news from online newspapers and magazines,while three-fifths of them also used social media for obtaining news.As for the amount of time devoted to consuming news,four-fifths of the students indicated that they spent 1-2 hours in a typical day for news consumption.In terms of exposure to fake news,nine in 10 students indicated that they had seen some news on social media that turned out to be fake news.These findings may have significant implications for social media as they plan to counter the proliferation of fake news on their platforms. 展开更多
关键词 news consumption HABITS PERCEPTION of fake news post-millennials
下载PDF
Cross-Modal Relation-Aware Networks for Fake News Detection
18
作者 Hui Yu Jinguang Wang 《Journal of New Media》 2022年第1期13-26,共14页
With the speedy development of communication Internet and the widespread use of social multimedia,so many creators have published posts on social multimedia platforms that fake news detection has already been a challe... With the speedy development of communication Internet and the widespread use of social multimedia,so many creators have published posts on social multimedia platforms that fake news detection has already been a challenging task.Although some works use deep learning methods to capture visual and textual information of posts,most existingmethods cannot explicitly model the binary relations among image regions or text tokens to mine the global relation information in a modality deeply such as image or text.Moreover,they cannot fully exploit the supplementary cross-modal information,including image and text relations,to supplement and enrich each modality.In order to address these problems,in this paper,we propose an innovative end-to-end Cross-modal Relation-aware Networks(CRAN),which exploits jointly models the visual and textual information with their corresponding relations in a unified framework.(1)To capture the global structural relations in a modality,we design a global relation-aware network to explicitly model the relation-aware semantics of the fragment features in the target modality from a global scope perspective.(2)To effectively fuse cross-modal information,we propose a cross-modal co-attention network module for multi-modal information fusion,which utilizes the intra-modality relationships and inter-modality relationship jointly among image regions and textual words to replenish and heighten each other.Extensive experiments on two public real-world datasets demonstrate the superior performance of CRAN compared with other state-of-the-art baseline algorithms. 展开更多
关键词 fake news detection relation-aware networks multi-modal fusion
下载PDF
Performance Evaluation of Multiple Classifiers for Predicting Fake News
19
作者 Arzina Tasnim Md. Saiduzzaman +2 位作者 Mohammad Arafat Rahman Jesmin Akhter Abu Sayed Md. Mostafizur Rahaman 《Journal of Computer and Communications》 2022年第9期1-21,共21页
The rise of fake news on social media has had a detrimental effect on society. Numerous performance evaluations on classifiers that can detect fake news have previously been undertaken by researchers in this area. To ... The rise of fake news on social media has had a detrimental effect on society. Numerous performance evaluations on classifiers that can detect fake news have previously been undertaken by researchers in this area. To assess their performance, we used 14 different classifiers in this study. Secondly, we looked at how soft voting and hard voting classifiers performed in a mixture of distinct individual classifiers. Finally, heuristics are used to create 9 models of stacking classifiers. The F1 score, prediction, recall, and accuracy have all been used to assess performance. Models 6 and 7 achieved the best accuracy of 96.13 while having a larger computational complexity. For benchmarking purposes, other individual classifiers are also tested. 展开更多
关键词 fake news Machine Learning TF-IDF CLASSIFIER Estimator F1 Score RECALL Precision Voting Classifiers Stacking Classifier Soft Voting Hard Voting
下载PDF
Classification and Detection of Amharic Language Fake News on Social Media Using Machine Learning Approach
20
作者 Kedir Lemma Arega 《Electrical Science & Engineering》 2022年第1期1-6,共6页
The pervasive idea of web-based media stages brought about a lot of sight and sound information in interpersonal organizations.The transparency and unlimited way of sharing the data via online media stage encourages d... The pervasive idea of web-based media stages brought about a lot of sight and sound information in interpersonal organizations.The transparency and unlimited way of sharing the data via online media stage encourages data spread across the organization paying little mind to its noteworthiness.The multiplication of misdirecting data in regular access news sources,for example,web-based media channels,news websites,and online papers has made it trying to recognize dependable news sources,in this way expanding the requirement for computational devices to give bits of knowledge into the unwavering quality of online substance.The broad spread of phony news contrarily affects people and society.Along these lines,counterfeit news identification via web-based media has as of late become arising research drawing in enormous consideration.Observing the possible damage caused by the rapid spread of fake news in various fields such as politics and finance,the use of language analysis to automatically identify fake news has attracted the attention of the research community.A social networking service is a platform for people with similar interests,activities,or backgrounds to form social networks or social relations.Participants who register on this site with its own expression(often a profile)and social links are generally offered a social network service. 展开更多
关键词 Amharic fake news detection Amharic posts and comments datasets CLASSIFICATION Machine learning Social media
下载PDF
上一页 1 2 下一页 到第
使用帮助 返回顶部