医学自然语言处理(NLP)相关论文汇总之 EMNLP 2021

【写在前面】EMNLP2021前段时间已经放榜,一直没时间整理,最近抽时间整理了一下该会议在医疗自然语言处理方向上的相关论文,放在这里,希望对大家有一定的帮助吧。还会继续更新,大家有兴趣的话可以持续关注。最近在阅读一篇文本分类综述,心生了一个复现里面代码和整理数据集的想法,目前正在稳步推荐,感兴趣的同学可以参考我的文本分类GitHub链接。汇总文本分类方法的目的是为了让大家更容易地在自己的数据集上跑baseline模型。

更多关于中文医疗自然语言处理的资源和论文汇总,请访问我的GitHub相关主页https://github.com/NiceSkyWang/Chinese_Medical_Natural_Language_Processing_Resources_and_Papers。 最近重新整理一下仓库,把对应会议的论文的PDF汇总下载,有需要的可以直接从仓库下载。
文本分类baseline仓库链接:https://github.com/LovelyDayWang/Summary-of-Text-Classification-Models-PyTorch,欢迎star~

文本分类

Classification of hierarchical text using geometric deep learning: the case of clinical trials corpus

使用几何深度学习对分层文本进行分类:以临床试验语料库为例

论文地址:https://aclanthology.org/2021.emnlp-main.48/

摘要:

We consider the hierarchical representation of documents as graphs and use geometric deep learning to classify them into different categories. While graph neural networks can efficiently handle the variable structure of hierarchical documents using the permutation invariant message passing operations, we show that we can gain extra performance improvements using our proposed selective graph pooling operation that arises from the fact that some parts of the hierarchy are invariable across different documents. We applied our model to classify clinical trial (CT) protocols into completed and terminated categories. We use bag-of-words based, as well as pre-trained transformer-based embeddings to featurize the graph nodes, achieving f1-scoresaround 0.85 on a publicly available large scale CT registry of around 360K protocols. We further demonstrate how the selective pooling can add insights into the CT termination status prediction. We make the source code and dataset splits accessible.

Effective Convolutional Attention Network for Multi-label Clinical Document Classification

用于多标签临床文件分类的有效卷积注意网络

论文地址:https://aclanthology.org/2021.emnlp-main.481/

摘要:

Multi-label document classification (MLDC) problems can be challenging, especially for long documents with a large label set and a long-tail distribution over labels. In this paper, we present an effective convolutional attention network for the MLDC problem with a focus on medical code prediction from clinical documents. Our innovations are three-fold: (1) we utilize a deep convolution-based encoder with the squeeze-and-excitation networks and residual networks to aggregate the information across the document and learn meaningful document representations that cover different ranges of texts; (2) we explore multi-layer and sum-pooling attention to extract the most informative features from these multi-scale representations; (3) we combine binary cross entropy loss and focal loss to improve performance for rare labels. We focus our evaluation study on MIMIC-III, a widely used dataset in the medical domain. Our models outperform prior work on medical coding and achieve new state-of-the-art results on multiple metrics. We also demonstrate the language independent nature of our approach by applying it to two non-English datasets. Our model outperforms prior best model and a multilingual Transformer model by a substantial margin.

Description-based Label Attention Classifier for Explainable ICD-9 Classification

用于可解释 ICD-9 分类的基于描述的标签注意分类器

论文地址:https://aclanthology.org/2021.wnut-1.8/

摘要:

ICD-9 coding is a relevant clinical billing task, where unstructured texts with information about a patient’s diagnosis and treatments are annotated with multiple ICD-9 codes. Automated ICD-9 coding is an active research field, where CNN- and RNN-based model architectures represent the state-of-the-art approaches. In this work, we propose a description-based label attention classifier to improve the model explainability when dealing with noisy texts like clinical notes.

关系抽取

Incorporating medical knowledge in BERT for clinical relation extraction

在 BERT 中结合医学知识进行临床关系提取

论文地址:https://aclanthology.org/2021.emnlp-main.435/

摘要:

