Sentiment and Sarcasm Classification with Multitask Learning

Size: px
Start display at page:

Download "Sentiment and Sarcasm Classification with Multitask Learning"

Transcription

1 1 Sentiment and Sarcasm Classification with Multitask Learning Navonil Majumder, Soujanya Poria, Haiyun Peng, Niyati Chhaya, Erik Cambria, and Alexander Gelbukh arxiv: v1 [cs.cl] 23 Jan 2019 Abstract Sentiment classification and sarcasm detection are both important NLP tasks. We show that these two tasks are correlated, and present a multi-task learningbased framework using deep neural network that models this correlation to improve the performance of both tasks in a multi-task learning setting. Our method outperforms the state-of-the-art by 3 4%. I. INTRODUCTION The surge of Internet has enabled large-scale text-based opinion sharing on a wide range of topics. This has led to the opportunity of mining user sentiment on various topics from the data publicly available over the Internet. The most important task in the analysis of the users opinions is sentiment classification: determining whether a given text, such as user review, comment, or tweet, expresses positive or negative sentiment. When expressing their opinions or sentiment, users often use sarcasm for emphasis. In a sarcastic text, the sentiment intended by the author is the opposite of its literal meaning. E.g., the sentence Thank you alarm for never going off is literally positive ( Thank you ), however, the intended sentiment is negative alarm never going off. Unless this sentiment shift is detected with semantics, the sarcasm classifier may fail to spot sarcasm. Currently, most researchers focus on either sentiment classification or sarcasm detection [19], [7], without considering the possibility of mutual influence between the two tasks. However, one can observe that the two tasks are correlated: people usually (though not always) use sarcasm as a device for the expression of emphatic negative sentiment. This observation can lead to a simple way in which one of the two tasks can help improve the other i.e. if an expression can be detected as sarcastic, its sentiment can be assumed negative; if the expression N. Majumder and A. Gelbukh are with the CIC, Instituto Politécnico Nacional, Mexico City, Mexico, see S. Poria is with the SCSE, Nanyang Technological Institute, Singapore, see H. Peng and E. Cambria are with the SCSE, Nanyang Technological Institute, Singapore, see N. Chhaya is with the Adobe Research, India, nchhaya@ adobe.com. can be classified as positive, then it can be assumed not sarcastic. We show here that while this logic does lead to a slight improvement, there is a better way of combining the two tasks. Namely, in this paper, we train a classifier for both sarcasm and sentiment in a single neural network using multi-task learning which is a novel learning scheme and has gained recent popularity [1], [11]. We empirically show that this method outperforms the results obtained with two separate classifiers and, in particular, outperforms the current state of the art [14]. Rest of the paper is structured as follows. Section II outlines the related work; Section III presents our approach; Section IV list the baselines; Section V discusses the results; and Section VI concludes this paper. II. RELATED WORK Machine learning methods e.g., [20], [26] and deep neural networks, such as CNN [8], [17], [13], recursive neural networks [5], [24], recurrent neural networks [25], or memory networks [10], have shown good performance for sentiment detection. Knowledge-based methods explore syntactic characteristics/patterns/rules [18] and employ sentiment resources [6]. However, sarcasm detection currently focuses on extracting features, such as syntactic [2], surface pattern-based [4], or personality-based features [19], as well as contextual incongruity [7]. Mishra et al. [14] extracted multimodal cognitive features for both sentiment classification and sarcasm detection, without modelling the two tasks in a single system. However, recently multi-task learning has been successfully applied in many NLP tasks, such as implicit discourse relationship identification [11], key-phrase boundary classification [1]. In this paper, we apply it to sentiment classification and sarcasm detection. III. METHOD Following [22], many sarcastic sentences carry negative sentiment. We leverage this to improve both sentiment classification and sarcasm detection. We use multi-task learning, where a single neural network is used to perform

2 2 more than one classification task, in our case, sentiment classification and sarcasm detection. This network facilitates synergy between the two tasks, resulting in improved performance on both tasks in comparison with their standalone counterparts. accommodate two different tasks, sarcasm detection and sentiment classification: H sar = ReLU(HW sar + b sar ), H sen = ReLU(HW sen + b sen ), Sarcasm detection s sar Neural tensor network s + tensor T Sentiment detection s sen where W [sar,sen] R D dru D t and b [sar,sen] R D t. e) Attention network: Word representations in H are encoded with task-specific sentence-level context. To aggregate these context-rich representations into the sentence representation s, we use attention mechanism, due to its ability to prioritize words relevant for the classification: P = tanh(h W AT T ), (1) H sar H sen α = softmax(p T W α ), (2) s = αh T, (3) GRU GRU GRU x 1 sentence X Fig. 1. Our multi-task architecture. a) Task Definition: We solve two tasks with a single network. Given a sentence [w 1, w 2,..., w l ], where w i are words, we assign it both a sentiment tag (positive / negative) and a sarcasm tag (yes / no). b) Input Representation: We use D g -dimensional (D g = 300) Glove word-embeddings [16] x i R D g to represent the words w i, padding the variable-length input sentences to a fixed length with null vectors. Thus, the input is represented as a matrix X = [x 1, x 2,..., x L ], where L is the length of the longest sentence. c) Sentence Representation: In the next layers, we obtain sentence representation from X using Gated Recurrent Unit (GRU) [3] with attention mechanism [12] as follows. d) Sentence-level word representation: The sentence X is fed to a GRU of size D gru = 500 with parameters W [z,r,h] R D g D gru and U [z,r,h] R D gru D gru to get context-rich sentence-level word representations H = [h 1, h 2,, h L ], h t R D gru at the hidden output of the GRU. We use H for both sarcasm and sentiment. Thus, H is transformed to H sar and H sen using two different fully-connected layers of size D t = 300 in order to x L where W AT T R Dt 1, W α R L L, P R L 1, and s R D t. In Eq. (2), α [0, 1]L gives the relevance of words for the task, multiplied in Eq. (3) by the contextaware word representations in H. f) Inter-Task Communication: We use Neural Tensor Network (NTN) [23] of size D ntn = 100 to fuse sarcasmand sentiment-specific sentence representations, s sar and s sen, to obtain the fused representation s +, where s + = tanh(s sar T [1 D ntn] s T sen + (s sar s sen )W + b), where T R D ntn D t D t, W R 2D t D ntn, b, s + R D ntn, and stands for concatenation. The vector s + contains information relevant to both sentiment and sarcasm. Instead of NTN, we also tried attention and concatenation for fusion, which resulted in inferior performance (Section V). g) Classification: For the two tasks, we use two different softmax layers for classifications. h) Sentiment classification: We use only s sen as sentence representation for sentiment classification, since we observe best performance without s +. We apply softmax layer of size C (C = 2 for binary task) on s sen for classification as follows: P sen = softmax(s sen Wsen softmax ŷ sen = argmax(p sen [j]), j + b softmax sen ), where Wsen softmax R Dt C, b softmax sen R C, P sen R C, j is the class value (0 for negative and 1 for positive), and ŷ sen is the estimated class value.

