Academic literature on the topic 'HYBRID CNN-RNN MODEL'

Create a spot-on reference in APA, MLA, Chicago, Harvard, and other styles

Select a source type:

Consult the lists of relevant articles, books, theses, conference reports, and other scholarly sources on the topic 'HYBRID CNN-RNN MODEL.'

Next to every source in the list of references, there is an 'Add to bibliography' button. Press on it, and we will generate automatically the bibliographic reference to the chosen work in the citation style you need: APA, MLA, Harvard, Chicago, Vancouver, etc.

You can also download the full text of the academic publication as pdf and read online its abstract whenever available in the metadata.

Journal articles on the topic "HYBRID CNN-RNN MODEL"

1

Zaheer, Shahzad, Nadeem Anjum, Saddam Hussain, Abeer D. Algarni, Jawaid Iqbal, Sami Bourouis, and Syed Sajid Ullah. "A Multi Parameter Forecasting for Stock Time Series Data Using LSTM and Deep Learning Model." Mathematics 11, no. 3 (January 22, 2023): 590. http://dx.doi.org/10.3390/math11030590.

Full text
Abstract:
Financial data are a type of historical time series data that provide a large amount of information that is frequently employed in data analysis tasks. The question of how to forecast stock prices continues to be a topic of interest for both investors and financial professionals. Stock price forecasting is quite challenging because of the significant noise, non-linearity, and volatility of time series data on stock prices. The previous studies focus on a single stock parameter such as close price. A hybrid deep-learning, forecasting model is proposed. The model takes the input stock data and forecasts two stock parameters close price and high price for the next day. The experiments are conducted on the Shanghai Composite Index (000001), and the comparisons have been performed by existing methods. These existing methods are CNN, RNN, LSTM, CNN-RNN, and CNN-LSTM. The generated result shows that CNN performs worst, LSTM outperforms CNN-LSTM, CNN-RNN outperforms CNN-LSTM, CNN-RNN outperforms LSTM, and the suggested single Layer RNN model beats all other models. The proposed single Layer RNN model improves by 2.2%, 0.4%, 0.3%, 0.2%, and 0.1%. The experimental results validate the effectiveness of the proposed model, which will assist investors in increasing their profits by making good decisions.
APA, Harvard, Vancouver, ISO, and other styles
2

Ashraf, Mohsin, Fazeel Abid, Ikram Ud Din, Jawad Rasheed, Mirsat Yesiltepe, Sook Fern Yeo, and Merve T. Ersoy. "A Hybrid CNN and RNN Variant Model for Music Classification." Applied Sciences 13, no. 3 (January 22, 2023): 1476. http://dx.doi.org/10.3390/app13031476.

Full text
Abstract:
Music genre classification has a significant role in information retrieval for the organization of growing collections of music. It is challenging to classify music with reliable accuracy. Many methods have utilized handcrafted features to identify unique patterns but are still unable to determine the original music characteristics. Comparatively, music classification using deep learning models has been shown to be dynamic and effective. Among the many neural networks, the combination of a convolutional neural network (CNN) and variants of a recurrent neural network (RNN) has not been significantly considered. Additionally, addressing the flaws in the particular neural network classification model, this paper proposes a hybrid architecture of CNN and variants of RNN such as long short-term memory (LSTM), Bi-LSTM, gated recurrent unit (GRU), and Bi-GRU. We also compared the performance based on Mel-spectrogram and Mel-frequency cepstral coefficient (MFCC) features. Empirically, the proposed hybrid architecture of CNN and Bi-GRU using Mel-spectrogram achieved the best accuracy at 89.30%, whereas the hybridization of CNN and LSTM using MFCC achieved the best accuracy at 76.40%.
APA, Harvard, Vancouver, ISO, and other styles
3

Krishnan, V. Gokula, M. V. Vijaya Saradhi, T. A. Mohana Prakash, K. Gokul Kannan, and AG Noorul Julaiha. "Development of Deep Learning based Intelligent Approach for Credit Card Fraud Detection." International Journal on Recent and Innovation Trends in Computing and Communication 10, no. 12 (December 31, 2022): 133–39. http://dx.doi.org/10.17762/ijritcc.v10i12.5894.