In recent years pre-trained language models (PLM) such as BERT have proven to be very effective in diverse NLP tasks such as Information Extraction, Sentiment Analysis and Question Answering. Trained with massive general-domain text, these pre-trained language models capture rich syntactic, semantic and discourse information in the text. However, due to the differences between general and specific domain text (e.g., Wikipedia versus clinic notes), these models may not be ideal for domain-specific tasks (e.g., extracting clinical relations). Furthermore, it may require additional medical knowledge to understand clinical text properly. To solve these issues, in this research, we conduct a comprehensive examination of different techniques to add medical knowledge into a pre-trained BERT model for clinical relation extraction. Our best model outperforms the state-of-the-art systems on the benchmark i2b2/VA 2010 clinical relation extraction dataset.

实体链接

BERT might be Overkill: A Tiny but Effective Biomedical Entity Linker based on Residual Convolutional Neural Networks

BERT 可能有点矫枉过正:基于残差卷积神经网络的微小但有效的生物医学实体链接器

论文地址:https://aclanthology.org/2021.findings-emnlp.140/

摘要:

Biomedical entity linking is the task of linking entity mentions in a biomedical document to referent entities in a knowledge base. Recently, many BERT-based models have been introduced for the task. While these models achieve competitive results on many datasets, they are computationally expensive and contain about 110M parameters. Little is known about the factors contributing to their impressive performance and whether the over-parameterization is needed. In this work, we shed some light on the inner workings of these large BERT-based models. Through a set of probing experiments, we have found that the entity linking performance only changes slightly when the input word order is shuffled or when the attention scope is limited to a fixed window size. From these observations, we propose an efficient convolutional neural network with residual connections for biomedical entity linking. Because of the sparse connectivity and weight sharing properties, our model has a small number of parameters and is highly efficient. On five public datasets, our model achieves comparable or even better linking accuracy than the state-of-the-art BERT-based models while having about 60 times fewer parameters.

实体消歧

Coreference Resolution for the Biomedical Domain: A Survey

生物医学领域的共指解析:一项调查

论文地址:https://aclanthology.org/2021.crac-1.2/

摘要:

Issues with coreference resolution are one of the most frequently mentioned challenges for information extraction from the biomedical literature. Thus, the biomedical genre has long been the second most researched genre for coreference resolution after the news domain, and the subject of a great deal of research for NLP in general. In recent years this interest has grown enormously leading to the development of a number of substantial datasets, of domain-specific contextual language models, and of several architectures. In this paper we review the state of-the-art of coreference in the biomedical domain with a particular attention on these most recent developments.

Cross-Domain Data Integration for Named Entity Disambiguation in Biomedical Text

生物医学文本中命名实体消歧的跨域数据集成

论文地址:https://aclanthology.org/2021.findings-emnlp.388/

摘要:

Named entity disambiguation (NED), which involves mapping textual mentions to structured entities, is particularly challenging in the medical domain due to the presence of rare entities. Existing approaches are limited by the presence of coarse-grained structural resources in biomedical knowledge bases as well as the use of training datasets that provide low coverage over uncommon resources. In this work, we address these issues by proposing a cross-domain data integration method that transfers structural knowledge from a general text knowledge base to the medical domain. We utilize our integration scheme to augment structural resources and generate a large biomedical NED dataset for pretraining. Our pretrained model with injected structural knowledge achieves state-of-the-art performance on two benchmark medical NED datasets: MedMentions and BC5CDR. Furthermore, we improve disambiguation of rare entities by up to 57 accuracy points.

医疗概念标准化

Biomedical Concept Normalization by Leveraging Hypernyms

利用上位词进行生物医学概念规范化

论文地址:https://aclanthology.org/2021.emnlp-main.284/

摘要:

Biomedical Concept Normalization (BCN) is widely used in biomedical text processing as a fundamental module. Owing to numerous surface variants of biomedical concepts, BCN still remains challenging and unsolved. In this paper, we exploit biomedical concept hypernyms to facilitate BCN. We propose Biomedical Concept Normalizer with Hypernyms (BCNH), a novel framework that adopts list-wise training to make use of both hypernyms and synonyms, and also employs norm constraint on the representation of hypernym-hyponym entity pairs. The experimental results show that BCNH outperforms the previous state-of-the-art model on the NCBI dataset.

