OCTIS 2.0: Optimizing and Comparing Topic Models in Italian is Even Simpler!
p. 328-334
Résumés
OCTIS is an open-source framework for training, evaluating and comparing Topic Models. This tool uses single-objective Bayesian Optimization (BO) to optimize the hyper-parameters of the models and thus guarantee a fairer comparison. Yet, a single-objective approach disregards that a user may want to simultaneously optimize multiple objectives. We therefore propose OCTIS 2.0: the extension of OCTIS that addresses the problem of estimating the optimal hyper-parameter configurations for a topic model using multi-objective BO. Moreover, we also release and integrate two pre-processed Italian datasets, which can be easily used as benchmarks for the Italian language.
OCTIS è un framework open-source per il training, la valutazione e la comparazione di Topic Models. Questo strumento utilizza l’ottimizzazione Bayesiana (BO) a singolo obiettivo per ottimizzare gli iperparametri dei modelli e quindi garantire una comparazione più equa. Tuttavia, questo approccio ignora che un utente potrebbe voler ottimizzare pi‘u di un obiettivo. Proponiamo perciò OCTIS 2.0: l’estensione di OCTIS che affronta il problema della stima delle configurazioni ottimali degli iperparametri di un topic model usando la BO multi-obiettivo. In aggiunta, rilasciamo e integriamo anche due nuovi dataset in italiano pre-processati, che possono essere facilmente utilizzati come benchmark per la lingua italiana.
Texte intégral
1. Introduction
1Topic models are statistical methods that aim to extract the hidden topics underlying a collection of documents (Blei, Ng, and Jordan 2003; Blei 2012; Boyd-Graber, Hu, and Mimno 2017). Topics are often represented by sets of words that make sense together, e.g. the words “cat, animal, dog, mouse” may represent a topic about animals. Topic models’ evaluations are usually limited to the comparison of models whose hyper-parameters are held fixed (Doan and Hoang 2021; Terragni, Fersini, and Messina 2020; Terragni, Nozza, et al. 2020). However, hyper-parameters can have an impressive impact on the models’ performance and therefore fixing the hyper-parameters prevents the researchers from discovering the best topic model on the selected dataset.
2Recently, OCTIS (Terragni, Fersini, et al. 2021 Optimizing and Comparing Topic Models is Simple) has been released: a comprehensive and open-source framework for training, analyzing, and comparing topic models, over several datasets and evaluation metrics. OCTIS determines the optimal hyper-parameter configuration according to a Bayesian Optimization (BO) strategy (Archetti and Candelieri 2019; Snoek, Larochelle, and Adams 2012; Galuzzi et al. 2020). The framework already provides several features and resources, among which at least 8 topic models, 4 categories of evaluation metrics, and 4 pre-processed datasets. However, the framework uses a single-objective Bayesian optimization approach, disregarding that a user may want to simultaneously optimize more than one objective (Terragni and Fersini 2021). For example, a user may be interested in obtaining topics that are coherent but also diverse and separated from each other.
Contributions
3In this paper, we propose OCTIS 2.0, an extension of the existing framework that integrates both a single-objective and multi-objective hyper-parameter optimization strategy, using Bayesian optimization. Moreover, we also pre-process and include two novel datasets in Italian. We will then briefly show the potentiality of the extended framework by comparing different topic models on the new released Italian datasets. We believe these resources can be useful for the topic modeling and NLP communities, since they can be used as benchmarks for the Italian language.
2. OCTIS: Optimizing and Comparing Topic Models is Simple!
2.1 OCTIS 1.0
4OCTIS (Terragni, Fersini, et al. 2021 Optimizing and Comparing is Simple!) is an open-source evaluation framework for the comparison of topic models, that allows a user to optimize the models’ hyper-parameters for a fair experimental comparison. The evaluation framework is composed of different modules that interact with each other: (1) dataset and pre-processing tools, (2) topic modeling, (3) hyper-parameter optimization, (4) evaluation metrics. OCTIS can be used both as a python library and through a web dashboard. It also provides a set of pre-processed datasets, state-of-the-art topic models and several evaluation metrics.
5We will now briefly describe the two components that we will extend in this work: the pre-processed datasets and the hyper-parameter optimization module.
Pre-processing and Datasets
6OCTIS currently provides functionalities for pre-processing the texts, which include the lemmatization of the text, the removal of punctuation, numbers and stop-words, and the removal of words based on their frequency. Moreover, the framework already provides 4 pre-processed datasets, that are ready to use for topic modeling. These datasets are 20 NewsGroups,1 M10 (Lim and Buntine 2014), DBLP,2 and BBC News (Greene and Cunningham 2006). All the datasets are split into three partitions: training, testing and validation.
7All the currently provided datasets are in English. OCTIS already provides language-specific pre-processing tools (e.g. lemmatizers for multiple languages), but it does not present datasets in other languages. Creating benchmark datasets for other languages is useful for investigating the peculiarities of different topic modeling methods.
Single-Objective Hyper-parameter Optimization
8OCTIS uses single-objective Bayesian Optimization (Snoek, Larochelle, and Adams 2012; Shahriari et al. 2015) to tune the topic models’ hyper-parameters with respect to a selected evaluation metric. In particular, the user specifies the search space for the hyper-parameters and an objective metric. Then, BO sequentially explores the search space to determine the optimal hyper-parameter configuration. Since the models are usually probabilistic and can give different results with the same hyper-parameter configuration, the objective function is computed as the median of a given number of model runs (i.e., topic models run with the same hyper-parameter configuration) computed for the selected evaluation metric. OCTIS uses the Scikit-Optimize library (Head et al. 2018) for the implementation of the single-objective hyper-parameter Bayesian optimization.
9The use of a single-objective approach is however limited. In fact, this strategy disregards other objectives. For example, a user may require to optimize the coherence of the topics and their diversity at the same time.
2.2 OCTIS 2.0
New dataset resources for the Italian language
10Since OCTIS provides only English datasets, we extend the set of datasets by including two new datasets in Italian. We build the two datasets from the Italian version of the Europarl dataset3 and from the Italian abstracts of DBPedia.4 In particular, we randomly sample 5000 documents from Europarl and we randomly sample 1000 Italian abstracts for 5 DBpedia types (event, organization, place, person, work), for a total of 5000 abstracts.
11We preprocess the datasets using the following strategy: we lemmatize the text, we remove the punctuation, numbers and Italian stop-words, we filter out the words with a document frequency higher than the 50% and less than the 0.1% for Europarl and 0.2% for DBPedia and we also remove the documents with less than 5 words. These values have been chosen by manually inspecting the resulting pre-processed datasets.
12We report the most relevant statistics of the novel Italian datasets in Table1. Following the original paper, we split the datasets in three partitions: training (75%), validation (15%), and testing (15%).
From Single-objective to Multi-objective Hyper-parameter Bayesian Optimization
13Given the limitations of the single-objective hyperparameter optimization approach, we extend OCTIS by including a multi-objective approach (Kandasamy et al. 2020; Paria, Kandasamy, and Póczos 2019). Single-objective BO can be in fact generalized to multiple objective functions, where the final aim is to recover the Pareto frontier of the objective functions, i.e. the set of Pareto optimal points. A point is Pareto optimal if it cannot be improved in any of the objectives without degrading some other objective. Using a multi-objective hyper-parameter optimization approach thus allows us not only to identify the best performing model, but also to empirically discover competing objectives.
14Since the original Scikit-Optimize library does not provide multi-objective optimization tools, we use the dragonfly library5 (Paria, Kandasamy, and Póczos 2019). Like the single-objective optimization, the user must specify the hyper-parameter search space. But in addition, they also need to specify which functions they want to optimize. We report a simple coding example below:
# loading of a pre-processed dataset
dataset = Dataset()
dataset.fetch_dataset("DBPedia_IT")
#model instantiation
lda = LDA(num_topics=25)
#definition of the metrics to optimize
td = TopicDiversity()
coh = Coherence()
metrics = [td, coh]
#definition of the search space
config_file = "path/to/search/space/file"
#define and launch optimization
mmm = MOOptimizer(
dataset=dataset, model=model,
config_file=config_file,
metrics=metrics, maximize=True)
mmm.optimize()
15The snippet will run a multi-objective optimization experiment that will return the Pareto front of the diversity and coherence metrics on the Italian dataset DBPedia by optimizing the hyper-parameters (defined in a configuration file) of LDA with 25 topics.
16In keeping with the spirit of the first version of OCTIS, the framework extension is open-source and easily accessible, in order to guarantee researchers and practitioners a fairer, accessible and reproducible comparison between the models (Bianchi and Hovy 2021). OCTIS 2.0 is available as extension of the original library, at the following link: https://github.com/mind-Lab/octis.
3. Experimental Setting
17In the following, we will show the capabilities of the extended framework on the new datasets by carrying out a simple experimental campaign.
18We assume an experimental setting in which a topic modeling practitioner is interested in discovering the main thematic information of the two novel datasets in Italian. However, the user does not have prior knowledge on the datasets, therefore does not know which topic model is the most appropriate. Moreover, the user aims to get topics which are coherent and make sense together but which are also diverse and separated from the others. Let us notice that a user could consider a different set of metrics to optimize, by selecting one of the already defined metrics available in OCTIS or by defining novel metrics.
3.1 Evaluation Metrics
19We briefly describe the two evaluation metrics (one of topic coherence and one of topic diversity) that we will target as the two objectives of the multi-objective Bayesian optimization. Both metrics need to be maximized.
IRBO
20 (Bianchi, Terragni, and Hovy 2021; Terragni, Fersini, and Messina 2021) is a measure of topic diversity (0 for identical topics and 1 for completely different topics). It is based on the Ranked-Biased Overlap measure (Webber, Moffat, and Zobel 2010). Topics with common words at different rankings are penalized less than topics sharing the same words at the highest ranks.
NPMI
21 (Lau, Newman, and Baldwin 2014) measures Normalized Pointwise Mutual Information of each pair of words (wi, wj) in the 10-top words of each topic. It is a topic coherence measure, that evaluates how much the words in a topic are related to each other.
3.2 Topic Models and Hyper-Parameter Setting
22We focus our experiments on four well-known topic models that OCTIS already provides, two of them are considered classical topic models and the others are neural models. In particular, we trained Latent Dirichlet Allocation (Blei, Ng, and Jordan 2003 LDA), Non-negative Matrix Factorization (Lee and Seung 2000 NMF), Embedded Topic Model (Dieng, Ruiz, and Blei 2020 ETM), Contextualized Topic Models (Bianchi, Terragni, and Hovy 2021; Bianchi et al. 2021 CTM).
23We summarize the models’ hyper-parameters and their corresponding ranges in Table 2. For each model, we optimize the number of topics, ranging from 5 to 100 topics. We select the ranges of the hyper-parameters similarly to previous work (Terragni and Fersini 2021).
Table 2: Hyper-parameters and ranges
Model | Hyper-parameter | Values/Range |
All | Number of topics | [5, 100] |
LDA | α prior | [10−3, 10] |
β prior | [10−3, 10] | |
Regularization factor | [0, 0.5] | |
L1-L2 ratio | [0,1] | |
NMF | Initialization method | nndsvd, nndsvda, nndsvdar, random |
Regularization | V matrix, H matrix, both | |
Activation function | elu, sigmoid, softplus, selu | |
ETM | Dropout | [0, 0.9] |
Learning rate | [10−3, 10−1] | |
Number of neurons | {100, 200, . . ., 900, 1000} | |
Optimizer | adam, sgd, rmsprop | |
Activation function | elu, sigmoid, softplus, selu | |
CTM | Dropout | [0, 0.9] |
Learning rate | [10−3, 10−1] | |
Momentum | [0, 0.9] | |
Number of layers | 1, 2, 3, 4, 5 | |
Number of neurons | {100, 200, . . ., 900, 1000} | |
Optimizer | adam, sgd, rmsprop |
24Regarding LDA, we also optimize the hyper-parameters α and β priors that the sparsity of the topics in the documents and sparsity of the words in the topic distributions respectively. These hyper-parameters are set to range between 10-3 and 10-1 on a logarithmic scale.
25The hyper-parameters of NMF are mainly related to the regularization applied to the factorized matrices. The regularization hyper-parameter controls="true" if the regularization is applied only to the matrix V, or to the matrix H, or both. The regularization factor denotes the constant that multiplies the regularization terms. It ranges between 0 and 0.5 (0 means no regularization). L1-L2 ratio controls="true" the ratio between L1 and L2-regularization. It ranges between 0 and 1, where 0 corresponds to L2 regularization only, 1 corresponds to L1 regularization only, otherwise it is a combination of the two types. We also optimize the initialization method for the two matrices W and H.
26Since ETM and CTM are neural models, their hyper-parameters are mainly related to the network architecture. We optimize the number of neurons (ranging from 100 to 1000, with a step of 100). For simplicity, each layer has the same number of neurons. We also consider different variants of activation functions and optimizers. We set the dropout to range between 0 and 0.9 and the learning rate, that to range between 10-3 and 10-1, on a logarithm scale. We fix the batch size to 200 and we adopted an early stopping criterion for determining the convergence of each model.
27Moreover, only for CTM we also optimized the momentum, ranging between 0 and 0.9, and the number of layers (ranging from 1 to 5). Following (Bianchi et al. 2021), we use the contextualized document representations derived from SentenceBERT (Reimers and Gurevych 2019). In particular, we use the pre-trained multilingual Universal Sentence Encoder.6
28For all the models, we set the remaining parameters to their default values. Finally, we train each model 30 times and consider the median of the 30 evaluations as the evaluation of the function to be optimized. We sample the n initial configurations using the Latin Hypercube Sampling, with n equal to the number of hyperparameters to optimize plus 2 to provide enough configurations for the initial surrogate model to fit. The total number of BO iterations for each model is 125. We use Gaussian Process as the probabilistic surrogate model and the Upper Confidence Bound (UCB) as the acquisition function.
4. Results
29In the following, we report the results of the comparative analysis between the considered models on the Italian datasets.
4.1 Quantitative Results
30We jointly consider the results of both objectives by plotting the Pareto frontier of the results of topic diversity and topic coherence. Figure 1 shows the frontier of each model for the pair of metrics (NPMI, IRBO). We can notice that the topic models have similar frontiers in each dataset. The most competitive models are NMF and CTM. In particular, NMF outperforms the others for the topic coherence but gets a lower coherence as the diversity increases. Therefore, CTM is the model to prefer if a user wants to get totally separated topics but good coherence. Instead, LDA and ETM have lower performance than the others. We also noticed from our experiments that the performance of ETM is affected when the documents are shorter (on the Europarl dataset), often originating the phenomenon of mode collapsing, i.e. obtaining all the topics equal to the others.
4.3 Qualitative Results
31In Table 3 we report an example of topics discovered by the models. We selected the best hyper-parameter configuration discovered by the models with 5 topics and randomly sampled a model run among the 30 runs. Let us notice that, for the sake of simplicity, we have to fix the number of topics here and select a run among the total of 30 runs. Therefore, the qualitative results reported in Table 3 may not reflect the overall results.
Table 3: Example of top words of 5 topics for each considered model and the corresponding topic coherence (NPMI)
Model | Top words | NPMI |
de album pubblicare italiano the uniti situare fondare università noto | -0.05 | |
torneo giocare tennis edizione tour atp ambito open categoria cemento | 0.48 | |
LDA | film pubblicare the album serie musicale venire statunitense rock band | 0.11 |
guerra battaglia venire situare statunitense spagnolo partito esercito distretto mondiale | -0.14 | |
comune campionato squadra abitante calcio regione situare societ`a francese vincere | -0.03 | |
comune abitante dipartimento regione situare francese alta distretto est grand | 0.29 | |
torneo giocare tennis tour atp open edizione ambito categoria cemento | 0.48 | |
NMF | album pubblicare studio the musicale statunitense records singolo cantante rock | 0.29 |
calciatore ruolo allenatore calcio centrocampista difensore attaccante portiere settembre aprile | 0.24 | |
contea america uniti situare comune censimento designated census place capoluogo | 0.39 | |
album the pubblicare band statunitense singolo brano of musicale rock | 0.26 | |
superare argentino calciatore el buenos maria en svezia situare chiesa | -0.29 | |
CTM | partito battaglia guerra venire politico de linea isola stazione regno | -0.08 |
st stella vendetta dollaro robert company ritorno west superiore soggetto | -0.51 | |
edizione tennis giocare torneo vincere tour campionato maschile disputare squadra | 0.18 | |
sede de italiano fondare nome azienda noto francese compagnia parigi | 0.06 | |
guerra partito battaglia venire nord politico tedesco esercito regno militare | 0.03 | |
ETM | torneo situare comune giocare abitante edizione tennis tour regione uniti | -0.10 |
film serie the dirigere gioco pubblicare statunitense televisivo venire romanzo | 0.07 | |
album pubblicare campionato squadra musicale the calcio statunitense singolo vincere | -0.12 |
32We can notice that NMF obtains more coherent and stable topics. CTM and LDA obtain topics that have a higher variance: in particular, CTM discovers a topic (the fourth one, NPMI=-0.51) that lowers the average coherence, while LDA discovers a topic (the second one, NPMI=0.48) that effectively increases the average coherence. On the other hand, the topics discovered by ETM are more stable but have a lower coherence on average. As already observed in previous work (AlSumait et al. 2009; Doogan and Buntine 2021), obtaining junk or mixed topics is common in topic models and this problem can be addressed by filtering out the topics that are less relevant.
5. Conclusion
33In this paper, we presented OCTIS 2.0, the extension of the evaluation framework OCTIS for topic modeling. This tool can now address the problem of estimating the optimal hyper-parameter configurations of different topic models using a multi-objective Bayesian optimization approach. Moreover, we also released two novel datasets in Italian which can be used as benchmark datasets for the Italian topic modeling and NLP communities.
34We conducted a simple experimental campaign to show to potentiality of the extended framework. We have seen that using a multi-objective hyperparameter optimization approach allows us not only to identify the best performing model over the others, thus guaranteeing a fairer comparison among different models, but also to empirically discover the relationships between different objectives.
35As future work, we aim to extend the framework by considering additional datasets in different and possibly low-resource languages, which require different pre-processing strategies and would allow researchers to investigate the peculiarities of different topic modeling methods.
Bibliographie
Des DOI sont automatiquement ajoutés aux références bibliographiques par Bilbo, l’outil d’annotation bibliographique d’OpenEdition. Ces références bibliographiques peuvent être téléchargées dans les formats APA, Chicago et MLA.
Format
- APA
- Chicago
- MLA
Loulwah AlSumait, Daniel Barbará, James Gentle, and Carlotta Domeniconi. 2009. “Topic Significance Ranking of LDA Generative Models.” In Machine Learning and Knowledge Discovery in Databases, European Conference, ECML PKDD 2009, 5781:67–82. Lecture Notes in Computer Science. Springer. https://link.springer.com/chapter/10.1007/978-3-642-04180-8_22.
10.1007/978-3-642-04180-8_22 :Francesco Archetti, and Antonio Candelieri. 2019. Bayesian Optimization and Data Science. Springer International Publishing.
10.1007/978-3-030-24494-1 :Federico Bianchi, and Dirk Hovy. 2021. “On the Gap Between Adoption and Understanding in Nlp.” In Findings of the Association for Computational Linguistics: ACL-Ijcnlp 2021, 3895–3901.
10.18653/v1/2021.findings-acl :Federico Bianchi, Silvia Terragni, and Dirk Hovy. 2021. “Pre-training is a hot topic: Contextualized document embeddings improve topic coherence.” In Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing, ACL/IJCNLP 2021, 759–66. Association for Computational Linguistics. https://aclanthology.org/2021.acl-short.96.
Federico Bianchi, Silvia Terragni, Dirk Hovy, Debora Nozza, and Elisabetta Fersini. 2021. “Cross-Lingual Contextualized Topic Models with Zero-Shot Learning.” In Proceedings of the 16th Conference of the European Chapter of the Association for Computational Linguistics: Main Volume, EACL 2021, 1676–83. Association for Computational Linguistics. https://www.aclweb.org/anthology/2021.eacl-main.143/.
David M. Blei. 2012. “Probabilistic Topic Models.” Communications of the ACM 55 (4): 77–84.
David M. Blei, Andrew Y. Ng, and Michael I. Jordan. 2003. “Latent Dirichlet Allocation.” Journal of Machine Learning Research 3: 993–1022. http://jmlr.org/papers/v3/blei03a.html.
Jordan L. Boyd-Graber, Yuening Hu, and David M. Mimno. 2017. “Applications of Topic Models.” Found. Trends Inf. Retr. 11 (2-3): 143–296. https://doi.org/10.1561/1500000030.
10.1561/1500000030 :Adji Bousso Dieng, Francisco J. R. Ruiz, and David M. Blei. 2020. “Topic Modeling in Embedding Spaces.” Trans. Assoc. Comput. Linguistics 8: 439–53. https://transacl.org/ojs/index.php/tacl/article/view/2093.
Thanh-Nam Doan, and Tuan-Anh Hoang. 2021. “Benchmarking Neural Topic Models: An Empirical Study.” In Findings of the Association for Computational Linguistics: ACL-Ijcnlp 2021, 4363–8. Online: Association for Computational Linguistics. https://doi.org/10.18653/v1/2021.findings-acl.382.
10.18653/v1/2021.findings-acl.382 :Caitlin Doogan, and Wray L. Buntine. 2021. “Topic Model or Topic Twaddle? Re-Evaluating Semantic Interpretability Measures.” In Proceedings of the 2021 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, NAACL-HLT 2021, Online, June 6-11, 2021, 3824–48. Association for Computational Linguistics. https://doi.org/10.18653/v1/2021.naacl-main.300.
10.18653/v1/2021.naacl-main.300 :Bruno Giovanni Galuzzi, Ilaria Giordani, Antonio Candelieri, Riccardo Perego, and Francesco Archetti. 2020. “Hyperparameter Optimization for Recommender Systems Through Bayesian Optimization.” Computational Management Science, 1–21.
Derek Greene, and Pádraig Cunningham. 2006. “Practical Solutions to the Problem of Diagonal Dominance in Kernel Document Clustering.” In Proceedings of the 23rd International Conference on Machine Learning (Icml’06), 377–84. ACM Press.
Tim Head, Gilles Louppe MechCoder, Iaroslav Shcherbatyi, and others. 2018. “Scikit-Optimize/Scikit-Optimize: V0. 5.2.” Zenodo.
Kirthevasan Kandasamy, Karun Raju Vysyaraju, Willie Neiswanger, Biswajit Paria, Christopher R. Collins, Jeff Schneider, Barnabás Póczos, and Eric P. Xing. 2020. “Tuning Hyperparameters without Grad Students: Scalable and Robust Bayesian Optimisation with Dragonfly.” Journal of Machine Learning Research 21: 81:1–81:27. http://jmlr.org/papers/v21/18-223.html.
Jey Han Lau, David Newman, and Timothy Baldwin. 2014. “Machine Reading Tea Leaves: Automatically Evaluating Topic Coherence and Topic Model Quality.” In Proceedings of the 14th Conference of the European Chapter of the Association for Computational Linguistics, EACL 2014, 530–39. https://www.aclweb.org/anthology/E14-1056/.
Daniel D. Lee, and H. Sebastian Seung. 2000. “Algorithms for Non-Negative Matrix Factorization.” In Advances in Neural Information Processing Systems 13, Papers from Neural Information Processing Systems (NIPS) 2000, 556–62. MIT Press. http://papers.nips.cc/paper/1861-algorithms-for-non-negative-matrix-factorization.
Kar Wai Lim, and Wray L. Buntine. 2014. “Bibliographic Analysis with the Citation Network Topic Model.” In Proceedings of the Sixth Asian Conference on Machine Learning, ACML 2014. http://jmlr.org/proceedings/papers/v39/lim14.html.
Biswajit Paria, Kirthevasan Kandasamy, and Barnabás Póczos. 2019. “A Flexible Framework for Multi-Objective Bayesian Optimization using Random Scalarizations.” In Proceedings of the Thirty-Fifth Conference on Uncertainty in Artificial Intelligence (Uai), 115:766–76. Proceedings of Machine Learning Research. Tel Aviv, Israel: AUAI Press. http://proceedings.mlr.press/v115/paria20a.html.
Nils Reimers, and Iryna Gurevych. 2019. “Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks.” In Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing, (EMNLP-IJCNLP), 3980–90. Association for Computational Linguistics. https://doi.org/10.18653/v1/D19-1410.
10.18653/v1/D19-1410 :Bobak Shahriari, Kevin Swersky, Ziyu Wang, Ryan P Adams, and Nando De Freitas. 2015. “Taking the Human Out of the Loop: A Review of Bayesian Optimization.” Proceedings of the IEEE 104 (1): 148–75.
Jasper Snoek, Hugo Larochelle, and Ryan P. Adams. 2012. “Practical Bayesian Optimization of Machine Learning Algorithms.” In Advances in Neural Information Processing Systems 25: 26th Annual Conference on Neural Information Processing Systems, 2960–8. http://papers.nips.cc/paper/4522-practical-bayesian-optimization-of-machine-learning-algorithms.
Silvia Terragni, and Elisabetta Fersini. 2021. “An Empirical Analysis of Topic Models: Uncovering the Relationships Between Hyperparameters, Document Length and Performance Measures.” In Recent Advances in Natural Language Processing (Ranlp).
10.26615/978-954-452-072-4_xxx :Silvia Terragni, Elisabetta Fersini, Bruno Giovanni Galuzzi, Pietro Tropeano, and Antonio Candelieri. 2021. “OCTIS: Comparing and Optimizing Topic models is Simple!” In Proceedings of the 16th Conference of the European Chapter of the Association for Computational Linguistics: System Demonstrations, EACL 2021, 263–70. Association for Computational Linguistics. https://www.aclweb.org/anthology/2021.eacl-demos.31/.
10.18653/v1/2021.eacl-demos :Silvia Terragni, Elisabetta Fersini, and Enza Messina. 2020. “Constrained Relational Topic Models.” Information Sciences 512: 581–94. https://doi.org/https://doi.org/10.1016/j.ins.2019.09.039.
10.1016/j.ins.2019.09.039 :Silvia Terragni, Elisabetta Fersini, and Enza Messina. 2021. “Word Embedding-Based Topic Similarity Measures.” In Natural Language Processing and Information Systems - 26th International Conference on Applications of Natural Language to Information Systems, NLDB 2021, 12801:33–45. Lecture Notes in Computer Science. Springer. https://www.springerprofessional.de/word-embedding-based-topic-similarity-measures/19276208.
10.1007/978-3-030-80599-9 :Silvia Terragni, Debora Nozza, Elisabetta Fersini, and Messina Enza. 2020. “Which Matters Most? Comparing the Impact of Concept and Document Relationships in Topic Models.” In Proceedings of the First Workshop on Insights from Negative Results in Nlp, 32–40. https://doi.org/10.18653/v1/2020.insights-1.5.
10.18653/v1/2020.insights-1.5 :William Webber, Alistair Moffat, and Justin Zobel. 2010. “A Similarity Measure for Indefinite Rankings.” ACM Trans. Inf. Syst. 28 (4): 20:1–20:38. https://doi.org/10.1145/1852102.1852106.
10.1145/1852102.1852106 :Notes de bas de page
1 http://people.csail.mit.edu/jrennie/20Newsgroups/
2 https://github.com/shiruipan/TriDNR/tree/master/data
3 https://www.statmt.org/europarl/
4 https://www.dbpedia.org/resources/ontology/
5 https://github.com/dragonfly/dragonfly
6 Let us notice that there is not a Sentence BERT-like model for Italian. Therefore we used a multilingual one: distiluse-base-multilingual-cased-v1.
Auteurs
University of Milano-Bicocca, Milan, Italy – s.terragni4@campus.unimib.it
University of Milano-Bicocca, Milan, Italy – elisabetta.fersini@unimib.it
Le texte seul est utilisable sous licence Creative Commons - Attribution - Pas d'Utilisation Commerciale - Pas de Modification 4.0 International - CC BY-NC-ND 4.0. Les autres éléments (illustrations, fichiers annexes importés) sont « Tous droits réservés », sauf mention contraire.
Proceedings of the Second Italian Conference on Computational Linguistics CLiC-it 2015
3-4 December 2015, Trento
Cristina Bosco, Sara Tonelli et Fabio Massimo Zanzotto (dir.)
2015
Proceedings of the Third Italian Conference on Computational Linguistics CLiC-it 2016
5-6 December 2016, Napoli
Anna Corazza, Simonetta Montemagni et Giovanni Semeraro (dir.)
2016
EVALITA. Evaluation of NLP and Speech Tools for Italian
Proceedings of the Final Workshop 7 December 2016, Naples
Pierpaolo Basile, Franco Cutugno, Malvina Nissim et al. (dir.)
2016
Proceedings of the Fourth Italian Conference on Computational Linguistics CLiC-it 2017
11-12 December 2017, Rome
Roberto Basili, Malvina Nissim et Giorgio Satta (dir.)
2017
Proceedings of the Fifth Italian Conference on Computational Linguistics CLiC-it 2018
10-12 December 2018, Torino
Elena Cabrio, Alessandro Mazzei et Fabio Tamburini (dir.)
2018
EVALITA Evaluation of NLP and Speech Tools for Italian
Proceedings of the Final Workshop 12-13 December 2018, Naples
Tommaso Caselli, Nicole Novielli, Viviana Patti et al. (dir.)
2018
EVALITA Evaluation of NLP and Speech Tools for Italian - December 17th, 2020
Proceedings of the Seventh Evaluation Campaign of Natural Language Processing and Speech Tools for Italian Final Workshop
Valerio Basile, Danilo Croce, Maria Maro et al. (dir.)
2020
Proceedings of the Seventh Italian Conference on Computational Linguistics CLiC-it 2020
Bologna, Italy, March 1-3, 2021
Felice Dell'Orletta, Johanna Monti et Fabio Tamburini (dir.)
2020
Proceedings of the Eighth Italian Conference on Computational Linguistics CliC-it 2021
Milan, Italy, 26-28 January, 2022
Elisabetta Fersini, Marco Passarotti et Viviana Patti (dir.)
2022