3 3 i) Sarcasm classification: We use s sar s + as sentence representation for sarcasm classification using softmax layer with size C (C = 2) as follows: P sar = softmax((s sar s + ) Wsar softmax ŷ sar = argmax(p sar [j]), j + b softmax sar ), where Wsar softmax R (D t+d ) C ntn, b softmax sar R C, P sar R C, j is the class value (0 for no and 1 for yes), and ŷ sar is the estimated class value. j) Training: We use categorical cross-entropy as the loss function (J ; * is sar or sen) for training: J = 1 N N i=1 C 1 yij j=0 log P i [j], where N is the number of samples, i is the index of a sample, j is the class value, and yij 1, if expected class value of sample i is j, = 0, otherwise. As a training algorithm, we use Stochastic Gradient Descent (SGD)-based ADAM algorithm [9], which optimizes each parameter individually with different and adaptive learning rates. Also, we minimize both loss functions, namely J sen and J sar, with equal priority, by optimizing the parameter set θ ={U [z,r,h], W [z,r,h], W, b, W AT T, W α, T, W, b, W softmax, b softmax }. IV. EXPERIMENTS a) Dataset: The dataset [15] consists of 994 samples, each sample containing a text snippet labeled with sarcasm tag, sentiment tag, and eye-movement data of 7 readers. We ignored the eye-movement data in our experiments. Of those samples, 383 are positive and 350 are sarcastic. b) Baselines and Model Variants: We evaluated the following baselines and variations of our model. c) Standalone classifiers: Here, we used h =F CLayer(GRU(X)), P =SoftmaxLayer(h ), where * represents sar or sen, X is the input sentence as a list of word embeddings. We feed X to GRU and pass the final output through a fully-connected layer (F CLayer) to obtain sentence representation h. We apply final softmax classification (Sof tmaxlayer) to h. d) Sentiment coerced by sarcasm: In this classifier, the sentences classified as sarcastic are forced to be considered negative by the sentiment classifier. e) Simple multi-task classifier: The following equations summarize this variant: h =F CLayer (GRU(X)), (4) P =SoftmaxLayer (h ), (5) where * represents sar or sen. This setting shares the GRU between two tasks. Final output of GRU is taken as the sentence representation. Sentence representation is fed to two different task-specific fully-connected layers (F CLayer ), giving h. Subsequently, h are fed to two different softmax layers SoftmaxLayer for classification. f) Simple multi-task classifier with fusion: In this variant, we changed Eq. (5) to: P sar =SoftmaxLayer sar (h sar F ), (6) P sen =SoftmaxLayer sen (h sen ), (7) where F = NT N(h sar, h sen ). Here, h sar and h sem are fed to a Neural Tensor Network (NT N) whose output is concatenated with h sar for classification. Sentiment classification is done with h sen only. We also tried variants with other methods of fusion (such as fully connected layer or Hadamard product) instead of NTN, as well as variants with h sen F instead of, or in addition to, h sar F, but they did not imprive the results. g) Task-specific GRU with fusion: Here, we used two separate GRUs for the two tasks in Eq. (4): h =F CLayer (GRU (X)). (8) We used Eq. (6) and Eq. (7) for P. Again, we tried concatenating F with h sen, both, or none as in Eq. (5), but this did not improve the results. h) Best model: shared attention: Here, we added the attention mechanism to the matrix H in Eq. (4), and used Eq. (6) and Eq. (7) for P. This model, described in detail in Section III, is the main model we present in this paper since it gave the best results. We also tried separate GRUs as in Eq. (8), but this did not improve the results. V. RESULTS AND DISCUSSION The results using 10-fold cross validation are shown in Table I. As baselines, we used the standalone sentiment and sarcasm classifiers, as well as the CNN-based stateof-the-art method [14] (SoA). Our standalone GRU-based sentiment and sarcasm classifiers performed slightly better than the SoA, even though the SoA also uses the gaze data

4 4 TABLE I RESULTS FOR VARIOUS EXPERIMENTS. Variant Sentiment Sarcasm Average Precision Recall F-Score Precision Recall F-Score F-Score State of the art [14] Standalone classifiers Standalone coerced Multi-Task simple Multi-Task with fusion Multi-Task with fusion and separate GRUs Multi-Task with fusion and shared attention (Section III) present in the dataset but is never available in any reallife setting. In contrast, our method, besides improving results, is applied to plain-text documents such as tweets, without any gaze data. As expected, the sentiment classifier coerced by sarcasm classifier performed better than the standalone sentiment classifier. This means that an efficient sarcasm detector can boost the performance of a sentiment classifier. All our multi-task classifiers outperformed both standalone classifiers. However, the margin of improvement for multi-task classifier over the standalone classifier is greater for sentiment than for sarcasm. Probably this is because sarcasm detection is a subtask of sentiment analysis. Analyzing examples and attention visualization of the multi-task network, we observed that the multi-task network mainly helps improving sarcasm classification when there is a strong sentiment shift, which indicates the possibility of sarcasm in the sentence. The example given in the introduction was classified incorrectly by the standalone sarcasm classifier but correctly by the standalone sentiment classifier; coercing one of the classifiers by the other would not change the result. In the multi-task network, both sentiment and sarcasm are detected correctly, apparently because the network detected the sentiment shift in the sentence, which improved sarcasm classification. Similarly, the sentence Absolutely love when water is spilt on my phone, just love it is classified as positive by the standalone sentiment classifier: Absolutely love highlighted by the attention scores (not presented in this short paper). However, the standalone sarcasm classifier identified it as sarcastic due to water spilt on my phone (seen from the attention scores) and in the multi-task network this clue corrected the sentiment classifier s output. Even our standalone GRU-based classifiers outperformed the CNN-based state-of-the-art method. The multitask classifiers outperformed the standalone classifiers because of shared representation which serves as additional regularization for each task from the other task. Adding NTN fusion to the multi-task classifier further improved the results, giving the best performance for sarcasm detection. Adding attention network shared between the tasks further improves the performance for sentiment classification. As the last column of Table I shows, on average the best results across the two tasks were obtained with the architecture described in Section III. VI. CONCLUSIONS We presented a classifier architecture that can be trained on sentiment or sarcasm data and outperforms the state of the art in both cases on the dataset used by [14]. Our architecture uses a GRU-based neural network, while the state-of-the-art method by [14] used a CNN. Furthermore, we showed that multi-task learningbased methods significantly outperform these standalone sentiment and sarcasm classifiers. This indicates that sentiment classification and sarcasm detection are related tasks. Finally, we presented a multi-task learning architecture that gave the best results, out of a number of variants of the architecture that we tried. In the future, we intend to incorporate multimodal information [21] in our network for improved performance. REFERENCES [1] I. Augenstein and A. Søgaard. Multi-Task Learning of Keyphrase Boundary Classification. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 2: Short Papers), pages , Vancouver, Canada, July Association for Computational Linguistics. [2] F. Barbieri, H. Saggion, and F. Ronzano. Modelling sarcasm in twitter, a novel approach. In WASSA@ ACL, pages 50 58, [3] J. Chung, Ç. Gülçehre, K. Cho, and Y. Bengio. Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling. CoRR, abs/ , [4] D. Davidov, O. Tsur, and A. Rappoport. Semi-supervised recognition of sarcastic sentences in twitter and amazon. In Proceedings of the fourteenth conference on computational natural language learning, pages Association for Computational Linguistics, 2010.