医学知识图谱

Mixture-of-Partitions: Infusing Large Biomedical Knowledge Graphs into BERT

分区混合:将大型生物医学知识图注入 BERT

论文地址:https://aclanthology.org/2021.emnlp-main.383/

摘要:

Infusing factual knowledge into pre-trained models is fundamental for many knowledge-intensive tasks. In this paper, we proposed Mixture-of-Partitions (MoP), an infusion approach that can handle a very large knowledge graph (KG) by partitioning it into smaller sub-graphs and infusing their specific knowledge into various BERT models using lightweight adapters. To leverage the overall factual knowledge for a target task, these sub-graph adapters are further fine-tuned along with the underlying BERT through a mixture layer. We evaluate our MoP with three biomedical BERTs (SciBERT, BioBERT, PubmedBERT) on six downstream tasks (inc. NLI, QA, Classification), and the results show that our MoP consistently enhances the underlying BERTs in task performance, and achieves new SOTA performances on five evaluated datasets.

Can Language Models be Biomedical Knowledge Bases?

语言模型可以成为生物医学知识库吗?

论文地址:https://aclanthology.org/2021.emnlp-main.388/

摘要:

Pre-trained language models (LMs) have become ubiquitous in solving various natural language processing (NLP) tasks. There has been increasing interest in what knowledge these LMs contain and how we can extract that knowledge, treating LMs as knowledge bases (KBs). While there has been much work on probing LMs in the general domain, there has been little attention to whether these powerful LMs can be used as domain-specific KBs. To this end, we create the BioLAMA benchmark, which is comprised of 49K biomedical factual knowledge triples for probing biomedical LMs. We find that biomedical LMs with recently proposed probing methods can achieve up to 18.51% Acc@5 on retrieving biomedical knowledge. Although this seems promising given the task difficulty, our detailed analyses reveal that most predictions are highly correlated with prompt templates without any subjects, hence producing similar results on each relation and hindering their capabilities to be used as domain-specific KBs. We hope that BioLAMA can serve as a challenging benchmark for biomedical factual probing.

QA

MLEC-QA: A Chinese Multi-Choice Biomedical Question Answering Dataset

MLEC-QA:中文多选生物医学问答数据集

论文地址:https://aclanthology.org/2021.emnlp-main.698/

Question Answering (QA) has been successfully applied in scenarios of human-computer interaction such as chatbots and search engines. However, for the specific biomedical domain, QA systems are still immature due to expert-annotated datasets being limited by category and scale. In this paper, we present MLEC-QA, the largest-scale Chinese multi-choice biomedical QA dataset, collected from the National Medical Licensing Examination in China. The dataset is composed of five subsets with 136,236 biomedical multi-choice questions with extra materials (images or tables) annotated by human experts, and first covers the following biomedical sub-fields: Clinic, Stomatology, Public Health, Traditional Chinese Medicine, and Traditional Chinese Medicine Combined with Western Medicine. We implement eight representative control methods and open-domain QA methods as baselines. Experimental results demonstrate that even the current best model can only achieve accuracies between 40% to 55% on five subsets, especially performing poorly on questions that require sophisticated reasoning ability. We hope the release of the MLEC-QA dataset can serve as a valuable resource for research and evaluation in open-domain QA, and also make advances for biomedical QA systems.

What Would it Take to get Biomedical QA Systems into Practice?

将生物医学 QA 系统付诸实践需要什么?

论文地址:https://aclanthology.org/2021.mrqa-1.3/

摘要:

Medical question answering (QA) systems have the potential to answer clinicians’ uncertainties about treatment and diagnosis on-demand, informed by the latest evidence. However, despite the significant progress in general QA made by the NLP community, medical QA systems are still not widely used in clinical environments. One likely reason for this is that clinicians may not readily trust QA system outputs, in part because transparency, trustworthiness, and provenance have not been key considerations in the design of such models. In this paper we discuss a set of criteria that, if met, we argue would likely increase the utility of biomedical QA systems, which may in turn lead to adoption of such systems in practice. We assess existing models, tasks, and datasets with respect to these criteria, highlighting shortcomings of previously proposed approaches and pointing toward what might be more usable QA systems.