Full text
Abstract:
Credit card fraud (CCF) has long been a major concern of institutions of financial groups and business partners, and it is also a global interest to researchers due to its growing popularity. In order to predict and detect the CCF, machine learning (ML) has proven to be one of the most promising techniques. But, class inequality is one of the main and recurring challenges when dealing with CCF tasks that hinder model performance. To overcome this challenges, a Deep Learning (DL) techniques are used by the researchers. In this research work, an efficient CCF detection (CCFD) system is developed by proposing a hybrid model called Convolutional Neural Network with Recurrent Neural Network (CNN-RNN). In this model, CNN acts as feature extraction for extracting the valuable information of CCF data and long-term dependency features are studied by RNN model. An imbalance problem is solved by Synthetic Minority Over Sampling Technique (SMOTE) technique. An experiment is conducted on European Dataset to validate the performance of CNN-RNN model with existing CNN and RNN model in terms of major parameters. The results proved that CNN-RNN model achieved 95.83% of precision, where CNN achieved 93.63% of precision and RNN achieved 88.50% of precision.
APA, Harvard, Vancouver, ISO, and other styles
4

Yu, Dian, and Shouqian Sun. "A Systematic Exploration of Deep Neural Networks for EDA-Based Emotion Recognition." Information 11, no. 4 (April 15, 2020): 212. http://dx.doi.org/10.3390/info11040212.

Full text
Abstract:
Subject-independent emotion recognition based on physiological signals has become a research hotspot. Previous research has proved that electrodermal activity (EDA) signals are an effective data resource for emotion recognition. Benefiting from their great representation ability, an increasing number of deep neural networks have been applied for emotion recognition, and they can be classified as a Convolutional Neural Network (CNN), a Recurrent Neural Network (RNN), or a combination of these (CNN+RNN). However, there has been no systematic research on the predictive power and configurations of different deep neural networks in this task. In this work, we systematically explore the configurations and performances of three adapted deep neural networks: ResNet, LSTM, and hybrid ResNet-LSTM. Our experiments use the subject-independent method to evaluate the three-class classification on the MAHNOB dataset. The results prove that the CNN model (ResNet) reaches a better accuracy and F1 score than the RNN model (LSTM) and the CNN+RNN model (hybrid ResNet-LSTM). Extensive comparisons also reveal that our three deep neural networks with EDA data outperform previous models with handcraft features on emotion recognition, which proves the great potential of the end-to-end DNN method.
APA, Harvard, Vancouver, ISO, and other styles
5

Behera, Bibhuti Bhusana, Binod Kumar Pattanayak, and Rajani Kanta Mohanty. "Deep Ensemble Model for Detecting Attacks in Industrial IoT." International Journal of Information Security and Privacy 16, no. 1 (January 1, 2022): 1–29. http://dx.doi.org/10.4018/ijisp.311467.

Full text
Abstract:
In this research work, a novel IIoT attack detection framework is designed by following four major phases: pre-processing, imbalance processing, feature extraction, and attack detection. The attack detection is carried out using the projected ensemble classification framework. The projected ensemble classification framework encapsulates the recurrent neural network, CNN, and optimized bi-directional long short-term memory (BI-LSTM). The RNN and CNN in the ensemble classification framework is trained with the extracted features. The outcome acquired from RNN and CNN is utilized for training the optimized BI-LSTM model. The final outcome regarding the presence/absence of attacks in the industrial IoT is portrayed by the optimized BI-LSTM model. Therefore, the weight of BI-LSTM model is fine-tuned using the newly projected hybrid optimization model referred as cat mouse updated slime mould algorithm (CMUSMA). The projected hybrids the concepts of both the standard slime mould algorithm (SMA) and cat and mouse-based optimizer(CMBO), respectively.
APA, Harvard, Vancouver, ISO, and other styles
6

Cheng, Yepeng, Zuren Liu, and Yasuhiko Morimoto. "Attention-Based SeriesNet: An Attention-Based Hybrid Neural Network Model for Conditional Time Series Forecasting." Information 11, no. 6 (June 5, 2020): 305. http://dx.doi.org/10.3390/info11060305.