5 5 [5] L. Dong, F. Wei, C. Tan, D. Tang, M. Zhou, and K. Xu. Adaptive Recursive Neural Network for Target-dependent Twitter Sentiment Classification. In ACL (2), pages 49 54, [6] A. Esuli and F. Sebastiani. Sentiwordnet: A high-coverage lexical resource for opinion mining. Evaluation, pages 1 26, [7] A. Joshi, V. Sharma, and P. Bhattacharyya. Harnessing context incongruity for sarcasm detection. In ACL (2), pages , [8] Y. Kim. Convolutional neural networks for sentence classification. arxiv preprint arxiv: , [9] D. P. Kingma and J. Ba. Adam: A method for stochastic optimization. CoRR, abs/ , [10] A. Kumar, O. Irsoy, P. Ondruska, M. Iyyer, J. Bradbury, I. Gulrajani, V. Zhong, R. Paulus, and R. Socher. Ask me anything: Dynamic memory networks for natural language processing. In International Conference on Machine Learning, pages , [11] M. Lan, J. Wang, Y. Wu, Z.-Y. Niu, and H. Wang. Multitask Attention-based Neural Networks for Implicit Discourse Relationship Representation and Identification. In Proceedings of the 2017 Conference on Empirical Methods in Natural Language Processing, pages , Copenhagen, Denmark, September Association for Computational Linguistics. [12] M.-T. Luong, H. Pham, and C. D. Manning. Effective Approaches to Attention-based Neural Machine Translation. In Empirical Methods in Natural Language Processing (EMNLP), pages , Lisbon, Portugal, September Association for Computational Linguistics. [13] N. Majumder, S. Poria, D. Hazarika, R. Mihalcea, A. Gelbukh, and E. Cambria. Dialoguernn: An attentive rnn for emotion detection in conversations. arxiv preprint arxiv: , [14] A. Mishra, K. Dey, and P. Bhattacharyya. Learning cognitive features from gaze data for sentiment and sarcasm classification using convolutional neural network. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pages , Vancouver, Canada, July Association for Computational Linguistics. [15] A. Mishra, D. Kanojia, and P. Bhattacharyya. Predicting readers sarcasm understandability by modeling gaze behavior, [16] J. Pennington, R. Socher, and C. D. Manning. GloVe: Global Vectors for Word Representation. In Empirical Methods in Natural Language Processing (EMNLP), pages , [17] S. Poria, E. Cambria, and A. Gelbukh. Aspect extraction for opinion mining with a deep convolutional neural network. Knowledge-Based Systems, 108:42 49, [18] S. Poria, E. Cambria, A. Gelbukh, F. Bisio, and A. Hussain. Sentiment data flow analysis by means of dynamic linguistic patterns. IEEE Computational Intelligence Magazine, 10(4):26 36, [19] S. Poria, E. Cambria, D. Hazarika, and P. Vij. A deeper look into sarcastic tweets using deep convolutional neural networks. In COLING, pages , [20] S. Poria, A. Gelbukh, A. Hussain, S. Bandyopadhyay, and N. Howard. Music genre classification: A semi-supervised approach. In Mexican Conference on Pattern Recognition, pages Springer, [21] S. Poria, D. Hazarika, N. Majumder, G. Naik, E. Cambria, and R. Mihalcea. Meld: A multimodal multi-party dataset for emotion recognition in conversations. arxiv preprint arxiv: , [22] E. Riloff, A. Qadir, P. Surve, L. D. Silva, N. Gilbert, and R. Huang. Sarcasm as Contrast between a Positive Sentiment and Negative Situation. In EMNLP, [23] R. Socher, D. Chen, C. D. Manning, and A. Ng. Reasoning With Neural Tensor Networks for Knowledge Base Completion. In C. J. C. Burges, L. Bottou, M. Welling, Z. Ghahramani, and K. Q. Weinberger, editors, Advances in Neural Information Processing Systems 26, pages Curran Associates, Inc., [24] R. Socher, C. C. Lin, C. Manning, and A. Y. Ng. Parsing natural scenes and natural language with recursive neural networks. In Proceedings of the 28th international conference on machine learning (ICML-11), pages , [25] I. Sutskever, O. Vinyals, and Q. V. Le. Sequence to sequence learning with neural networks. In Advances in neural information processing systems, pages , [26] A. Zadeh, P. P. Liang, S. Poria, P. Vij, E. Cambria, and L.-P. Morency. Multi-attention recurrent network for human communication comprehension. arxiv preprint arxiv: , 2018.

arxiv: v1 [cs.cl] 3 May 2018

arxiv: v1 [cs.cl] 3 May 2018 Binarizer at SemEval-2018 Task 3: Parsing dependency and deep learning for irony detection Nishant Nikhil IIT Kharagpur Kharagpur, India nishantnikhil@iitkgp.ac.in Muktabh Mayank Srivastava ParallelDots,

More information

Your Sentiment Precedes You: Using an author s historical tweets to predict sarcasm

Your Sentiment Precedes You: Using an author s historical tweets to predict sarcasm Your Sentiment Precedes You: Using an author s historical tweets to predict sarcasm Anupam Khattri 1 Aditya Joshi 2,3,4 Pushpak Bhattacharyya 2 Mark James Carman 3 1 IIT Kharagpur, India, 2 IIT Bombay,

More information

Humor recognition using deep learning

Humor recognition using deep learning Humor recognition using deep learning Peng-Yu Chen National Tsing Hua University Hsinchu, Taiwan pengyu@nlplab.cc Von-Wun Soo National Tsing Hua University Hsinchu, Taiwan soo@cs.nthu.edu.tw Abstract Humor

More information

Joint Image and Text Representation for Aesthetics Analysis

Joint Image and Text Representation for Aesthetics Analysis Joint Image and Text Representation for Aesthetics Analysis Ye Zhou 1, Xin Lu 2, Junping Zhang 1, James Z. Wang 3 1 Fudan University, China 2 Adobe Systems Inc., USA 3 The Pennsylvania State University,

More information

CASCADE: Contextual Sarcasm Detection in Online Discussion Forums

CASCADE: Contextual Sarcasm Detection in Online Discussion Forums CASCADE: Contextual Sarcasm Detection in Online Discussion Forums Devamanyu Hazarika School of Computing, National University of Singapore hazarika@comp.nus.edu.sg Erik Cambria School of Computer Science

More information

Sarcasm Detection in Text: Design Document

Sarcasm Detection in Text: Design Document CSC 59866 Senior Design Project Specification Professor Jie Wei Wednesday, November 23, 2016 Sarcasm Detection in Text: Design Document Jesse Feinman, James Kasakyan, Jeff Stolzenberg 1 Table of contents

More information

Harnessing Context Incongruity for Sarcasm Detection

Harnessing Context Incongruity for Sarcasm Detection Harnessing Context Incongruity for Sarcasm Detection Aditya Joshi 1,2,3 Vinita Sharma 1 Pushpak Bhattacharyya 1 1 IIT Bombay, India, 2 Monash University, Australia 3 IITB-Monash Research Academy, India

More information

Detecting Musical Key with Supervised Learning

Detecting Musical Key with Supervised Learning Detecting Musical Key with Supervised Learning Robert Mahieu Department of Electrical Engineering Stanford University rmahieu@stanford.edu Abstract This paper proposes and tests performance of two different