文本生成

Automated Generation of Accurate & Fluent Medical X-ray Reports

自动生成准确流畅的医学 X 射线报告

论文地址:https://aclanthology.org/2021.emnlp-main.288/

摘要:

Our paper aims to automate the generation of medical reports from chest X-ray image inputs, a critical yet time-consuming task for radiologists. Existing medical report generation efforts emphasize producing human-readable reports, yet the generated text may not be well aligned to the clinical facts. Our generated medical reports, on the other hand, are fluent and, more importantly, clinically accurate. This is achieved by our fully differentiable and end-to-end paradigm that contains three complementary modules: taking the chest X-ray images and clinical history document of patients as inputs, our classification module produces an internal checklist of disease-related topics, referred to as enriched disease embedding; the embedding representation is then passed to our transformer-based generator, to produce the medical report; meanwhile, our generator also creates a weighted embedding representation, which is fed to our interpreter to ensure consistency with respect to disease-related topics. Empirical evaluations demonstrate very promising results achieved by our approach on commonly-used metrics concerning language fluency and clinical accuracy. Moreover, noticeable performance gains are consistently observed when additional input information is available, such as the clinical document and extra scans from different views.

其他

Zero-Shot Clinical Questionnaire Filling From Human-Machine Interactions

从人机交互中填写零样本临床问卷

论文地址:https://aclanthology.org/2021.mrqa-1.5/

摘要:

In clinical studies, chatbots mimicking doctor-patient interactions are used for collecting information about the patient’s health state. Later, this information needs to be processed and structured for the doctor. One way to organize it is by automatically filling the questionnaires from the human-bot conversation. It would help the doctor to spot the possible issues. Since there is no such dataset available for this task and its collection is costly and sensitive, we explore the capacities of state-of-the-art zero-shot models for question answering, textual inference, and text classification. We provide a detailed analysis of the results and propose further directions for clinical questionnaire filling.

Robustness and Sensitivity of BERT Models Predicting Alzheimer’s Disease from Text

论文地址:https://aclanthology.org/2021.wnut-1.37/

论文地址:

摘要:

Understanding robustness and sensitivity of BERT models predicting Alzheimer’s disease from text is important for both developing better classification models and for understanding their capabilities and limitations. In this paper, we analyze how a controlled amount of desired and undesired text alterations impacts performance of BERT. We show that BERT is robust to natural linguistic variations in text. On the other hand, we show that BERT is not sensitive to removing clinically important information from text.

Interacting Knowledge Sources, Inspection and Analysis: Case-studies on Biomedical text processing

交互知识源、检查和分析:生物医学文本处理案例研究

论文地址:https://aclanthology.org/2021.blackboxnlp-1.35/

摘要:

In this paper we investigate the recently proposed multi-input RIM for inspectability. This framework follows an encapsulation paradigm, where external knowledge sources are encoded as largely independent modules, enabling transparency for model inspection.

Sent2Span: Span Detection for PICO Extraction in the Biomedical Text without Span Annotations

Sent2Span:无跨度注释的生物医学文本中 PICO 提取的跨度检测

论文地址:https://aclanthology.org/2021.findings-emnlp.147/

摘要:

The rapid growth in published clinical trials makes it difficult to maintain up-to-date systematic reviews, which require finding all relevant trials. This leads to policy and practice decisions based on out-of-date, incomplete, and biased subsets of available clinical evidence. Extracting and then normalising Population, Intervention, Comparator, and Outcome (PICO) information from clinical trial articles may be an effective way to automatically assign trials to systematic reviews and avoid searching and screening—the two most time-consuming systematic review processes. We propose and test a novel approach to PICO span detection. The major difference between our proposed method and previous approaches comes from detecting spans without needing annotated span data and using only crowdsourced sentence-level annotations. Experiments on two datasets show that PICO span detection results achieve much higher results for recall when compared to fully supervised methods with PICO sentence detection at least as good as human annotations. By removing the reliance on expert annotations for span detection, this work could be used in a human-machine pipeline for turning low-quality, crowdsourced, and sentence-level PICO annotations into structured information that can be used to quickly assign trials to relevant systematic reviews.