Full text
Abstract:
Traditional time series forecasting techniques can not extract good enough sequence data features, and their accuracies are limited. The deep learning structure SeriesNet is an advanced method, which adopts hybrid neural networks, including dilated causal convolutional neural network (DC-CNN) and Long-short term memory recurrent neural network (LSTM-RNN), to learn multi-range and multi-level features from multi-conditional time series with higher accuracy. However, they didn’t consider the attention mechanisms to learn temporal features. Besides, the conditioning method for CNN and RNN is not specific, and the number of parameters in each layer is tremendous. This paper proposes the conditioning method for two types of neural networks, and respectively uses the gated recurrent unit network (GRU) and the dilated depthwise separable temporal convolutional networks (DDSTCNs) instead of LSTM and DC-CNN for reducing the parameters. Furthermore, this paper presents the lightweight RNN-based hidden state attention module (HSAM) combined with the proposed CNN-based convolutional block attention module (CBAM) for time series forecasting. Experimental results show our model is superior to other models from the viewpoint of forecasting accuracy and computation efficiency.
APA, Harvard, Vancouver, ISO, and other styles
7

Pawar, Mahendra Eknath, Rais Allauddin Mulla, Sanjivani H. Kulkarni, Sajeeda Shikalgar, Harikrishna B. Jethva, and Gunvant A. Patel. "A Novel Hybrid AI Federated ML/DL Models for Classification of Soil Components." International Journal on Recent and Innovation Trends in Computing and Communication 10, no. 1s (December 10, 2022): 190–99. http://dx.doi.org/10.17762/ijritcc.v10i1s.5823.

Full text
Abstract:
The soil is the most fundamental component for the survival of any living thing that can be found on this planet. A little less than 41 percent of Indians are employed in agriculture, which accounts for approximately 19 percent of the country's gross domestic product. As is the case in every other industry, researchers and scientists in this one are exerting a lot of effort to enhance agricultural practices by utilising cutting-edge methods such as machine learning, artificial intelligence, big data, and so on. The findings of the study described in this paper are predicated on the assumption that the method of machine learning results in an improvement in the accuracy of the prediction of soil chemical characteristics. The correlations that were discovered as a result of this research are essential for comprehending the comprehensive approach to predicting the soil attributes using ML/DL models. A number of findings from previous study have been reported and analysed. A state of the art machine learning algorithm, including Logistic Regression, KNN, Support Vector Machine and Random Forest are implemented and compared. Additionally, the innovative Deep Learning Hybrid CNN-RF and VGG-RNN Model for Categorization of Soil Properties is also implemented along with CNN. An investigation into the significance of the selected category for nutritional categorization revealed that a multi-component technique provided the most accurate predictions. Both the CNN-RF and VGG-RNN models that were proposed were successful in classifying the soil with average accuracies of 95.8% and 97.9%, respectively, in the test procedures. A study was carried out in which the CNN-RF model, the VGG-RNN model, and five other machine learning and deep learning models were compared. The suggested VGG-RNN model achieved superior accuracy of classification and real-time durability, respectively.
APA, Harvard, Vancouver, ISO, and other styles
8

UTKU, Anıl. "Kentsel Trafik Tahminine Yönelik Derin Öğrenme Tabanlı Verimli Bir Hibrit Model." Bilişim Teknolojileri Dergisi 16, no. 2 (April 30, 2023): 107–17. http://dx.doi.org/10.17671/gazibtd.1167140.

Full text
Abstract:
The traffic density problem has become one of the most important problems of urban life. The time and fuel spent due to traffic density is a significant loss for vehicle users and countries. Applications developed to reduce the time spent in traffic cannot make successful predictions about long-term traffic density. Traffic data obtained from cameras, sensors and mobile devices highlights the use of artificial intelligence technologies in order to solve the traffic management problem. In this study, a hybrid prediction model has been proposed by using CNN and RNN models for traffic density prediction. The proposed hybrid model has been tested using LR, RF, SVM, MLP, CNN, RNN and LSTM and Istanbul's traffic data for 2020. Experimental results showed that the proposed hybrid model has more successful results than the compared models. The proposed model has 0.929 R2 in the prediction of the number of vehicles passing through the junction, and 0.934 R2 in the prediction of the average speed of the vehicles passing through the junction.
APA, Harvard, Vancouver, ISO, and other styles
9

Liang, Youzhi, Wen Liang, and Jianguo Jia. "Structural Vibration Signal Denoising Using Stacking Ensemble of Hybrid CNN-RNN." Advances in Artificial Intelligence and Machine Learning 03, no. 02 (2023): 1110–22. http://dx.doi.org/10.54364/aaiml.2023.1165.