More information

World Journal of Engineering Research and Technology WJERT

World Journal of Engineering Research and Technology WJERT wjert, 2018, Vol. 4, Issue 4, 218-224. Review Article ISSN 2454-695X Maheswari et al. WJERT www.wjert.org SJIF Impact Factor: 5.218 SARCASM DETECTION AND SURVEYING USER AFFECTATION S. Maheswari* 1 and

More information

How Do Cultural Differences Impact the Quality of Sarcasm Annotation?: A Case Study of Indian Annotators and American Text

How Do Cultural Differences Impact the Quality of Sarcasm Annotation?: A Case Study of Indian Annotators and American Text How Do Cultural Differences Impact the Quality of Sarcasm Annotation?: A Case Study of Indian Annotators and American Text Aditya Joshi 1,2,3 Pushpak Bhattacharyya 1 Mark Carman 2 Jaya Saraswati 1 Rajita

More information

Music Composition with RNN

Music Composition with RNN Music Composition with RNN Jason Wang Department of Statistics Stanford University zwang01@stanford.edu Abstract Music composition is an interesting problem that tests the creativity capacities of artificial

More information

Tweet Sarcasm Detection Using Deep Neural Network

Tweet Sarcasm Detection Using Deep Neural Network Tweet Sarcasm Detection Using Deep Neural Network Meishan Zhang 1, Yue Zhang 2 and Guohong Fu 1 1. School of Computer Science and Technology, Heilongjiang University, China 2. Singapore University of Technology

More information

arxiv: v1 [cs.ir] 16 Jan 2019

arxiv: v1 [cs.ir] 16 Jan 2019 It s Only Words And Words Are All I Have Manash Pratim Barman 1, Kavish Dahekar 2, Abhinav Anshuman 3, and Amit Awekar 4 1 Indian Institute of Information Technology, Guwahati 2 SAP Labs, Bengaluru 3 Dell

More information

Finding Sarcasm in Reddit Postings: A Deep Learning Approach

Finding Sarcasm in Reddit Postings: A Deep Learning Approach Finding Sarcasm in Reddit Postings: A Deep Learning Approach Nick Guo, Ruchir Shah {nickguo, ruchirfs}@stanford.edu Abstract We use the recently published Self-Annotated Reddit Corpus (SARC) with a recurrent

More information

HumorHawk at SemEval-2017 Task 6: Mixing Meaning and Sound for Humor Recognition

HumorHawk at SemEval-2017 Task 6: Mixing Meaning and Sound for Humor Recognition HumorHawk at SemEval-2017 Task 6: Mixing Meaning and Sound for Humor Recognition David Donahue, Alexey Romanov, Anna Rumshisky Dept. of Computer Science University of Massachusetts Lowell 198 Riverside

More information

LSTM Neural Style Transfer in Music Using Computational Musicology

LSTM Neural Style Transfer in Music Using Computational Musicology LSTM Neural Style Transfer in Music Using Computational Musicology Jett Oristaglio Dartmouth College, June 4 2017 1. Introduction In the 2016 paper A Neural Algorithm of Artistic Style, Gatys et al. discovered

More information

arxiv: v3 [cs.sd] 14 Jul 2017

arxiv: v3 [cs.sd] 14 Jul 2017 Music Generation with Variational Recurrent Autoencoder Supported by History Alexey Tikhonov 1 and Ivan P. Yamshchikov 2 1 Yandex, Berlin altsoph@gmail.com 2 Max Planck Institute for Mathematics in the

More information

Image-to-Markup Generation with Coarse-to-Fine Attention

Image-to-Markup Generation with Coarse-to-Fine Attention Image-to-Markup Generation with Coarse-to-Fine Attention Presenter: Ceyer Wakilpoor Yuntian Deng 1 Anssi Kanervisto 2 Alexander M. Rush 1 Harvard University 3 University of Eastern Finland ICML, 2017 Yuntian

More information

Deep Aesthetic Quality Assessment with Semantic Information

Deep Aesthetic Quality Assessment with Semantic Information 1 Deep Aesthetic Quality Assessment with Semantic Information Yueying Kao, Ran He, Kaiqi Huang arxiv:1604.04970v3 [cs.cv] 21 Oct 2016 Abstract Human beings often assess the aesthetic quality of an image

More information

Computational modeling of conversational humor in psychotherapy

Computational modeling of conversational humor in psychotherapy Interspeech 2018 2-6 September 2018, Hyderabad Computational ing of conversational humor in psychotherapy Anil Ramakrishna 1, Timothy Greer 1, David Atkins 2, Shrikanth Narayanan 1 1 Signal Analysis and

More information

SentiMozart: Music Generation based on Emotions

SentiMozart: Music Generation based on Emotions SentiMozart: Music Generation based on Emotions Rishi Madhok 1,, Shivali Goel 2, and Shweta Garg 1, 1 Department of Computer Science and Engineering, Delhi Technological University, New Delhi, India 2

More information

Deep Learning of Audio and Language Features for Humor Prediction

Deep Learning of Audio and Language Features for Humor Prediction Deep Learning of Audio and Language Features for Humor Prediction Dario Bertero, Pascale Fung Human Language Technology Center Department of Electronic and Computer Engineering The Hong Kong University

More information

An Introduction to Deep Image Aesthetics

An Introduction to Deep Image Aesthetics Seminar in Laboratory of Visual Intelligence and Pattern Analysis (VIPA) An Introduction to Deep Image Aesthetics Yongcheng Jing College of Computer Science and Technology Zhejiang University Zhenchuan

More information

First Step Towards Enhancing Word Embeddings with Pitch Accents for DNN-based Slot Filling on Recognized Text

First Step Towards Enhancing Word Embeddings with Pitch Accents for DNN-based Slot Filling on Recognized Text First Step Towards Enhancing Word Embeddings with Pitch Accents for DNN-based Slot Filling on Recognized Text Sabrina Stehwien, Ngoc Thang Vu IMS, University of Stuttgart March 16, 2017 Slot Filling sequential

More information

Neural Network for Music Instrument Identi cation

Neural Network for Music Instrument Identi cation Neural Network for Music Instrument Identi cation Zhiwen Zhang(MSE), Hanze Tu(CCRMA), Yuan Li(CCRMA) SUN ID: zhiwen, hanze, yuanli92 Abstract - In the context of music, instrument identi cation would contribute

More information

DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison

DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison DataStories at SemEval-07 Task 6: Siamese LSTM with Attention for Humorous Text Comparison Christos Baziotis, Nikos Pelekis, Christos Doulkeridis University of Piraeus - Data Science Lab Piraeus, Greece

More information

Generating Chinese Classical Poems Based on Images

Generating Chinese Classical Poems Based on Images , March 14-16, 2018, Hong Kong Generating Chinese Classical Poems Based on Images Xiaoyu Wang, Xian Zhong, Lin Li 1 Abstract With the development of the artificial intelligence technology, Chinese classical

More information

Predicting Aesthetic Radar Map Using a Hierarchical Multi-task Network

Predicting Aesthetic Radar Map Using a Hierarchical Multi-task Network Predicting Aesthetic Radar Map Using a Hierarchical Multi-task Network Xin Jin 1,2,LeWu 1, Xinghui Zhou 1, Geng Zhao 1, Xiaokun Zhang 1, Xiaodong Li 1, and Shiming Ge 3(B) 1 Department of Cyber Security,