Parameter-Efficient Domain Knowledge Integration from Multiple Sources for Biomedical Pre-trained Language Models

用于生物医学预训练语言模型的多源参数高效领域知识集成

论文地址:https://aclanthology.org/2021.findings-emnlp.325/

摘要:

Domain-specific pre-trained language models (PLMs) have achieved great success over various downstream tasks in different domains. However, existing domain-specific PLMs mostly rely on self-supervised learning over large amounts of domain text, without explicitly integrating domain-specific knowledge, which can be essential in many domains. Moreover, in knowledge-sensitive areas such as the biomedical domain, knowledge is stored in multiple sources and formats, and existing biomedical PLMs either neglect them or utilize them in a limited manner. In this work, we introduce an architecture to integrate domain knowledge from diverse sources into PLMs in a parameter-efficient way. More specifically, we propose to encode domain knowledge via adapters, which are small bottleneck feed-forward networks inserted between intermediate transformer layers in PLMs. These knowledge adapters are pre-trained for individual domain knowledge sources and integrated via an attention-based knowledge controller to enrich PLMs. Taking the biomedical domain as a case study, we explore three knowledge-specific adapters for PLMs based on the UMLS Metathesaurus graph, the Wikipedia articles for diseases, and the semantic grouping information for biomedical concepts. Extensive experiments on different biomedical NLP tasks and datasets demonstrate the benefits of the proposed architecture and the knowledge-specific adapters across multiple PLMs.

MSˆ2: Multi-Document Summarization of Medical Studies

MSˆ2:医学研究的多文档摘要

论文地址:https://aclanthology.org/2021.emnlp-main.594/

摘要:

To assess the effectiveness of any medical intervention, researchers must conduct a time-intensive and manual literature review. NLP systems can help to automate or assist in parts of this expensive process. In support of this goal, we release MSˆ2 (Multi-Document Summarization of Medical Studies), a dataset of over 470k documents and 20K summaries derived from the scientific literature. This dataset facilitates the development of systems that can assess and aggregate contradictory evidence across multiple studies, and is the first large-scale, publicly available multi-document summarization dataset in the biomedical domain. We experiment with a summarization system based on BART, with promising early results, though significant work remains to achieve higher summarization quality. We formulate our summarization inputs and targets in both free text and structured forms and modify a recently proposed metric to assess the quality of our system’s generated summaries. Data and models are available at https://github.com/allenai/ms2.

Detecting Health Advice in Medical Research Literature

检测医学研究文献中的健康建议

论文地址:https://aclanthology.org/2021.emnlp-main.486/

摘要:

Health and medical researchers often give clinical and policy recommendations to inform health practice and public health policy. However, no current health information system supports the direct retrieval of health advice. This study fills the gap by developing and validating an NLP-based prediction model for identifying health advice in research publications. We annotated a corpus of 6,000 sentences extracted from structured abstracts in PubMed publications as ‘“strong advice”, “weak advice”, or “no advice”, and developed a BERT-based model that can predict, with a macro-averaged F1-score of 0.93, whether a sentence gives strong advice, weak advice, or not. The prediction model generalized well to sentences in both unstructured abstracts and discussion sections, where health advice normally appears. We also conducted a case study that applied this prediction model to retrieve specific health advice on COVID-19 treatments from LitCovid, a large COVID research literature portal, demonstrating the usefulness of retrieving health advice sentences as an advanced research literature navigation function for health researchers and the general public.

Exploring a Unified Sequence-To-Sequence Transformer for Medical Product Safety Monitoring in Social Media

探索用于社交媒体中医疗产品安全监控的统一序列到序列转换器

论文地址:https://aclanthology.org/2021.findings-emnlp.300/

摘要:

Adverse Events (AE) are harmful events resulting from the use of medical products. Although social media may be crucial for early AE detection, the sheer scale of this data makes it logistically intractable to analyze using human agents, with NLP representing the only low-cost and scalable alternative. In this paper, we frame AE Detection and Extraction as a sequence-to-sequence problem using the T5 model architecture and achieve strong performance improvements over the baselines on several English benchmarks (F1 = 0.71, 12.7% relative improvement for AE Detection; Strict F1 = 0.713, 12.4% relative improvement for AE Extraction). Motivated by the strong commonalities between AE tasks, the class imbalance in AE benchmarks, and the linguistic and structural variety typical of social media texts, we propose a new strategy for multi-task training that accounts, at the same time, for task and dataset characteristics. Our approach increases model robustness, leading to further performance gains. Finally, our framework shows some language transfer capabilities, obtaining higher performance than Multilingual BERT in zero-shot learning on French data.

How to leverage the multimodal EHR data for better medical prediction?

如何利用多模态 EHR 数据进行更好的医学预测

论文地址:https://aclanthology.org/2021.emnlp-main.329/

摘要:

Healthcare is becoming a more and more important research topic recently. With the growing data in the healthcare domain, it offers a great opportunity for deep learning to improve the quality of service and reduce costs. However, the complexity of electronic health records (EHR) data is a challenge for the application of deep learning. Specifically, the data produced in the hospital admissions are monitored by the EHR system, which includes structured data like daily body temperature and unstructured data like free text and laboratory measurements. Although there are some preprocessing frameworks proposed for specific EHR data, the clinical notes that contain significant clinical value are beyond the realm of their consideration. Besides, whether these different data from various views are all beneficial to the medical tasks and how to best utilize these data remain unclear. Therefore, in this paper, we first extract the accompanying clinical notes from EHR and propose a method to integrate these data, we also comprehensively study the different models and the data leverage methods for better medical task prediction performance. The results on two prediction tasks show that our fused model with different data outperforms the state-of-the-art method without clinical notes, which illustrates the importance of our fusion method and the clinical note features.

Leveraging Capsule Routing to Associate Knowledge with Medical Literature Hierarchically

利用胶囊路由将知识与医学文献分层关联

论文地址:https://aclanthology.org/2021.emnlp-main.285/

摘要:

Integrating knowledge into text is a promising way to enrich text representation, especially in the medical field. However, undifferentiated knowledge not only confuses the text representation but also imports unexpected noises. In this paper, to alleviate this problem, we propose leveraging capsule routing to associate knowledge with medical literature hierarchically (called HiCapsRKL). Firstly, HiCapsRKL extracts two empirically designed text fragments from medical literature and encodes them into fragment representations respectively. Secondly, the capsule routing algorithm is applied to two fragment representations. Through the capsule computing and dynamic routing, each representation is processed into a new representation (denoted as caps-representation), and we integrate the caps-representations as information gain to associate knowledge with medical literature hierarchically. Finally, HiCapsRKL are validated on relevance prediction and medical literature retrieval test sets. The experimental results and analyses show that HiCapsRKLcan more accurately associate knowledge with medical literature than mainstream methods. In summary, HiCapsRKL can efficiently help selecting the most relevant knowledge to the medical literature, which may be an alternative attempt to improve knowledge-based text representation. Source code is released on GitHub.