Full text
Abstract:
Vibration signals have been increasingly utilized in various engineering fields for analysis and monitoring purposes, including structural health monitoring, fault diagnosis and damage detection, where vibration signals can provide valuable information about the condition and integrity of structures. In recent years, there has been a growing trend towards the use of vibration signals in the field of bioengineering. Activity-induced structural vibrations, particularly footstep-induced signals, are useful for analyzing the movement of biological systems such as the human body and animals, providing valuable information regarding an individual’s gait, body mass, and posture, making them an attractive tool for health monitoring, security, and human-computer interaction. However, the presence of various types of noise can compromise the accuracy of footstep-induced signal analysis. In this paper, we propose a novel ensemble model that leverages both the ensemble of multiple signals and of recurrent and convolutional neural network predictions. The proposed model consists of three stages: preprocessing, hybrid modeling, and ensemble. In the preprocessing stage, features are extracted using the Fast Fourier Transform and wavelet transform to capture the underlying physics-governed dynamics of the system and extract spatial and temporal features. In the hybrid modeling stage, a bi-directional LSTM is used to denoise the noisy signal concatenated with FFT results, and a CNN is used to obtain a condensed feature representation of the signal. In the ensemble stage, three layers of a fully-connected neural network are used to produce the final denoised signal. The proposed model addresses the challenges associated with structural vibration signals, which outperforms the prevailing algorithms for a wide range of noise levels, evaluated using PSNR, SNR, and WMAPE.
APA, Harvard, Vancouver, ISO, and other styles
10

Zhang, Langlang, Jun Xie, Xinxiu Liu, Wenbo Zhang, and Pan Geng. "Research on water quality prediction based on PE-CNN-GRU hybrid model." E3S Web of Conferences 393 (2023): 02014. http://dx.doi.org/10.1051/e3sconf/202339302014.

Full text
Abstract:
Sewage treatment is a complex and nonlinear process. In this paper, a prediction method based on convolutional neural network (CNN) and gated recurrent unit (GRU) hybrid neural network is proposed for the prediction of dissolved oxygen concentration in sewage treatment. Firstly, akima 's method is used to complete the filling preprocessing of missing data, and then the integrated empirical mode decomposition (EEMD) algorithm is used to denoise the key factors of water quality data. Pearson correlation analysis is used to select better water quality parameters as the input of the model. Then, CNN is used to convolve the data sequence to extract the feature components of sewage data. Then, the CNN-GRU hybrid network is used to extract the feature components for sequence prediction, and then the predicted output value is obtained. The mean absolute error (MAE), root mean square error (RMSE) and mean square error (MSE) were used as evaluation criteria to analyze the prediction results of the model. By comparing with RNN model, LSTM model, GRU model and CNN-LSTM model, the results show that the PCA-EEMD-CNN-GRU (PE-CNN-GRU) hybrid model proposed in this paper has significantly improved the prediction accuracy of dissolved oxygen concentration.
APA, Harvard, Vancouver, ISO, and other styles

Dissertations / Theses on the topic "HYBRID CNN-RNN MODEL"

1

SONI, ANKIT. "DETECTING DEEPFAKES USING HYBRID CNN-RNN MODEL." Thesis, 2022. http://dspace.dtu.ac.in:8080/jspui/handle/repository/19168.

Full text
Abstract:
We are living in the world of digital media and are connected to various types of digital media contents present in form of images and videos. Our lives are surrounded by digital contents and thus originality of content is very important. In the recent times, there is a huge emergence of deep learning-based tools that are used to create believable manipulated media known as Deepfakes. These are realistic fake media, that can cause threat to reputation, privacy and can even prove to be a serious threat to public security. These can even be used to create political distress, spread fake terrorism or for blackmailing anyone. As with growing technology, the tampered media getting generated are way more realistic that it can even bluff the human eyes. Hence, we need better deepfake detection algorithms for efficiently detect deepfakes. The proposed system that has been presented is based on a combination of CNN followed by RNN. The CNN model deployed here is SE-ResNeXt-101. The system proposed uses the CNN model SE-ResNeXt-101 model for extraction of feature vectors from the videos and further these feature vectors are utilized to train the RNN model which is LSTM model for classification of videos as Real or Deepfake. We evaluate our method on the dataset made by collecting huge number of videos from various distributed sources. We demonstrate how a simple architecture can be used to attain competitive results.
APA, Harvard, Vancouver, ISO, and other styles

Book chapters on the topic "HYBRID CNN-RNN MODEL"

1