More information

Automatic Detection of Sarcasm in BBS Posts Based on Sarcasm Classification

Automatic Detection of Sarcasm in BBS Posts Based on Sarcasm Classification Web 1,a) 2,b) 2,c) Web Web 8 ( ) Support Vector Machine (SVM) F Web Automatic Detection of Sarcasm in BBS Posts Based on Sarcasm Classification Fumiya Isono 1,a) Suguru Matsuyoshi 2,b) Fumiyo Fukumoto

More information

Are Word Embedding-based Features Useful for Sarcasm Detection?

Are Word Embedding-based Features Useful for Sarcasm Detection? Are Word Embedding-based Features Useful for Sarcasm Detection? Aditya Joshi 1,2,3 Vaibhav Tripathi 1 Kevin Patel 1 Pushpak Bhattacharyya 1 Mark Carman 2 1 Indian Institute of Technology Bombay, India

More information

A Survey of Sarcasm Detection in Social Media

A Survey of Sarcasm Detection in Social Media A Survey of Sarcasm Detection in Social Media V. Haripriya 1, Dr. Poornima G Patil 2 1 Department of MCA Jain University Bangalore, India. 2 Department of MCA Visweswaraya Technological University Belagavi,

More information

Automatic Polyphonic Music Composition Using the EMILE and ABL Grammar Inductors *

Automatic Polyphonic Music Composition Using the EMILE and ABL Grammar Inductors * Automatic Polyphonic Music Composition Using the EMILE and ABL Grammar Inductors * David Ortega-Pacheco and Hiram Calvo Centro de Investigación en Computación, Instituto Politécnico Nacional, Av. Juan

More information

An Impact Analysis of Features in a Classification Approach to Irony Detection in Product Reviews

An Impact Analysis of Features in a Classification Approach to Irony Detection in Product Reviews Universität Bielefeld June 27, 2014 An Impact Analysis of Features in a Classification Approach to Irony Detection in Product Reviews Konstantin Buschmeier, Philipp Cimiano, Roman Klinger Semantic Computing

More information

Laughbot: Detecting Humor in Spoken Language with Language and Audio Cues

Laughbot: Detecting Humor in Spoken Language with Language and Audio Cues Laughbot: Detecting Humor in Spoken Language with Language and Audio Cues Kate Park, Annie Hu, Natalie Muenster Email: katepark@stanford.edu, anniehu@stanford.edu, ncm000@stanford.edu Abstract We propose

More information

arxiv: v1 [cs.lg] 15 Jun 2016

arxiv: v1 [cs.lg] 15 Jun 2016 Deep Learning for Music arxiv:1606.04930v1 [cs.lg] 15 Jun 2016 Allen Huang Department of Management Science and Engineering Stanford University allenh@cs.stanford.edu Abstract Raymond Wu Department of

More information

Less is More: Picking Informative Frames for Video Captioning

Less is More: Picking Informative Frames for Video Captioning Less is More: Picking Informative Frames for Video Captioning ECCV 2018 Yangyu Chen 1, Shuhui Wang 2, Weigang Zhang 3 and Qingming Huang 1,2 1 University of Chinese Academy of Science, Beijing, 100049,

More information

A New Scheme for Citation Classification based on Convolutional Neural Networks

A New Scheme for Citation Classification based on Convolutional Neural Networks A New Scheme for Citation Classification based on Convolutional Neural Networks Khadidja Bakhti 1, Zhendong Niu 1,2, Ally S. Nyamawe 1 1 School of Computer Science and Technology Beijing Institute of Technology

More information

NLPRL-IITBHU at SemEval-2018 Task 3: Combining Linguistic Features and Emoji Pre-trained CNN for Irony Detection in Tweets

NLPRL-IITBHU at SemEval-2018 Task 3: Combining Linguistic Features and Emoji Pre-trained CNN for Irony Detection in Tweets NLPRL-IITBHU at SemEval-2018 Task 3: Combining Linguistic Features and Emoji Pre-trained CNN for Irony Detection in Tweets Harsh Rangwani, Devang Kulshreshtha and Anil Kumar Singh Indian Institute of Technology

More information

LYRICS-BASED MUSIC GENRE CLASSIFICATION USING A HIERARCHICAL ATTENTION NETWORK

LYRICS-BASED MUSIC GENRE CLASSIFICATION USING A HIERARCHICAL ATTENTION NETWORK LYRICS-BASED MUSIC GENRE CLASSIFICATION USING A HIERARCHICAL ATTENTION NETWORK Alexandros Tsaptsinos ICME, Stanford University, USA alextsap@stanford.edu ABSTRACT Music genre classification, especially

More information

Fracking Sarcasm using Neural Network

Fracking Sarcasm using Neural Network Fracking Sarcasm using Neural Network Aniruddha Ghosh University College Dublin aniruddha.ghosh@ucdconnect.ie Tony Veale University College Dublin tony.veale@ucd.ie Abstract Precise semantic representation

More information

TWITTER SARCASM DETECTOR (TSD) USING TOPIC MODELING ON USER DESCRIPTION

TWITTER SARCASM DETECTOR (TSD) USING TOPIC MODELING ON USER DESCRIPTION TWITTER SARCASM DETECTOR (TSD) USING TOPIC MODELING ON USER DESCRIPTION Supriya Jyoti Hiwave Technologies, Toronto, Canada Ritu Chaturvedi MCS, University of Toronto, Canada Abstract Internet users go

More information

Neural Aesthetic Image Reviewer

Neural Aesthetic Image Reviewer Neural Aesthetic Image Reviewer Wenshan Wang 1, Su Yang 1,3, Weishan Zhang 2, Jiulong Zhang 3 1 Shanghai Key Laboratory of Intelligent Information Processing School of Computer Science, Fudan University

More information

arxiv:submit/ [cs.cv] 8 Aug 2016

arxiv:submit/ [cs.cv] 8 Aug 2016 Detecting Sarcasm in Multimodal Social Platforms arxiv:submit/1633907 [cs.cv] 8 Aug 2016 ABSTRACT Rossano Schifanella University of Turin Corso Svizzera 185 10149, Turin, Italy schifane@di.unito.it Sarcasm

More information

Music genre classification using a hierarchical long short term memory (LSTM) model

Music genre classification using a hierarchical long short term memory (LSTM) model Chun Pui Tang, Ka Long Chui, Ying Kin Yu, Zhiliang Zeng, Kin Hong Wong, "Music Genre classification using a hierarchical Long Short Term Memory (LSTM) model", International Workshop on Pattern Recognition

More information

arxiv: v1 [cs.lg] 16 Dec 2017

arxiv: v1 [cs.lg] 16 Dec 2017 AUTOMATIC MUSIC HIGHLIGHT EXTRACTION USING CONVOLUTIONAL RECURRENT ATTENTION NETWORKS Jung-Woo Ha 1, Adrian Kim 1,2, Chanju Kim 2, Jangyeon Park 2, and Sung Kim 1,3 1 Clova AI Research and 2 Clova Music,

More information

Attending Sentences to detect Satirical Fake News