医学自然语言处理(NLP)相关论文汇总之 EMNLP 2021相关推荐

  1. 医学自然语言处理(NLP)相关论文汇总之 NAACL 2021

    医学自然语言处理(NLP)相关论文汇总之 NAACL 2021 [写在前面]NAACL2021前段时间已经放榜,自己抽时间整理了一下该会议在医疗自然语言处理方向上的相关论文,放在这里,希望对大家有一定 ...

  2. 医学自然语言处理(NLP)相关论文汇总之 ACL 2021

    医学自然语言处理(NLP)相关论文汇总之 ACL 2021 [写在前面]ACL2021前段时间已经放榜,一直没时间整理,最近抽时间整理了一下该会议在医疗自然语言处理方向上的相关论文,放在这里,希望对大 ...

  3. 医学自然语言处理(NLP)相关论文汇总之 EMNLP2020

    医学自然语言处理(NLP)相关论文汇总之 EMNLP 2020 [写在前面]最近一段时间在调研医疗方向的NLP论文,所以对于各个会议上的论文也顺手进行了分类整理,放在这里,希望对大家有一定的帮助吧.等 ...

  4. 医学自然语言处理(NLP)相关论文汇总之 ACL 2022

    医学自然语言处理(NLP)相关论文汇总之 ACL 2022 更多关于中文医疗自然语言处理的资源和论文汇总,请访问我的GitHub相关主页https://github.com/NiceSkyWang/C ...

  5. 医学自然语言处理(NLP)相关论文汇总之 COLING 2022

    [写在前面]AAAI2022前段时间已经放榜,自己抽时间整理了一下该会议在医疗自然语言处理方向上的相关论文,放在这里,希望对大家有一定的帮助吧.还会继续更新,大家有兴趣的话可以持续关注. 更多关于中文 ...

  6. 今日arXiv精选 | 28篇EMNLP 2021最新论文

     关于 #今日arXiv精选  这是「AI 学术前沿」旗下的一档栏目,编辑将每日从arXiv中精选高质量论文,推送给读者. Broaden the Vision: Geo-Diverse Visual ...

  7. 【自然语言处理NLP】一文带你了解EMNLP国际会议 EMNLP2022--EMNLP2016 国际顶会论文列表

    来源: AINLPer 微信公众号(每日论文干货分享!!) 编辑: ShuYini 校稿: ShuYini 时间: 2022-09-27 引言 之前整理 历年NeurIPS的论文集给大家分享 ,很多小 ...

  8. 开启注册丨EMNLP 2021论文预讲会,邀你一起共赏自然语言处理学术盛宴(日程全公开)...

    自然语言分析和应用.知识和推理.信息检索.推荐系统.机器翻译.情感分析.对话控制和生成.自然语言生成.语言模型和跨语言处理 EMNLP(Conference on Empirical Methods ...

  9. 自然语言处理NLP简介

    自然语言处理NLP简介 NLP简介 1 引言 人工智能.机器学习.深度学习 什么是自然语言处理? 人工智能的流派 2 NLP发展历史 人工智能发展历史 推理期 知识期 学习期 文本的预训练可分为两个重 ...

最新文章

  1. http 权威指南 目录
  2. 小米某程序员的忧虑:感觉互联网这两年要凉,突然想回家种地
  3. 逻辑漏洞-token绕过
  4. 程序运行时堆区和栈区的分配
  5. 离线安装minikube—1.10.1
  6. tensorflow-eagerAPI
  7. ASP.NET Web API 应用教程(一) ——数据流使用
  8. USB HID学习:一点开发记录
  9. Neural Motifs: Scene Graph Parsing with Global Contex
  10. atitit.架构设计---方法调用结果使用异常还是返回值
  11. 读写文件RandomAccessFile
  12. 安卓中如何修改创建的模拟器的存储位置
  13. Python3+Selenium3自动化测试 - 实例 - 登录QQ邮箱并自动发送邮件
  14. 翠竹林 Java 实现对Sql语句解析
  15. java家庭收支记账软件-day01
  16. R语言运行环境安装配置
  17. c语言点餐系统感悟,一个简单C语言点餐系统的学习心得
  18. 关于python安装问题 0x80072f7d的解决方法
  19. RollBack RX Professional 设置快照教程
  20. 微信小程序订阅消息失败

热门文章

  1. KodBox安装和配置
  2. newifi mini 和 斐讯k1 的pandorabox 使用总结
  3. 微信公众号开发快速获取openID(小妙招)
  4. java strem流
  5. 使用LODOP打印控件实现打印功能的解决方案
  6. 隆云通管道式一氧化碳传感器
  7. 怎么把pdf转换成图片?这个方法你值得拥有
  8. 数字签名和数字信封的比较
  9. 这4个行业用进销存管理系统是肯定不会错的
  10. GPS 入门 4 —— GPS NMEA-0183协议 [转]