Ma, Zhiyuan, Wenge Rong, Yanmeng Wang, Libin Shi, and Zhang Xiong. "A Hybrid RNN-CNN Encoder for Neural Conversation Model." In Knowledge Science, Engineering and Management, 159–70. Cham: Springer International Publishing, 2018. http://dx.doi.org/10.1007/978-3-319-99247-1_14.

Full text
APA, Harvard, Vancouver, ISO, and other styles
2

Guo, Long, Dongxiang Zhang, Lei Wang, Han Wang, and Bin Cui. "CRAN: A Hybrid CNN-RNN Attention-Based Model for Text Classification." In Conceptual Modeling, 571–85. Cham: Springer International Publishing, 2018. http://dx.doi.org/10.1007/978-3-030-00847-5_42.

Full text
APA, Harvard, Vancouver, ISO, and other styles
3

Bensalah, Nouhaila, Habib Ayad, Abdellah Adib, and Abdelhamid Ibn El Farouk. "CRAN: An Hybrid CNN-RNN Attention-Based Model for Arabic Machine Translation." In Networking, Intelligent Systems and Security, 87–102. Singapore: Springer Singapore, 2021. http://dx.doi.org/10.1007/978-981-16-3637-0_7.

Full text
APA, Harvard, Vancouver, ISO, and other styles
4

David, Hepzibah Elizabeth, K. Ramalakshmi, R. Venkatesan, and G. Hemalatha. "Tomato Leaf Disease Detection Using Hybrid CNN-RNN Model." In Advances in Parallel Computing. IOS Press, 2021. http://dx.doi.org/10.3233/apc210108.

Full text
Abstract:
Tomato crops are infected with various diseases that impair tomato production. The recognition of the tomato leaf disease at an early stage protects the tomato crops from getting affected. In the present generation, the emerging deep learning techniques Convolutional Neural Network (CNNs), Recurrent Neural Network (RNNs), Long-Short Term Memory (LSTMs) has manifested significant progress in image classification, image identification, and Sequence Predictions. Thus by using these computer vision-based deep learning techniques, we developed a new method for automatic leaf disease detection. This proposed model is a robust technique for tomato leaf disease identification that gives accurate and better results than other traditional methods. Early tomato leaf disease detection is made possible by using the hybrid CNN-RNN architecture which utilizes less computational effort. In this paper, the required methods for implementing the disease recognition model with results are briefly explained. This paper also mentions the scope of developing more reliable and effective means of classifying and detecting all plant species.
APA, Harvard, Vancouver, ISO, and other styles

Conference papers on the topic "HYBRID CNN-RNN MODEL"

1

Thomas, Merin, and Bhavana Gowda D M. "CNN-RNN Hybrid model based Hindi Character Recognition." In 2022 International Interdisciplinary Humanitarian Conference for Sustainability (IIHC). IEEE, 2022. http://dx.doi.org/10.1109/iihc55949.2022.10060061.

Full text
APA, Harvard, Vancouver, ISO, and other styles
2

Hsu, Shiou Tian, Changsung Moon, Paul Jones, and Nagiza Samatova. "A Hybrid CNN-RNN Alignment Model for Phrase-Aware Sentence Classification." In Proceedings of the 15th Conference of the European Chapter of the Association for Computational Linguistics: Volume 2, Short Papers. Stroudsburg, PA, USA: Association for Computational Linguistics, 2017. http://dx.doi.org/10.18653/v1/e17-2071.

Full text
APA, Harvard, Vancouver, ISO, and other styles
3

Tu, Zihan, and Zhe Wu. "Predicting Beijing Air Quality Using Bayesian Optimized CNN-RNN Hybrid Model." In 2022 Asia Conference on Algorithms, Computing and Machine Learning (CACML). IEEE, 2022. http://dx.doi.org/10.1109/cacml55074.2022.00104.

Full text
APA, Harvard, Vancouver, ISO, and other styles
4

Dong, Zihao, Ruixun Zhang, and Xiuli Shao. "A CNN-RNN Hybrid Model with 2D Wavelet Transform Layer for Image Classification." In 2019 IEEE 31st International Conference on Tools with Artificial Intelligence (ICTAI). IEEE, 2019. http://dx.doi.org/10.1109/ictai.2019.00147.

Full text
APA, Harvard, Vancouver, ISO, and other styles
5