Attending Sentences to detect Satirical Fake News Attending Sentences to detect Satirical Fake News Sohan De Sarkar Fan Yang Dept. of Computer Science Dept. of Computer Science Indian Institute of Technology University of Houston Kharagpur, West Bengal,

More information

Laughbot: Detecting Humor in Spoken Language with Language and Audio Cues

Laughbot: Detecting Humor in Spoken Language with Language and Audio Cues Laughbot: Detecting Humor in Spoken Language with Language and Audio Cues Kate Park katepark@stanford.edu Annie Hu anniehu@stanford.edu Natalie Muenster ncm000@stanford.edu Abstract We propose detecting

More information

KLUEnicorn at SemEval-2018 Task 3: A Naïve Approach to Irony Detection

KLUEnicorn at SemEval-2018 Task 3: A Naïve Approach to Irony Detection KLUEnicorn at SemEval-2018 Task 3: A Naïve Approach to Irony Detection Luise Dürlich Friedrich-Alexander Universität Erlangen-Nürnberg / Germany luise.duerlich@fau.de Abstract This paper describes the

More information

Deep Neural Networks Scanning for patterns (aka convolutional networks) Bhiksha Raj

Deep Neural Networks Scanning for patterns (aka convolutional networks) Bhiksha Raj Deep Neural Networks Scanning for patterns (aka convolutional networks) Bhiksha Raj 1 Story so far MLPs are universal function approximators Boolean functions, classifiers, and regressions MLPs can be

More information

Singer Traits Identification using Deep Neural Network

Singer Traits Identification using Deep Neural Network Singer Traits Identification using Deep Neural Network Zhengshan Shi Center for Computer Research in Music and Acoustics Stanford University kittyshi@stanford.edu Abstract The author investigates automatic

More information

Audio Cover Song Identification using Convolutional Neural Network

Audio Cover Song Identification using Convolutional Neural Network Audio Cover Song Identification using Convolutional Neural Network Sungkyun Chang 1,4, Juheon Lee 2,4, Sang Keun Choe 3,4 and Kyogu Lee 1,4 Music and Audio Research Group 1, College of Liberal Studies

More information

DeepID: Deep Learning for Face Recognition. Department of Electronic Engineering,

DeepID: Deep Learning for Face Recognition. Department of Electronic Engineering, DeepID: Deep Learning for Face Recognition Xiaogang Wang Department of Electronic Engineering, The Chinese University i of Hong Kong Machine Learning with Big Data Machine learning with small data: overfitting,

More information

Projektseminar: Sentimentanalyse Dozenten: Michael Wiegand und Marc Schulder

Projektseminar: Sentimentanalyse Dozenten: Michael Wiegand und Marc Schulder Projektseminar: Sentimentanalyse Dozenten: Michael Wiegand und Marc Schulder Präsentation des Papers ICWSM A Great Catchy Name: Semi-Supervised Recognition of Sarcastic Sentences in Online Product Reviews

More information

Approaches for Computational Sarcasm Detection: A Survey

Approaches for Computational Sarcasm Detection: A Survey Approaches for Computational Sarcasm Detection: A Survey Lakshya Kumar, Arpan Somani and Pushpak Bhattacharyya Dept. of Computer Science and Engineering Indian Institute of Technology, Powai Mumbai, Maharashtra,

More information

Who would have thought of that! : A Hierarchical Topic Model for Extraction of Sarcasm-prevalent Topics and Sarcasm Detection

Who would have thought of that! : A Hierarchical Topic Model for Extraction of Sarcasm-prevalent Topics and Sarcasm Detection Who would have thought of that! : A Hierarchical Topic Model for Extraction of Sarcasm-prevalent Topics and Sarcasm Detection Aditya Joshi 1,2,3 Prayas Jain 4 Pushpak Bhattacharyya 1 Mark James Carman

More information

Automatic Piano Music Transcription

Automatic Piano Music Transcription Automatic Piano Music Transcription Jianyu Fan Qiuhan Wang Xin Li Jianyu.Fan.Gr@dartmouth.edu Qiuhan.Wang.Gr@dartmouth.edu Xi.Li.Gr@dartmouth.edu 1. Introduction Writing down the score while listening

More information

An extensive Survey On Sarcasm Detection Using Various Classifiers

An extensive Survey On Sarcasm Detection Using Various Classifiers Volume 119 No. 12 2018, 13183-13187 ISSN: 1314-3395 (on-line version) url: http://www.ijpam.eu ijpam.eu An extensive Survey On Sarcasm Detection Using Various Classifiers K.R.Jansi* Department of Computer

More information

First Stage of an Automated Content-Based Citation Analysis Study: Detection of Citation Sentences 1

First Stage of an Automated Content-Based Citation Analysis Study: Detection of Citation Sentences 1 First Stage of an Automated Content-Based Citation Analysis Study: Detection of Citation Sentences 1 Zehra Taşkın *, Umut Al * and Umut Sezen ** * {ztaskin; umutal}@hacettepe.edu.tr Department of Information

More information

Music Mood. Sheng Xu, Albert Peyton, Ryan Bhular

Music Mood. Sheng Xu, Albert Peyton, Ryan Bhular Music Mood Sheng Xu, Albert Peyton, Ryan Bhular What is Music Mood A psychological & musical topic Human emotions conveyed in music can be comprehended from two aspects: Lyrics Music Factors that affect

More information

Large scale Visual Sentiment Ontology and Detectors Using Adjective Noun Pairs

Large scale Visual Sentiment Ontology and Detectors Using Adjective Noun Pairs Large scale Visual Sentiment Ontology and Detectors Using Adjective Noun Pairs Damian Borth 1,2, Rongrong Ji 1, Tao Chen 1, Thomas Breuel 2, Shih-Fu Chang 1 1 Columbia University, New York, USA 2 University

More information

Evaluating Melodic Encodings for Use in Cover Song Identification

Evaluating Melodic Encodings for Use in Cover Song Identification Evaluating Melodic Encodings for Use in Cover Song Identification David D. Wickland wickland@uoguelph.ca David A. Calvert dcalvert@uoguelph.ca James Harley jharley@uoguelph.ca ABSTRACT Cover song identification

More information

A Discriminative Approach to Topic-based Citation Recommendation

A Discriminative Approach to Topic-based Citation Recommendation A Discriminative Approach to Topic-based Citation Recommendation Jie Tang and Jing Zhang Department of Computer Science and Technology, Tsinghua University, Beijing, 100084. China jietang@tsinghua.edu.cn,zhangjing@keg.cs.tsinghua.edu.cn

More information

LEARNING AUDIO SHEET MUSIC CORRESPONDENCES. Matthias Dorfer Department of Computational Perception

LEARNING AUDIO SHEET MUSIC CORRESPONDENCES. Matthias Dorfer Department of Computational Perception LEARNING AUDIO SHEET MUSIC CORRESPONDENCES Matthias Dorfer Department of Computational Perception Short Introduction... I am a PhD Candidate in the Department of Computational Perception at Johannes Kepler

More information

Lyrics Classification using Naive Bayes

Lyrics Classification using Naive Bayes Lyrics Classification using Naive Bayes Dalibor Bužić *, Jasminka Dobša ** * College for Information Technologies, Klaićeva 7, Zagreb, Croatia ** Faculty of Organization and Informatics, Pavlinska 2, Varaždin,

More information

Improvised Duet Interaction: Learning Improvisation Techniques for Automatic Accompaniment

Improvised Duet Interaction: Learning Improvisation Techniques for Automatic Accompaniment Improvised Duet Interaction: Learning Improvisation Techniques for Automatic Accompaniment Gus G. Xia Dartmouth College Neukom Institute Hanover, NH, USA gxia@dartmouth.edu Roger B. Dannenberg Carnegie

More information

Article Title: Discovering the Influence of Sarcasm in Social Media Responses

Article Title: Discovering the Influence of Sarcasm in Social Media Responses Article Title: Discovering the Influence of Sarcasm in Social Media Responses Article Type: Opinion Wei Peng (W.Peng@latrobe.edu.au) a, Achini Adikari (A.Adikari@latrobe.edu.au) a, Damminda Alahakoon (D.Alahakoon@latrobe.edu.au)

More information

Skip Length and Inter-Starvation Distance as a Combined Metric to Assess the Quality of Transmitted Video

Skip Length and Inter-Starvation Distance as a Combined Metric to Assess the Quality of Transmitted Video Skip Length and Inter-Starvation Distance as a Combined Metric to Assess the Quality of Transmitted Video Mohamed Hassan, Taha Landolsi, Husameldin Mukhtar, and Tamer Shanableh College of Engineering American

More information

An AI Approach to Automatic Natural Music Transcription

An AI Approach to Automatic Natural Music Transcription An AI Approach to Automatic Natural Music Transcription Michael Bereket Stanford University Stanford, CA mbereket@stanford.edu Karey Shi Stanford Univeristy Stanford, CA kareyshi@stanford.edu Abstract

More information

Chord Classification of an Audio Signal using Artificial Neural Network

Chord Classification of an Audio Signal using Artificial Neural Network Chord Classification of an Audio Signal using Artificial Neural Network Ronesh Shrestha Student, Department of Electrical and Electronic Engineering, Kathmandu University, Dhulikhel, Nepal ---------------------------------------------------------------------***---------------------------------------------------------------------

More information

Bi-Modal Music Emotion Recognition: Novel Lyrical Features and Dataset