Singh, Gurpreet, Pradeepta Kumar Sarangi, Lekha Rani, Kapil Sharma, Sachin Sinha, Ashok Kumar Sahoo, and Bishnu Prasad Rath. "CNN-RNN based Hybrid Machine Learning Model to Predict the Currency Exchange Rate: USD to INR." In 2022 2nd International Conference on Advance Computing and Innovative Technologies in Engineering (ICACITE). IEEE, 2022. http://dx.doi.org/10.1109/icacite53722.2022.9823844.

Full text
APA, Harvard, Vancouver, ISO, and other styles
6

Zamani, Farhad, and Retno Wulansari. "Emotion Classification using 1D-CNN and RNN based On DEAP Dataset." In 10th International Conference on Natural Language Processing (NLP 2021). Academy and Industry Research Collaboration Center (AIRCC), 2021. http://dx.doi.org/10.5121/csit.2021.112328.

Full text
Abstract:
Recently, emotion recognition began to be implemented in the industry and human resource field. In the time we can perceive the emotional state of the employee, the employer could gain benefits from it as they could improve the quality of decision makings regarding their employee. Hence, this subject would become an embryo for emotion recognition tasks in the human resource field. In a fact, emotion recognition has become an important topic of research, especially one based on physiological signals, such as EEG. One of the reasons is due to the availability of EEG datasets that can be widely used by researchers. Moreover, the development of many machine learning methods has been significantly contributed to this research topic over time. Here, we investigated the classification method for emotion and propose two models to address this task, which are a hybrid of two deep learning architectures: One-Dimensional Convolutional Neural Network (CNN-1D) and Recurrent Neural Network (RNN). We implement Gated Recurrent Unit (GRU) and Long Short-Term Memory (LSTM) in the RNN architecture, that specifically designed to address the vanishing gradient problem which usually becomes an issue in the time-series dataset. We use this model to classify four emotional regions from the valence-arousal plane: High Valence High Arousal (HVHA), High Valence Low Arousal (HVLA), Low Valence High Arousal (LVHA), and Low Valence Low Arousal (LVLA). This experiment was implemented on the well-known DEAP dataset. Experimental results show that proposed methods achieve a training accuracy of 96.3% and 97.8% in the 1DCNN-GRU model and 1DCNN-LSTM model, respectively. Therefore, both models are quite robust to perform this emotion classification task.
APA, Harvard, Vancouver, ISO, and other styles
7

Shen, Tao, Tianyi Zhou, Guodong Long, Jing Jiang, Sen Wang, and Chengqi Zhang. "Reinforced Self-Attention Network: a Hybrid of Hard and Soft Attention for Sequence Modeling." In Twenty-Seventh International Joint Conference on Artificial Intelligence {IJCAI-18}. California: International Joint Conferences on Artificial Intelligence Organization, 2018. http://dx.doi.org/10.24963/ijcai.2018/604.

Full text
Abstract:
Many natural language processing tasks solely rely on sparse dependencies between a few tokens in a sentence. Soft attention mechanisms show promising performance in modeling local/global dependencies by soft probabilities between every two tokens, but they are not effective and efficient when applied to long sentences. By contrast, hard attention mechanisms directly select a subset of tokens but are difficult and inefficient to train due to their combinatorial nature. In this paper, we integrate both soft and hard attention into one context fusion model, "reinforced self-attention (ReSA)", for the mutual benefit of each other. In ReSA, a hard attention trims a sequence for a soft self-attention to process, while the soft attention feeds reward signals back to facilitate the training of the hard one. For this purpose, we develop a novel hard attention called "reinforced sequence sampling (RSS)", selecting tokens in parallel and trained via policy gradient. Using two RSS modules, ReSA efficiently extracts the sparse dependencies between each pair of selected tokens. We finally propose an RNN/CNN-free sentence-encoding model, "reinforced self-attention network (ReSAN)", solely based on ReSA. It achieves state-of-the-art performance on both the Stanford Natural Language Inference (SNLI) and the Sentences Involving Compositional Knowledge (SICK) datasets.
APA, Harvard, Vancouver, ISO, and other styles
8

Ajao, Oluwaseun, Deepayan Bhowmik, and Shahrzad Zargari. "Fake News Identification on Twitter with Hybrid CNN and RNN Models." In SMSociety '18: International Conference on Social Media and Society. New York, NY, USA: ACM, 2018. http://dx.doi.org/10.1145/3217804.3217917.

Full text
APA, Harvard, Vancouver, ISO, and other styles
We offer discounts on all premium plans for authors whose works are included in thematic literature selections. Contact us to get a unique promo code!

To the bibliography