Bi-Modal Music Emotion Recognition: Novel Lyrical Features and Dataset Bi-Modal Music Emotion Recognition: Novel Lyrical Features and Dataset Ricardo Malheiro, Renato Panda, Paulo Gomes, Rui Paiva CISUC Centre for Informatics and Systems of the University of Coimbra {rsmal,

More information

Automatic Laughter Detection

Automatic Laughter Detection Automatic Laughter Detection Mary Knox Final Project (EECS 94) knoxm@eecs.berkeley.edu December 1, 006 1 Introduction Laughter is a powerful cue in communication. It communicates to listeners the emotional

More information

arxiv: v2 [cs.sd] 15 Jun 2017

arxiv: v2 [cs.sd] 15 Jun 2017 Learning and Evaluating Musical Features with Deep Autoencoders Mason Bretan Georgia Tech Atlanta, GA Sageev Oore, Douglas Eck, Larry Heck Google Research Mountain View, CA arxiv:1706.04486v2 [cs.sd] 15

More information

Lyric-Based Music Mood Recognition

Lyric-Based Music Mood Recognition Lyric-Based Music Mood Recognition Emil Ian V. Ascalon, Rafael Cabredo De La Salle University Manila, Philippines emil.ascalon@yahoo.com, rafael.cabredo@dlsu.edu.ph Abstract: In psychology, emotion is

More information

Implementation of Emotional Features on Satire Detection

Implementation of Emotional Features on Satire Detection Implementation of Emotional Features on Satire Detection Pyae Phyo Thu1, Than Nwe Aung2 1 University of Computer Studies, Mandalay, Patheingyi Mandalay 1001, Myanmar pyaephyothu149@gmail.com 2 University

More information

Singing voice synthesis based on deep neural networks

Singing voice synthesis based on deep neural networks INTERSPEECH 2016 September 8 12, 2016, San Francisco, USA Singing voice synthesis based on deep neural networks Masanari Nishimura, Kei Hashimoto, Keiichiro Oura, Yoshihiko Nankaku, and Keiichi Tokuda

More information

arxiv: v2 [cs.cl] 20 Sep 2016

arxiv: v2 [cs.cl] 20 Sep 2016 A Automatic Sarcasm Detection: A Survey ADITYA JOSHI, IITB-Monash Research Academy PUSHPAK BHATTACHARYYA, Indian Institute of Technology Bombay MARK J CARMAN, Monash University arxiv:1602.03426v2 [cs.cl]

More information

Structured training for large-vocabulary chord recognition. Brian McFee* & Juan Pablo Bello

Structured training for large-vocabulary chord recognition. Brian McFee* & Juan Pablo Bello Structured training for large-vocabulary chord recognition Brian McFee* & Juan Pablo Bello Small chord vocabularies Typically a supervised learning problem N C:maj C:min C#:maj C#:min D:maj D:min......

More information

Chord Label Personalization through Deep Learning of Integrated Harmonic Interval-based Representations

Chord Label Personalization through Deep Learning of Integrated Harmonic Interval-based Representations Chord Label Personalization through Deep Learning of Integrated Harmonic Interval-based Representations Hendrik Vincent Koops 1, W. Bas de Haas 2, Jeroen Bransen 2, and Anja Volk 1 arxiv:1706.09552v1 [cs.sd]

More information

#SarcasmDetection Is Soooo General! Towards a Domain-Independent Approach for Detecting Sarcasm

#SarcasmDetection Is Soooo General! Towards a Domain-Independent Approach for Detecting Sarcasm Proceedings of the Thirtieth International Florida Artificial Intelligence Research Society Conference #SarcasmDetection Is Soooo General! Towards a Domain-Independent Approach for Detecting Sarcasm Natalie

More information

SARCASM DETECTION IN SENTIMENT ANALYSIS Dr. Kalpesh H. Wandra 1, Mehul Barot 2 1

SARCASM DETECTION IN SENTIMENT ANALYSIS Dr. Kalpesh H. Wandra 1, Mehul Barot 2 1 SARCASM DETECTION IN SENTIMENT ANALYSIS Dr. Kalpesh H. Wandra 1, Mehul Barot 2 1 Director (Academic Administration) Babaria Institute of Technology, 2 Research Scholar, C.U.Shah University Abstract Sentiment

More information

arxiv: v1 [cs.ir] 20 Mar 2019

arxiv: v1 [cs.ir] 20 Mar 2019 Distributed Vector Representations of Folksong Motifs Aitor Arronte Alvarez 1 and Francisco Gómez-Martin 2 arxiv:1903.08756v1 [cs.ir] 20 Mar 2019 1 Center for Language and Technology, University of Hawaii

More information

SARCASM DETECTION IN SENTIMENT ANALYSIS

SARCASM DETECTION IN SENTIMENT ANALYSIS SARCASM DETECTION IN SENTIMENT ANALYSIS Shruti Kaushik 1, Prof. Mehul P. Barot 2 1 Research Scholar, CE-LDRP-ITR, KSV University Gandhinagar, Gujarat, India 2 Lecturer, CE-LDRP-ITR, KSV University Gandhinagar,

More information

Multimodal Music Mood Classification Framework for Christian Kokborok Music

Multimodal Music Mood Classification Framework for Christian Kokborok Music Journal of Engineering Technology (ISSN. 0747-9964) Volume 8, Issue 1, Jan. 2019, PP.506-515 Multimodal Music Mood Classification Framework for Christian Kokborok Music Sanchali Das 1*, Sambit Satpathy

More information

arxiv: v1 [cs.sd] 5 Apr 2017

arxiv: v1 [cs.sd] 5 Apr 2017 REVISITING THE PROBLEM OF AUDIO-BASED HIT SONG PREDICTION USING CONVOLUTIONAL NEURAL NETWORKS Li-Chia Yang, Szu-Yu Chou, Jen-Yu Liu, Yi-Hsuan Yang, Yi-An Chen Research Center for Information Technology

More information

Photo Aesthetics Ranking Network with Attributes and Content Adaptation

Photo Aesthetics Ranking Network with Attributes and Content Adaptation Photo Aesthetics Ranking Network with Attributes and Content Adaptation Shu Kong 1, Xiaohui Shen 2, Zhe Lin 2, Radomir Mech 2, Charless Fowlkes 1 1 UC Irvine {skong2, fowlkes}@ics.uci.edu 2 Adobe Research

More information

A Transfer Learning Based Feature Extractor for Polyphonic Sound Event Detection Using Connectionist Temporal Classification

A Transfer Learning Based Feature Extractor for Polyphonic Sound Event Detection Using Connectionist Temporal Classification INTERSPEECH 17 August, 17, Stockholm, Sweden A Transfer Learning Based Feature Extractor for Polyphonic Sound Event Detection Using Connectionist Temporal Classification Yun Wang and Florian Metze Language

More information

Sarcasm Detection on Facebook: A Supervised Learning Approach

Sarcasm Detection on Facebook: A Supervised Learning Approach Sarcasm Detection on Facebook: A Supervised Learning Approach Dipto Das Anthony J. Clark Missouri State University Springfield, Missouri, USA dipto175@live.missouristate.edu anthonyclark@missouristate.edu

More information

This is a repository copy of Who cares about sarcastic tweets? Investigating the impact of sarcasm on sentiment analysis.

This is a repository copy of Who cares about sarcastic tweets? Investigating the impact of sarcasm on sentiment analysis. This is a repository copy of Who cares about sarcastic tweets? Investigating the impact of sarcasm on sentiment analysis. White Rose Research Online URL for this paper: http://eprints.whiterose.ac.uk/130763/

More information

Formalizing Irony with Doxastic Logic

Formalizing Irony with Doxastic Logic Formalizing Irony with Doxastic Logic WANG ZHONGQUAN National University of Singapore April 22, 2015 1 Introduction Verbal irony is a fundamental rhetoric device in human communication. It is often characterized

More information

CS229 Project Report Polyphonic Piano Transcription

CS229 Project Report Polyphonic Piano Transcription CS229 Project Report Polyphonic Piano Transcription Mohammad Sadegh Ebrahimi Stanford University Jean-Baptiste Boin Stanford University sadegh@stanford.edu jbboin@stanford.edu 1. Introduction In this project

More information

COMPARING RNN PARAMETERS FOR MELODIC SIMILARITY

COMPARING RNN PARAMETERS FOR MELODIC SIMILARITY COMPARING RNN PARAMETERS FOR MELODIC SIMILARITY Tian Cheng, Satoru Fukayama, Masataka Goto National Institute of Advanced Industrial Science and Technology (AIST), Japan {tian.cheng, s.fukayama, m.goto}@aist.go.jp

More information

Real-valued parametric conditioning of an RNN for interactive sound synthesis

Real-valued parametric conditioning of an RNN for interactive sound synthesis Real-valued parametric conditioning of an RNN for interactive sound synthesis Lonce Wyse Communications and New Media Department National University of Singapore Singapore lonce.acad@zwhome.org Abstract

More information

National University of Singapore, Singapore,

National University of Singapore, Singapore, Editorial for the 2nd Joint Workshop on Bibliometric-enhanced Information Retrieval and Natural Language Processing for Digital Libraries (BIRNDL) at SIGIR 2017 Philipp Mayr 1, Muthu Kumar Chandrasekaran

More information

Music Genre Classification and Variance Comparison on Number of Genres

Music Genre Classification and Variance Comparison on Number of Genres Music Genre Classification and Variance Comparison on Number of Genres Miguel Francisco, miguelf@stanford.edu Dong Myung Kim, dmk8265@stanford.edu 1 Abstract In this project we apply machine learning techniques

More information

Melody Extraction from Generic Audio Clips Thaminda Edirisooriya, Hansohl Kim, Connie Zeng

Melody Extraction from Generic Audio Clips Thaminda Edirisooriya, Hansohl Kim, Connie Zeng Melody Extraction from Generic Audio Clips Thaminda Edirisooriya, Hansohl Kim, Connie Zeng Introduction In this project we were interested in extracting the melody from generic audio files. Due to the

More information

2016 IEEE INTERNATIONAL WORKSHOP ON MACHINE LEARNING FOR SIGNAL PROCESSING, SEPT , 2016, SALERNO, ITALY

2016 IEEE INTERNATIONAL WORKSHOP ON MACHINE LEARNING FOR SIGNAL PROCESSING, SEPT , 2016, SALERNO, ITALY 216 IEEE INTERNATIONAL WORKSHOP ON MACHINE LEARNING FOR SIGNAL PROCESSING, SEPT. 13 16, 216, SALERNO, ITALY A FULLY CONVOLUTIONAL DEEP AUDITORY MODEL FOR MUSICAL CHORD RECOGNITION Filip Korzeniowski and

More information

Distortion Analysis Of Tamil Language Characters Recognition

Distortion Analysis Of Tamil Language Characters Recognition www.ijcsi.org 390 Distortion Analysis Of Tamil Language Characters Recognition Gowri.N 1, R. Bhaskaran 2, 1. T.B.A.K. College for Women, Kilakarai, 2. School Of Mathematics, Madurai Kamaraj University,

More information

Sparse, Contextually Informed Models for Irony Detection: Exploiting User Communities, Entities and Sentiment

Sparse, Contextually Informed Models for Irony Detection: Exploiting User Communities, Entities and Sentiment Sparse, Contextually Informed Models for Irony Detection: Exploiting User Communities, Entities and Sentiment Byron C. Wallace University of Texas at Austin byron.wallace@utexas.edu Do Kook Choe and Eugene

More information

arxiv: v1 [cs.cv] 16 Jul 2017

arxiv: v1 [cs.cv] 16 Jul 2017 OPTICAL MUSIC RECOGNITION WITH CONVOLUTIONAL SEQUENCE-TO-SEQUENCE MODELS Eelco van der Wel University of Amsterdam eelcovdw@gmail.com Karen Ullrich University of Amsterdam karen.ullrich@uva.nl arxiv:1707.04877v1

More information

arxiv: v1 [cs.cl] 8 Jun 2018

arxiv: v1 [cs.cl] 8 Jun 2018 #SarcasmDetection is soooo general! Towards a Domain-Independent Approach for Detecting Sarcasm Natalie Parde and Rodney D. Nielsen Department of Computer Science and Engineering University of North Texas

More information