• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    A multilayer network diffusion-based model for reviewer recommendation

    2024-03-25 09:33:24YiweiHuang黃羿煒ShuqiXu徐舒琪ShiminCai蔡世民andLinyuan呂琳媛
    Chinese Physics B 2024年3期
    關(guān)鍵詞:世民

    Yiwei Huang(黃羿煒), Shuqi Xu(徐舒琪), Shimin Cai(蔡世民), and Linyuan Lü(呂琳媛)6,,?

    1Institute of Fundamental and Frontier Sciences,University of Electronic Science and Technology of China,Chengdu 611731,China

    2Yangtze Delta Region Institute(Huzhou),University of Electronic Science and Technology of China,Huzhou 313001,China

    3Institute of Dataspace,Hefei Comprehensive National Science Center,Hefei 230088,China

    4Big Data Research Center,University of Electronic Science and Technology of China,Chengdu 611731,China

    5School of Computer Science and Engineering,University of Electronic Science and Technology of China,Chengdu 611731,China

    6School of Cyber Science and Technology,University of Science and Technology of China,Hefei 230026,China

    Keywords: reviewer recommendation, multilayer network, network diffusion model, recommender systems,complex networks

    1.Introduction

    The publication of a scientific article often needs to undergo multiple steps, among which peer review plays an essential role.[1]Appropriate reviewers can offer valuable suggestions to authors for manuscript revision and assist editors in decision-making, thereby helping to improve the quality of the paper and facilitate the peer review process.[2]Despite editors being able to rely on their reviewer database and authors’ recommendations to choose reviewers, finding an adequate number of qualified reviewers who are experienced in the research area of the submitted manuscripts is still tough,given the rapid growth of submissions.[3]To solve this problem, recommender systems aiming at reviewer recommendations are increasingly investigated and applied.Among them,research focusing on mining the relevance between reviewers and manuscripts via textual information accounts for a significant part,[2]in which methods based on natural language processing such as TF-IDF, LDA and LSI (see Subsection 2.1)find wide applications.[4]The text used for analysis mainly includes the submitted papers and the publications of reviewer candidates,specifically their titles,keywords,and abstracts.In addition, to enhance the accuracy of recommendations, some hybrid approaches combine text analysis with methods such as collaborative filtering, network models,[5]and rule-based systems.[6]In general,considerable efforts have been made in applying text analysis to match reviewers with manuscripts,while methods that do not require textual data have received limited discussion.However, the practical challenge of collecting complete textual information of reviewers, coupled with the occasional unavailability of full manuscripts, significantly impacts the accuracy of text analysis, calling for new methods that do not rely on textual data.

    This paper proposes a reviewer recommendation algorithm that leverages a diffusion process on a constructed multilayer network.The contribution lies in two aspects: the novel multilayer-network model and the diffusion-based recommendation algorithm.Firstly, we construct a multilayer network that encompasses various potential relationships, including the reviewing relations between reviewers and submissions,the co-reviewing relations among reviewers,and the bibliographic coupling relations among submissions.These relations precisely capture the matching of research fields between reviewers and submissions, the research relatedness among reviewers and the knowledge relatedness among submissions, respectively.Notably, our model does not require any textual information of reviewers and submissions, which reduces the difficulty in collecting high-quality data.To build the network, we extract review records from a conference that involves 70 reviewers,based on which we further collect 2804 related scholars and their published papers from Scopus(www.scopus.com).Due to the scarcity of large-scale empirical peer-review data,[7]we use authorship information to simulate reviewing relations, and use co-authorship connections among scholars to simulate co-reviewing relations.

    Secondly, we propose an innovative diffusion-based recommendation algorithm.Specifically, we develop a new set of diffusion rules for the algorithm which explores the influence of different diffusion orders and proportions on the recommendation accuracy.Experimental results indicate that our proposed methods outperform the state-of-the-art methods that incorporate graph random walk and matrix factorization[8]and methods that incorporate machine learning and natural language processing by a wide margin,thus proving that considering collaboration relations among scholars and bibliographic coupling relations among papers help to improve the recommendation performance.

    The remainder of this paper is organized as follows.Section 2 reviews the related studies focusing on the reviewer recommendation problem.Section 3 describes the newly built dataset and the construction of the two-layer network model.Section 4 elaborates on our network diffusion-based recommendation model, some benchmark methods, and evaluation metrics used in the study.Section 5 presents and analyzes the experiment results for the proposed and benchmark methods.Section 6 concludes this paper and discusses future works.

    2.Related work

    Automatically recommending reviewers for the submitted manuscripts can be traced back to Dumais and Nielsen’s work[9]in 1992, which is also known as the reviewer assignment problem (RAP).[10]RAP can be divided into retrievalbased RAP (RRAP) and assignment-based RAP (ARAP),[11]in which the former treats each submitted paper as a query to retrieve the most relevant reviewers,[12]while the latter aims at achieving a balanced workload distribution among reviewers.Given that ARAP is only relevant when reviewer candidates are limited, whereas RRAP is more applicable in most reviewer recommendation scenarios, our study primarily focuses on RRAP.Based on the information used for analysis,RRAP can be further divided into text-based and non-textbased methods.[4,7]

    2.1.Text-based methods

    Commonly-used textual information in RRAP for manuscripts includes the full text(but sometimes it is unavailable), title, keywords, and abstract, as these directly reflect the content of the manuscript.As for reviewers, some online review systems require them to provide descriptions of their research fields.However, the quality of such information is often unstable and fails to completely reveal the reviewer’s interests.[9]Therefore,building reviewers’representations through their publications (i.e., titles, keywords, and abstracts)has been an alternative.[13-15]

    To address RRAP based on the aforementioned textual information,researchers commonly resort to natural language processing(NLP)techniques.This usually involves representing manuscripts and reviewers as vectors or matrices, which are then used as input to compute the matching degree between them.The generated representation falls into two levels,namely word-level and topic-level.[16]

    At the word level,there are three main approaches:[7]the term frequency-inverse document frequency (TF-IDF), language model (LM), and keyword matching.TF-IDF is a widely used word-level NLP method employed in the vector space model (VSM), where all available textual information of the submitted papers and reviewers’ publications are represented as weighted vectors.[13,17,18]Then the relationship between a submission and a reviewer is assessed by measuring the similarity between their respective vectors using metrics like cosine similarity.Language models analyze reviewers’ publications to represent each reviewer as a distribution over words in the vocabulary.Then the relevance between reviewers and a given submission is measured based on the probability of each word in the submission appearing in the reviewer’s distribution.Different from language models targeting the co-occurrence of words in submissions and reviewers’ publications, keyword matching methods focus on keyword co-occurrence.Here the keywords can be predefined by conference chairs,[19]provided by reviewers, or extracted from submissions and reviewers’papers.[20]Since exact keyword matching may fail to identify two documents that are related to each other yet have no common keywords, Yordan Kalmukov[19]built a taxonomy of keywords that reveals the semantic relationships between different keywords, making it possible to compute the similarity between a submission and a reviewer even without shared keywords.Tayalet al.[10]created fuzzy sets of reviewers and submissions, calculating fuzzy equality rather than the number of common keywords.

    Compared with word-level analysis which often brings high-dimensional representations of papers and reviewers,topic models represent the submitted papers and reviewers’publications as a topic distribution where each topic is represented as a distribution over words that are trained from the corpus.Dumais and Nielsen[9]used the latent semantic indexing (LSI) model that employs singular-value decomposition(SVD)to obtain a relevance matrix between papers and topics.The drawback of LSI is that its topic distribution output lacks a probabilistic interpretation.By contrast, the latent dirichlet allocation model[21](LDA)assigns probabilities to individual words in each topic,making it easier to understand the semantic meaning of the identified topics.In addition,the generative process of LDA allows it to handle unknown text.As a result,LDA and its variants have been popular in RRAP.Mimno and McCallum[22]proposed the author-persona-topic (APT)model that allows each reviewer to have multiple topic distributions to represent their interdisciplinary expertise.Kouet al.[11]applied the author-topic model (ATM)[23]to represent reviewers and proposed a weighted coverage-based method that is capable of assigning a reviewer group with comprehensive expertise to an interdisciplinary paper.To recommend reviewers for interdisciplinary submissions, Jinet al.[24]proposed the author-subject-topic (AST) model by introducing a supervised subject layer to model the knowledge structure of reviewers more precisely.Penget al.[25]presented a timeaware topic-based reviewer assignment model that captures reviewers’changes in research interest with time.

    In recent years, neural network techniques have also been applied to reviewer assignments to learn more effective representations of reviewers and submissions, such as word2vec,[12,26]bidirectional encoder representation from transformers(BERT)[4]and gated recurrent unit(GRU).[16]

    2.2.Non-text-based methods

    Text-based methods can be very expensive regarding computational costs, especially when applied to a large dataset.Fortunately, alternative non-text-based methods that do not pose significant computational challenges are available, including network-based, collaborative filtering, and rule-based methods.Note that most of them still need text analysis to process the data.

    Network-based methods leverage the topology structure of various relationships among reviewers and manuscripts to recommend reviewers.Reviewer networks and reviewermanuscript networks are the two basic models.For the former, Yinet al.[27]employed co-authorship relations to connect reviewers.Jinet al.[28]built a citation network among reviewers, and introduced a topical PageRank algorithm[29]to evaluate reviewers’ authority in the topics of the submitted paper.To narrow the range of potential reviewers when they are not predetermined(usually in the journal peer-review process), Rodriguez and Bollen[30]regarded the authors of a manuscript’s references as its potential reviewers and built a co-authorship network among them, using a particle swarm algorithm on it to identify appropriate reviewers.As for the reviewer-manuscript network model,reviewers are connected to manuscripts according to their preferences or their relevance of expertise.Goldsmith and Sloan[31]created a reviewerconference submission network, where the weight of links is determined based on reviewers’ratings of their willingness to review the submissions before assignment.Then they used a network flow algorithm through this network to assign submissions to reviewers.But when the information of reviewers’preferences is unavailable, it is necessary to connect reviewers and manuscripts based on their textual information.Liuet al.[5]used semantic similarity scores between reviewers and manuscripts obtained through LDA analysis as the weight of each link and employed a random walk with restart (RWR)model on the network[32]to balance the expertise and authority of recommended reviewers.Except for the two kinds of basic models, researchers also built networks with more diverse structures, such as three-layer networks[33,34]and multiple networks.[35]Based on the constructed network,one can also utilize node ranking methods[36,37]or topology identification methods[38]to make recommendations.

    Collaborative filtering(CF)methods[39]generate recommendations by leveraging the information of reviewers’preferences on submitted papers.These methods are commonly used in the review process concerning conference papers, in which there is usually a bidding process before assignment that requires reviewers to rate the submitted papers according to their reviewing willingness.Since it is impractical to require reviewers to rate all papers,the rating matrix tends to be sparse.Collaborative filtering methods aim at utilizing existing ratings to infer the unspecified ones,which mainly include two categories: memory-based CF and model-based CF.[40]Memory-based CF predicts reviewers’preferences by computing the similarity among reviewers, under the basic assumption that reviewers sharing similar ratings on some papers are likely to rate similarly on others.[41,42]And model-based CF focuses on learning a predictive model from the rating data.For example, Conry[43]utilized latent factor models to factorize the reviewer-paper rating matrix into two matrices containing the latent factor representation of reviewers and papers,whose dot product estimates the unknown ratings.

    Rule-based methods usually represent the knowledge(such as procedures and constraints) of the peer-review process as a set of IF-THEN rules.For example, if a reviewer and a submission’s authors are from the same institution,then there may exist conflicts of interest.This type of constraint can not be directly handled using mathematical methods(such as optimization algorithms), but can be effectively addressed by encoding it as a set of rules that can be checked and enforced.As such,Mauroet al.[6]presented a rule-based system for the review of conference papers,in which the authors designed a set of rules to achieve a solution with feasibility (rules such as the maximum number of assigned papers of per reviewer),effectiveness(rules measuring the confidence degree of the assignment solution),and fairness(rules for avoiding conflicts of interest between reviewers and authors).

    3.Data and network construction

    3.1.Dataset

    To the best of our knowledge, there is no public dataset that records the complete paper reviewing process from journals or conferences, and the large-scale well-documented relationship between reviewers and papers is hardly available.Thus we use the relationship between scholars and their published papers to simulate the peer review relations.Such a simulation is reasonable because a published paper directly reflects its author’s research fields, and the scholar who published a paper is certainly capable of reviewing it.

    To narrow our focus on a peer review scenario, we employ the 70 reviewers in NetSci-X 2018 (netscisociety.net/events/netsci) conference as the initial data, then collect their coauthor lists from the Scopus database through the API Key(dev.elsevier.com)and a Python interface,[44]as well as papers of all reviewers and their coauthors.To ensure the feasibility of recommendations,we only preserve papers with no less than two authors.Finally, we get a dataset involving 2804 scholars and 24197 papers,with publication dates ranging from March 1st,1973 to February 1st,2021.The scholar information includes the list of published papers and coauthors,while the paper information includes its authors and list of references.

    To perform a comparison with text-based methods, we also search the textual information of each paper in our dataset from the Scopus database, and finally we collect the title and abstract of 23899 papers,which will be used as the input corpus for the text-based model training(see Subsection 4.2.1).

    3.2.Two-layer network construction

    According to the collected dataset,we extract three kinds of relationships among scholars and papers, based on which we construct a scholar-paper two-layer network.In the scholar layer, we link scholars based on their co-authorship relations.In other words,if two scholars coauthor at least one paper in the dataset,there exists a link between them.To construct the paper layer, we analyze the reference list of each paper and connect papers according to their bibliographic coupling relations.Namely,there exists a link between two papers if they have at least one co-citing item,and the link weight denotes the number of coupling references.Given that the number of this type of link is enormous, we only preserve links with a weight larger than 4 in the constructed network.And the main results are robust with respect to variations of this threshold.Finally, we use the authorship relations between papers and their authors to connect two layers.This means the link connecting an author with a paper denotes that this author wrote the paper.Figure 1 shows a simplified illustration of the constructed two-layer network,which is made up of three different sub-networks:a co-authorship network in the scholar layer,a bibliographic coupling network in the paper layer,and a publishing network between two layers.Note that when we use real peer review data to construct such a network, things will be slightly different,where authorship relationships need to be replaced with reviewing relationships,and co-authorship relationships need to be changed to co-reviewing relationships(see details in Appendix A).

    Table 1.The statistical properties of the two-layer network.

    Fig.1.Illustration of the scholar-paper two-layer network.There are two layers composed of scholar nodes and paper nodes,respectively,and three types of links,which represent publishing,co-authorship,and bibliographic coupling relations,respectively.In the bibliographic coupling network, the thickness of each link is proportional to its weight, which is determined by the number of common references between two papers.Links in the publishing network and co-authorship network are unweighted.

    Mathematically,we denote the network representation asG(P,S,EPS,ESS,EPP),wherePrepresents the set ofnpapers,Srepresents the set ofmscholars.EPS,ESSandEPPrepresent the set of links in the publishing network, co-authorship network and bibliographic coupling network,respectively,whose mathematical descriptions are as follows.

    As for the three sub-networks, the publishing network is represented as an adjacency matrixA(P,S,EPS), in whichAiα=1 if scholarαis the author of paperi,otherwiseAiα=0.In this network, the degree of paperi(kAi) equals the number of its authors,and the degree of scholarα(kAα)equals the number of papers published by the scholar.Similarly,the coauthorship network is also represented as an adjacency matrixC(S,ESS).If scholarαandβhave published at least one paper as coauthors, thenCαβ=1, or elseCαβ=0.In this network, the degree of scholarα(kCα) equals the number of the scholar’s coauthors.Different from the above two subnetworks, the bibliographic coupling network is a weighted network, which is denoted asB(P,EPP), whereBi j=wdenotes that papersiandjhavewcommon references.We refer towBias the sum of weights of the links related to paperiin the bibliographic coupling network.Table 1 shows the statistical properties of the three sub-networks.Figure 2 illustrates the degree distributions of nodes in three sub-networks,where we can observe an approximate power-law distribution in the bibliographic coupling network.

    Fig.2.Degree distributions of paper nodes and scholar nodes for the publishing network(a),bibliographic coupling network(b),and co-authorship network(c).

    4.Recommendation methods

    4.1.Recommendation based on the two-layer network

    Diffusion-based algorithms are commonly-used methods to implement recommendations or study the dynamics of information diffusion[45,46]in networks,such as random walk,[5]mass diffusion[47]and heat conduction,[48-51]whose diffusion processes are derived from physical phenomena.Random walk models are often utilized to describe the stochastic motion of particles in physical systems.Mass diffusion models illustrate the diffusion process of particles from regions of higher concentration to regions of lower concentration,following the principle of the conservation of matter.Heat conduction models describe the transfer of heat energy from regions of higher temperature to regions of lower temperature.

    Among these diffusion-based algorithms, mass diffusion[47]is recognized as one of the most efficient and concise methods which assumes that nodes in the network are assigned a kind of resources, and resources can diffuse from these nodes to other nodes along network links.The standard mass diffusion algorithm is applied on a bipartite network,where there exists only one type of link.[52-54]However,when we employ this algorithm on our two-layer network that includes three types of links(scholar-scholar,paper-paper,and scholar-paper), two factors need to be determined first: (i)diffusion order: whether resources diffuse within the same layer (i.e., scholar-scholar) first or across the opposite layer(i.e., scholar-paper) first? (ii) diffusion proportion:[55]what proportions of resources should be distributed between scholar pairs and between paper pairs?

    Specifically, at the very beginning, we assign the initial resource to the authors of a target paper, who are simulated as the reviewers.Subsequently, there will be two choices to start the diffusion: distribute-first or diffuse-first.As for the distribute-first way, the initial resource of each scholar node will first be distributed to its neighboring scholar nodes with a proportion ofp2∈[0,1], while the remaining (1-p2) proportion of resources is reserved.Then, the resources in this scholar layer begin to diffuse to the paper layer.In contrast,in the diffuse-first method, initial resources will first transfer from scholar nodes to their connected paper nodes.Then,p1∈[0,1]proportion of resources of these paper nodes begin to be distributed to their neighboring paper nodes.Parametersp1andp2define the proportion of resources involved in the redistribution on the paper and scholar layer,respectively.Whenp1=0 andp2=0,the method reduces to standard mass diffusion on the scholar-paper bipartite network.

    As illustrated in Fig.3,suppose that paper P1 is the target paper,which requires recommended reviewers.The diffusion process of the distribute-first recommendation for P1 involves five steps.Step(a): initial resources assignment.All scholars connected with P1 are assigned one unit of initial resources,and the others are assigned 0.Step(b): resource redistribution among scholars.Each scholar equally transfersp2proportion of resources to their coauthors in the co-authorship network,while keeping a proportion of (1-p2) for themselves.After that,all scholars update their resources by adding the reserved and the obtained resources together.Step(c): resource diffusion from scholars to papers.Scholars transfer their resources to their connected papers in the publishing network.Then all nodes update their resources.Step (d): resource redistribution among papers.Each paper distributesp1proportion of resources to their connected papers in the bibliographic coupling network,proportionally based on the link weights,while keeping a proportion of (1-p1) for themselves.Then, each paper updates its resources.Step (e): the diffusion from papers to scholars, which is similar to step(c).After that, each scholar updates the final resources, which are considered as the recommendation score.Here the score of scholar S1, S2 and S3 is 1/2, 1/4 and 1/4, respectively.As to the diffusefirst recommendation, the order of the steps will become (a),(c),(d),(e),(b),and the final resources of scholar S1,S2 and S3 will be 5/16, 1/2 and 3/16, respectively.For this diffusion process on the reviewer-manuscript two-layer network,see Appendix A for an example.

    Fig.3.A simple example of the distribute-first recommendation with p1=p2=1/2.Paper P1 is assumed to be the target paper that needs to be recommended by reviewers.In each step,links in red are those involved in the diffusion process.See details of each step in the main text.The table records the resource value of each node after each step.

    Mathematically, we denote the initial resources assigned to scholarαasRα,and the final resources scholarγreceived asR′γ, which is also considered as the recommendation score of scholarγ.Here we have the equations betweenRαandR′γbelow(see the detailed derivation in Appendix B).

    In the way of distribute-first,

    In the way of diffuse-first,

    According to the recommendation scores,we rank scholars that are not connected with the target paper in descending order,and the topLof them would be the most eligible reviewers for this paper.

    4.2.Benchmark methods

    4.2.1.Text-based methods

    In this study, we construct the documents for target papers by concatenating their titles and abstracts, and establish the documents for reviewers by concatenating the titles and abstracts of their publications.[14,15,56]We then input these documents into text-based models and generate a representation for each of them,based on which we measure the semantic similarity between target papers and reviewers.Here we consider four representative models,which use word-level information,topic-level information, external information and context information,respectively.

    Vector space model(VSM)VSM extracts document features for target papers and reviewers from word-level information,where words are weighted by TF-IDF scores.TF-IDF is a statistical method that evaluates the relevance of a word to a document in the whole document corpus.The term frequency(TF) measures how often a word appears in a certain document, while the inverse document frequency (IDF) measures how important a word is across the entire corpus.Words that appear frequently in a specific document but rarely in other documents are considered more important for that document,and thus have higher TF-IDF scores.The TF-IDF score of wordiin a documentαis defined as the product of its TF and IDF

    whereDis the set of documents in the corpus,and the denominator is the number of documents containing the wordi.By computing the TF-IDF score of all unique words in the vocabulary, we can map the document of the target paper and the reviewer into the same vector space, and can calculate their cosine similarity,which serves as the reviewer’s recommendation score.

    Latent dirichlet allocation model(LDA)[21]LDA is an unsupervised machine learning algorithm, which is used to model the underlying topics that are present in a large collection of text documents based on word co-occurrences.Each topic is represented in the form of a word probability distribution.Then the documents of target papers and reviewers can be represented as probability distributions over topics.Thus we can obtain a reviewer’s recommendation score for a target paper by calculating the cosine similarity between the topic probability distributions.As for the number of topics(nt),we test a continuous set of values and use the perplexity and topic coherence[57]metric to determinent=50 for a trade-off between predictive performance and interpretability.

    Random walk with restart model based on LDA analysis (LDA-RWR)[5]LDA-RWR is a hybrid model that integrates text analysis and network propagation process to generate recommendations.For each target paper, we build a network composed of this paper and all reviewers, where the link weights between the reviewers and the target paper are the topic similarity measured by the LDA model,and the link weights among reviewers are the number of co-authored papers.We set the target paper as the starting point of a random walk with a restart process on the network.The probability scores of reviewers in the stationary distribution of the process are their recommendation scores.In the random walk process,the damping factorη(η ∈[0,1))determines the probability of jumping back to the target paper.In the experiment,we search for the optimalηwith an interval of 0.1 and findη=0.1 corresponds to the highest recommendation accuracy.

    Word2vec model with soft cosine measure (W2VSCM)Word2vec is a neural network technique that learns the linguistic contexts of words.It embeds words into a vector space where words that share similar contexts in the corpus are located close to each other.Based on the representation of words, we use soft cosine measure (SCM)[58]to calculate the semantic similarity between the documents of target papers and reviewers.Specifically, suppose that there areNwwords in the vocabulary,the documents of target paperiand reviewerαcan be represented asNw-dimensional vectors

    wheresabis the conventional cosine similarity between the embeddings of wordsaandb.In the experiment,we test different embedding dimensions and find that the optimal one is 200.

    4.2.2.Non-text-based methods

    User-based collaborative filtering(UCF)Collaborative filtering (CF) is a basic approach in recommender systems,which can be divided into memory-based and model-based collaborative filtering.Within the memory-based approach,user-based collaborative filtering (UCF) and item-based collaborative filtering (ICF)[40]are the most widely-used methods.The main idea behind UCF is that similar users share similar tastes in items.In the scenario of recommending reviewers,this approach will recommend scholars who are connected with papers similar to the target paper as reviewers.Its implementation includes two steps: (i)calculating the similarity between the target paper and other papers.Considering the paper nodes are involved in two sub-networks (i.e., the publishing network and the bibliographic coupling network), we compute the similarity among papers separately in these two sub-networks.In the publishing network, the cosine similarity between any two papersiandjcan be calculated as in Ref.[59]

    whereΓA(i)refers to the set of scholars that connect with paperiin the publishing network.In the bibliographic coupling network,two factors need to be considered when we measure the similarity of two papers: one is the link weight between them,and the other is the number of their common neighbors.Bineshet al.[60]pointed out that both factors are all important and proposed a modified cosine similarity to combine them.In this method,the similarity between two papersiandjis

    wherebiis ann-dimensional vector,in which the nonzero elements represent the weight of links between paperiand other papers, and thei-th element is replaced by the sum of these nonzero values(wBi).[60]Such modification has been proved to perform better compared with the original cosine similarity in recommendation,[60]and we also obtain a consistent conclusion in our study.(ii)For each target paper,the recommendation score of scholarαfor paperiis defined as in Ref.[61]

    whereΓA(α)refers to the set of papers connected with scholarαin the publishing network, andλUCFis used to adjust the two types of similarity,0≤λUCF≤1.

    Item-based collaborative filtering (ICF)Unlike UCF,the ICF approach will recommend scholars who exhibit similarities to the scholars connected to the target paper as reviewers.Its implementation also consists of two steps: (i) computing the similarity of scholar candidates to the scholars connected to the target paper.Similarly,we compute the similarity among scholars through the two sub-networks.In the publishing network,the cosine similarity between any two scholarsαandβcan be calculated as follows:[59]

    whereΓA(α) refers to the set of papers that connect with scholarαin the publishing network.In the unweighted coauthorship network, the modified cosine similarity between any two scholarsαandβcan be calculated as in Ref.[60]

    wherecαis anm-dimensional vector, in which the elements represent whether there is a link between scholarαand other scholars,and theα-th element is replaced with 1.[60]Similarly,the performance of ICF also improves with such modifications in our experiments.(ii)Recommending scholars that are similar to the scholars connected to the target paper as potential reviewers.The recommendation score of scholarαfor paperiis defined as in Ref.[61]

    whereΓA(i)refers to the set of scholars connected with paperiin the publishing network,andλICFis used to adjust similarity of these two types,0≤λICF≤1.

    High-order proximity augmented recommendation(HOP-Rec)[8]HOP-Rec is a state-of-the-art recommendation method incorporating graph-based and matrix factorizationbased approaches.It utilizes random walks on the user-item graph to explore the high-order interactions among nodes to overcome the sparsity of bipartite interactions.According to this approach and our scholar-paper bipartite network, the high-order relevance between papers and scholars is computed through a random walk process(see Ref.[62]for details),with walk lengthKset to 2 as a trade-off between performance and complexity.After constructing the matrix factorization model trained with the Bayesian personalized ranking learning(BPR)method,the high-order relevance matrix is decomposed to learn the latent factors of scholars and papers.The recommendation score of a scholar for a target paper is estimated as the dot product of the corresponding factors.See the implementation details in Ref.[62].Here we apply a grid search for the best combination of hyper-parameters,specifically,the dimension of latent factorsdis 128 and the learning rateris 0.01.

    Popularity-based recommendation (POP)We define scholars with more linked papers and scholars as popular ones.Specifically, we introduce a parameterλPOPto linearly combine scholars’ degrees in the publishing network and in the co-authorship network, which are normalized by the maximum degree of scholars in each network.The recommendation score of scholarαis computed as

    Random recommendation (Random)For each target paper, we randomly generate a list of recommended scholars,with both the scholars and their rankings being completely randomized.

    4.3.Evaluation

    To evaluate the proposed recommendation methods, we delete 10% of the links in the publishing network and test the methods’ ability to predict these missing links.Specifically, we randomly remove 7363 scholar-paper links related to papers published between 2017 and 2021 in the publishing network, forming the testing set.The remaining 90%(66274 links)compose the training set, based on which we construct the experimental network.Then we combine this new publishing network with the coauthor list of scholars and reference list of papers to obtain the final two-layer network for conducting experiments.Note that when removing links from the network to create the testing set, precautions are taken to avoid the cold-start problem by not removing links that would result in isolated nodes.We also make experiments on the 95%/5%and 85%/15%training/testing set splittings,and the results are consistent with those of our 90%/10%splitting(see details in Appendix C).

    Considering that a paper only has 3.04 authors on average(see Table 1),the value of precision will be extremely low when the recommendation list length is long,with false positive samples(i.e.,non-authors recommended)occupying most of it.Since we focus on the model’s ability to identify positive samples(i.e.,authors),we employ recall,hit rate,[63]and ranking score[47]as evaluation metrics to characterize the performance of the proposed methods and benchmark methods.For a better explanation, here we refer to the scholars connected with the target paper in the testing set as relevant scholars.

    RecallRecall represents the probability that the relevant scholars are recommended to a target paper.[40]The recall of paperiis defined as

    wheredimeans the number of recommended relevant scholars for paperi, andDimeans the total number of all relevant scholars for paperi.We can obtain the recall of a method by averaging the recall values of all target papers.Obviously,higher recall indicates better performance.

    Hit rate (HR)If at least one relevant scholar is recommended to a target paper, we will consider this paper as a hit paper.HR quantifies the fraction of hit papers among all target papers,which can be computed as in Ref.[63]

    whereHmeans the number of hit papers, andNmeans the number of all target papers.High HR represents high accuracy of recommendations.

    Ranking score (RS)The relevant scholars’ ranking is also an important measure of the recommendation performance.[47]For a target paperi, if its relevant scholarαranksriαamong all scholars that are not connected with it in the training set,then the RS ofαforiis computed as

    whereMirepresents the number of scholars who are not connected with paperiin the training set.We obtain the mean RS by averaging over all target papers in the testing set.A good recommendation method is expected to rank relevant scholars as high as possible, which means the RS of relevant scholars should be relatively low.

    5.Results

    5.1.Different diffusion orders and proportions

    To analyze the impact of diffusion orders and proportions on the recommendation performance, we implement recommendations through the diffusion-first way and distribute-first way, respectively, and adjust the proportion valuesp1andp2with an interval of 0.05.For each combination ofp1andp2,we demonstrate the average results of 10 experiments in Fig.4.

    Fig.4.The recommendation performance of the diffuse-first method and distribute-first method under different combinations of p1 and p2.Here all the results are averaged over 10 experiments,with the recommendation list length L=20.The results demonstrate that the diffuse-first recommendation performs better than the distribute-first recommendation, as shown by the larger red areas in the left column.The optimal accuracy values in terms of the three evaluation metrics and the corresponding(p1,p2)are reported in Table 2.

    The results indicate that the diffuse-first recommendation outperforms the distribute-first recommendation in terms of all the three evaluation metrics.Specifically, the diffusefirst recommendation achieves an average recall value that is 1.73%higher than that of the distribute-first method,a 1.10%higher HR, and a 12.48% lower RS (where a lower value indicates better performance).In addition, as shown in Fig.4,across the different parameter combinations represented by the boxes,the diffuse-first recommendation method surpasses the distribute-first method in terms of recall in 95.01% of those combinations,HR in 88.44%of the cases,and RS in 86.17%of the cases.

    As for the optimal performance(see Table 2),the highest recall achieved by the diffuse-first recommendation is 0.9575(whenp1= 0.10,p2= 0.40), while that for the distributefirst way is 0.9557 (whenp1=0.05,p2=0.40); the highest HR values reached by the two methods are comparable;in terms of ranking score, the diffuse-first recommendation reaches 5.87%lower than the distribute-first method.In general,the inferior performance of the distribute-first method indicates that prioritizing resource redistribution among scholars as the initial step will make the resources more dispersed,which is detrimental to the recommendation process.Besides, we find that the optimal accuracy values are achieved when bothp1?=0 andp2?=0, suggesting that incorporating co-authorship and bibliographic coupling relations in the recommendation process enhance the reviewer recommendation performance.Furthermore, the optimal accuracy is achieved whenp1<p2implies the greater importance of resource redistribution among scholars compared to papers,emphasizing the significance of allocating a higher proportion of resources to scholar redistribution for enhancing the recommendation system’s performance.

    Table 2.The optimal performance of the studied recommendation methods under three metrics,combining with the corresponding parameters(L=20 for recall and HR).The bold values correspond to the best performance among all methods.

    Fig.5.Comparison of recommendation accuracy of the proposed methods with text-based methods(a)-(c)and non-text-based methods(d)-(f),under the corresponding optimal parameter combination in terms of recall(a)and(d),HR(b)and(e),and RS(c)and(f).Panels(a),(b),(d),and(e)show the recommendation performance under varying lengths of the recommendation list.In panel(f), the RS of the popularity-based and random recommendation is 0.2148 and 0.5002,respectively,which are omitted for better presentation.

    5.2.Comparison with benchmark methods

    We compare the performance of the two proposed methods with nine benchmark algorithms (including 4 text-based benchmarks and 5 non-text-based benchmarks) introduced in Subsection 4.2.Note that for methods that involve tunable parameters,the optimal parameters are determined by the average performance over 10 experiments,which assess the performance using the three aforementioned metrics.Figure 5 demonstrates the performance of the two proposed recommendation methods and nine benchmark methods under different lengths of recommendation lists and three evaluation metrics.Since the computation of the RS value is irrelevant to the recommendation list, we show the RS for each method with the optimal parameter combination in Figs.5(c) and 5(f).Note that we omit the popularity-based and random recommendation in Fig.5(f)in view of their performance being much worse than other methods.

    We find that the distribute-first and diffuse-first recommendations perform comparably,with the latter showing a minor advantage.From Figs.5(a)-5(c), it is evident that our proposed methods outperform all text-based methods across different evaluation metrics and recommendation list lengths.Within the four text-based methods themselves,VSM demonstrates the highest prediction accuracy, followed by W2VSCM,whereas the two LDA-based methods exhibit the worst performance.This is because facing the sparsity of our corpus, TF-IDF techniques employed by VSM can mitigate the impact of low-frequency words by assigning low scores;yet both word2vec and LDA models require sufficient cooccurrence information of words to learn semantic meanings, making these methods less effective for rare words and not applicable for short texts such as abstracts.[64]Given the limited size of our corpus, we test the performance of W2V-SCM using pre-trained word and phrase embeddings that were trained on the part of the Google News dataset(around 100 billion words).This file can be accessed at code.google.com/archive/p/word2vec.The recall and hit metrics of W2V-SCM have experienced a rise of about 9%,which is not substantial enough to affect the comparison results.The advantage of W2V-SCM over LDA could be attributed to the generalization ability of the word2vec model on a domainspecific corpus, given that our corpus is solely composed of papers in the field of network science.This may be because,unlike LDA,which relies solely on word frequency,the word2vec model considers not just word frequency but also the contextual meaning and semantic relationships among terms.Regarding the two LDA-based methods, they exhibit different strengths depending on the size of the recommendation list: for smaller lists,standard LDA is more effective in identifying scholars with high semantic similarity; however, for larger lists, LDA-RWR outperforms by further incorporating relationships among scholars.

    From Figs.5(d)-5(f), the two multilayer network diffusion-based methods also show marked superiority over the non-text-based benchmark methods like UCF, ICF, and HOP-Rec.The results are consistent with consideration of all the three evaluation metrics and different lengths of the recommendation list.For instance,whenL=20,the highest recall values achieved by our proposed methods are over 7.62%higher than those of both CF approaches and 15.52% higher than that of HOP-Rec(see Table 2).Considering that the underperformance of these three methods could be due to their reliance on only one or two kinds of relations in the two-layer network, which limits their information utilization, we conduct a comparison under the same network structures.And the consistent results obtained further validate the advantage of our recommendation methods(see details in Appendix D).

    When examining the specific limitations of each method,the inferiority of the CF approaches can be attributed to their limited coverage of potential reviewers.Specifically, UCF limits similar papers to those sharing connected scholars with the target paper, and then recommends scholars connected to these similar papers.ICF limits relevant scholars to those connected to the target paper, and then recommends scholars share connected papers with these relevant scholars.While in the proposed methods, resources diffuse among three subnetworks sequentially, scholars who have higher-order interactions with the target paper could also be recommended.On the other hand,although the HOP-Rec model captures higherorder interactions, it also introduces additional noise, resulting in inferior performance compared to UCF and ICF; another reason is that the random walk process in HOP-Rec is biased towards scholars with high degrees, which is inappropriate for the reviewer recommendation scenario.This also explains why the popularity-based recommendation is much worse than the above five methods.Thus, when choosing reviewers,the key factor is the relevance between the reviewers’research fields and the submitted manuscripts, because even the most experienced researchers cannot effectively review a paper that lies beyond their field of expertise.Besides,Fig.5 and Table 2 reveal that the random recommendation achieves the lowest accuracy.

    6.Conclusion and discussion

    We put forward a multilayer network diffusion-based method to recommend reviewers for submitted papers.By using the relationship between scholars and their connected papers,we first build a scholar-paper bipartite network,based on which we consider the collaboration among scholars and the bibliographic coupling among papers,thus building a twolayer network.Based on the traditional mass diffusion algorithm on bipartite networks, we further consider the diffusion order and proportion on the two-layer network model.Through recommendation experiments on a real academic dataset which is extended from 70 reviewers in NetSci-X 2018 conference, we reveal that in general, the recommendation method which starts at the resource diffusion to papers performs better than the method that starts at the resource distribution among scholars.Besides, the nonzero optimal diffusion proportions indicate that introducing the collaboration and bibliographic coupling relations helps to improve the recommendation accuracy.Most importantly,compared with the state-of-the-art methods that incorporate graph random walk and matrix factorization and methods that incorporate machine learning and natural language processing,the proposed methods outperform by more than 7.62% in recall, 5.66% in HR,and 47.53% in RS.The results prove that our methods can mine the reviewer-paper similarity more accurately.Our work provides a feasible and efficient way to recommend reviewers for papers in the peer review process without requiring textual information of the submitted manuscript and available reviewers.It can help to speed up the submission handling process and ease the burden on editors.

    There are three main limitations of our work.Firstly,several practical constraints in the real peer review process,such as the conflicts of interest, are not taken into account in our proposed methods.One potential solution is incorporating a filtering mechanism for the recommended reviewers.

    Secondly, we do not consider the cold-start problem in the main text,which refers to the insufficient information of a new coming manuscript.While the proposed method offers a partial solution by enabling new manuscripts to link to the network through bibliographic coupling relations with existing paper nodes, further exploration of underlying relationships holds great promise for enhancing and refining this solution.

    Thirdly,due to the lack of real peer-review data,the performance evaluation of our method is currently limited to a small conference review dataset and an expanded dataset derived from it.However, we are actively overcoming this limitation by maintaining an online journal review platform and collecting more peer-review data for future research in recommendation systems.By leveraging large-scale real data, we anticipate that our proposed two-layer network model will effectively address the aforementioned limitations, making it a promising tool for reviewer recommendations.

    Our work proves the effectiveness of the multilayer network diffusion-based methods on the reviewer recommendation problem, based on which studies can introduce more accessible information of papers and reviewers to improve the network structure for better recommendation accuracy.Beyond reviewer’s recommendation, the research approach developed in this paper will find applications to information retrieval problems in more practical scenes.

    Appendix A:Experiments on the NetSci-X 2018 review dataset

    To test the performance of proposed methods in real peer review scenarios, we make experiments on a small review dataset, which records the reviewing procedures in NetSci-X 2018 conference involved 120 submissions and 61 reviewers.Considering the submissions for this conference are in the form of abstracts rather than full text, we further retrieve the published version of all manuscripts from the Scopus database to obtain the full lists of their references and authors.

    As shown in Fig.A1, we first build the reviewermanuscript two-layer network based on the proposed recommendation method.Similar as the scholar-paper two-layer network in Subsection 3.2, it is also composed of three different sub-networks: a co-reviewing network in the reviewer layer, a bibliographic coupling network in the manuscript layer, and a reviewing network between two layers.In the co-reviewing network, two reviewers are connected if they have commonly participated in the review of at least one manuscript.And in the bibliographic coupling network,there is a link between two submissions if they have at least one co-citing item, and the link weight represents the number of common references.For new coming manuscripts (like M4 in Fig.A1),the bibliographic coupling relations help them to connect with the reviewed ones (like M1-M3 in Fig.A1) in the network.In the reviewing network, we connect reviewers with submissions for which they have expressed a willingness to review.The willingness of reviewers is inferred from their historical reviewing and bidding records (in the bidding process of NetSci-X 2018 conference,for a given submission,a reviewer bidding “yes” means that the reviewer would like to review and “maybe” means that the reviewer can review.We consider these two options as reviewers’positive willingness).Table A1 shows the statistical properties of the three sub-networks.

    Table A1.The statistical properties of the reviewing network, coreviewing network,and bibliographic coupling network.

    Fig.A1.Illustration of the reviewer-manuscript two-layer network.There are two layers composed of reviewer nodes and manuscript nodes,respectively, and three types of links, which represent reviewing, coreviewing and bibliographic coupling relations, respectively.In the bibliographic coupling network,the thickness of each link is proportional to its weight,which is determined by the number of common references between two manuscripts.Links in the reviewing network and co-reviewing network are unweighted.

    Fig.A2.A simple example of the diffusion process on the reviewer-manuscript two-layer network.Manuscript M1 is the target manuscript.p2=1/2.In each step,links in red are those involved in the diffusion process.The table records the resource value of each node after each step.

    Fig.A3.Comparison of the recommendation performance of the proposed method with four text-based methods(a)-(c)and three non-text-based methods (d)-(f), in terms of recall (a) and (d), HR (b) and (e), and RS (c) and (f), on the NetSci-X 2018 dataset.The error bars indicate the standard error of the average performance.

    When applying the multilayer network diffusion-based methods to the reviewer-manuscript two-layer network, in contrast to the scholar-paper two-layer network, the main challenge is that the new coming manuscript is not connected with any reviewer, which arises the cold-start problem.To make our methods executable for these papers, we adjust the diffusion process by assigning one unit of initial resources to the target manuscript.Then, the resource diffusion proceeds in the bibliographic coupling network,reviewing network and co-reviewing network successively.After that, we rank reviewers in descending order based on their resources, the topLreviewers form the recommendation list,which will be recommended as potential reviewers for the target manuscript.Figure A2 illustrates a simple example of the recommendation process for the target manuscript M1.

    Our dataset is relatively small, so we choose 10-fold cross-validation to make experiments, where all 120 manuscripts are randomly divided into 10 sets with equal size.The experiments are carried out for 10 times separately, in which each set is used once for testing and the remaining nine sets are used for training.To simulate real peer-review scenarios, we remove all reviewing relationships of manuscripts in the testing set,and then implement our method to recommend potential reviewers.All text-based methods are trained from the corpus described in Subsection 4.2.1, the corresponding results are shown in Figs.A3(a)-A3(c).ICF and HOP-Rec are excluded due to the cold-start problem,Figs.A3(d)-A3(f)only involve the comparisons with UCF,the popularity-based and random recommendation.Figure A3 shows the average results of the optimal performance on the 10 training/testing set splittings,which indicates that the proposed method has an evident advantage over non-text-based methods, and is only inferior to LDA-RWR among all text-based methods.The superiority of LDA-RWR comes from the detailed corpus,and the sparse reviewing network makes the proposed method slightly underperform.But the lowest RS still confirms the effectiveness of multilayer network diffusion-based methods in real peer review scenarios.

    Appendix B: Derivation of Eqs.(1) and (2) in Subsection 4.1

    Equations (1) and (2) in Subsection 4.1 reveal the relations between the resources before and after the diffusion process.Here we explain the derivation process.We denote the initial resources assigned to scholarαasRα,and the final resources scholarγreceived asR′γ, other notations have been introduced in Subsection 3.2.

    Derivation of Eq.(1)

    Step(A):initial resources assignment.For scholarα,the initial resource isRα.

    Step(B):the resource redistribution among scholars.Letβbe any scholar in the constructed network,βkeeps(1-p2)proportion of the scholar’s initial resources(Rβ)and transfers the remainingp2proportion of resources to the scholar’s coauthors.Meanwhile,βobtains resources from other scholars in the co-authorship network,so the resources of scholarβafter step(B)are given by

    Step(D):the resource redistribution among papers.Letjbe any paper, it reserves (1-p1) proportion of its resources,and transfers the remainingp1proportion of resources to the connected papers in the bibliographic coupling network, proportionally based on the link weights.At the same time, it obtains resources from other papers, the total resources ofjcan be expressed as

    Step (E): the diffusion from papers to scholars.For scholarγ,the scholar’s resources are transferred from the connected papers in the publishing network,which are given by

    Finally,for Eq.(B7),we can further replacejin the first two terms on the right hand side withi,and replaceβwithαin the first and third terms on the right hand side,then Eq.(B7)becomes Eq.(1).

    Derivation of Eq.(2)

    Step(A):initial resources assignment.For scholarα,the initial resource isRα.

    Step (B): the diffusion from scholars to papers.Letibe any paper,it receives resources from the connected scholars in the publishing network,which can be represented as

    Step(C):the resource redistribution among papers.Letjbe any paper, it reserves (1-p1) proportion of its resources,and transfers the remainingp1proportion of resources to the connected papers in the bibliographic coupling network, proportionally based on the link weights.Simultaneously, paperjobtains resources from other papers,we write the resources of paperjafter step(C)as

    Step(E):the resource redistribution among scholars.For scholarγ,(1-p2)proportion of the scholar’s resources is reserved,and the remainingp2proportion of resources is transferred to the scholar’s coauthors.Simultaneously,γobtains resources from other scholars in the co-authorship network,so the resources of scholarγcan be expressed as

    Finally,for Eq.(B14),we can further replacejin the first and third terms on the right hand side withi, then Eq.(B14)becomes Eq.(2).

    Appendix C: Evaluation on different training/testing set splittings

    To further validate the stability of experimental results,we repeat the experiments introduced in Subsection 5.2,with two different training/testing set splittings - 95%/5% and 85%/15%.The results for the 95%/5% splitting are shown in Fig.C1 and for the 85%/15% splitting, see Fig.C2.The results are averaged over 10 experiments, both Figs.C1 and C2 are consistent with Fig.5.

    Fig.C1.Comparison of the average performance of the studied recommendation methods in terms of recall(a)and(d),HR(b)and(e),and RS(c)and(f),with the 95%/5%splitting of the training and testing set.Panels(a),(b),(d)and(e)show the recommendation performance under varying lengths of the recommendation list.In panel (f), the RS of the popularity-based and random recommendation is 0.1944 and 0.5000,respectively,which are omitted for better presentation.The relative improvement of the proposed methods over benchmark methods is similar as in Fig.5.

    Fig.C2.Comparison of the average performance of the studied recommendation methods in terms of recall(a)and(d),HR(b)and(e),and RS(c)and (f), with the 85%/15% splitting of the training and testing set.Panels (a), (b), (d), (e) show the recommendation performance under varying lengths of the recommendation list.In panel (f), the RS of the popularity-based and random recommendation is 0.2163 and 0.5004, respectively,which are omitted for better presentation.The relative improvement of the proposed methods over benchmark methods is similar as in Fig.5.

    Appendix D: Recommendation performance of non-text-based methods under the same network structures

    According to the description of benchmark methods in Subsection 4.2,we can find that none of UCF,ICF and HOPRec exploit the complete structures of the constructed twolayer network.In particular, UCF depends on the publishing and bibliographic coupling relations,ICF is based on the publishing and co-authorship relations,and HOP-Rec only utilizes the publishing relations.

    Fig.D1.Comparison of the average performance of the proposed methods and the three non-text-based methods under the same network structures,in terms of recall(a)-(c)and HR(d)-(f).When p2=0,the diffuse-first and distribute-first methods achieve similar performance,resulting in overlapping lines in panels(a)and(d).

    To demonstrate that the advantages of proposed methods do not solely stem from utilizing more information,we further compare the performance of the proposed methods with UCF,ICF and HOP-Rec under the same network structures, which is achieved by adjusting the diffusion proportions,p1andp2in our methods.Specifically,we setp2=0 when comparing with UCF,p1=0 when comparing with ICF,p1=0 andp2=0 when comparing with HOP-Rec.The results are averaged over 10 experiments with the 90%/10%training/testing splitting,as shown in Fig.D1.Under varying lengths of the recommendation list, the average performance of proposed methods is around 0.47% higher than that of the UCF in terms of recall and HR.Compared with the ICF,the advantage is larger,our methods perform around 8.35% higher in recall and around 6.83% higher in HR.As for the HOP-Rec, our methods outperform by around 5.17% in recall and 4.29% in HR.These reveal that the advantages of the proposed methods over the three benchmark methods still hold under the same network structures.

    Acknowledgments

    Project supported by the National Natural Science Foundation of China (Grant No.T2293771) and the New Cornerstone Science Foundation through the XPLORER PRIZE.

    猜你喜歡
    世民
    “石頭表哥”尹世民
    8年前的“小姨托孤”,如今有了最暖的結(jié)局
    濺蝕過程中紅壤團聚體周轉(zhuǎn)路徑的定量表征
    黃科院田世民、呂錫芝、張雷入選水利青年拔尖人才
    人民黃河(2022年4期)2022-04-07 09:03:16
    理發(fā)師
    科教新報(2021年21期)2021-07-21 15:38:12
    清華大學(xué)有所神秘學(xué)院
    科教新報(2020年23期)2020-07-21 22:49:18
    清華大學(xué)有所神秘學(xué)院
    科教新報(2020年22期)2020-06-11 08:48:29
    最后的麥子
    小說月刊(2016年5期)2016-05-06 16:42:27
    倫敦塔世民酒店 不走尋常路
    酒店精品(2016年4期)2016-04-29 00:44:03
    WHAT SHOULD A NEW EDITION OF THE OLD TURKIc INScRIPTIONS LOOK LIKE?*
    亚洲精品国产av成人精品| 特大巨黑吊av在线直播| 看黄色毛片网站| 成人亚洲欧美一区二区av| 亚洲精品,欧美精品| 久久精品综合一区二区三区| 国产淫片久久久久久久久| 九九爱精品视频在线观看| 在线精品无人区一区二区三 | 日韩欧美 国产精品| 久久久久久久久大av| 久久久久久久精品精品| 国产欧美日韩一区二区三区在线 | 一个人观看的视频www高清免费观看| 久久精品久久久久久久性| 美女被艹到高潮喷水动态| av天堂中文字幕网| 国产一区二区三区综合在线观看 | 亚洲精品乱码久久久久久按摩| 制服丝袜香蕉在线| 精品国产露脸久久av麻豆| 国产av码专区亚洲av| 永久网站在线| 亚洲精品aⅴ在线观看| 91午夜精品亚洲一区二区三区| 一区二区三区精品91| 看非洲黑人一级黄片| 久久久久久伊人网av| 中文精品一卡2卡3卡4更新| 精品久久国产蜜桃| av一本久久久久| 亚洲精品国产成人久久av| 久久97久久精品| 春色校园在线视频观看| 青春草国产在线视频| 国产高清三级在线| 最近中文字幕2019免费版| 精品国产三级普通话版| 亚洲精品国产av成人精品| 新久久久久国产一级毛片| 新久久久久国产一级毛片| 欧美日韩精品成人综合77777| 一区二区三区精品91| 免费高清在线观看视频在线观看| 午夜精品一区二区三区免费看| 超碰97精品在线观看| 99久久精品国产国产毛片| 建设人人有责人人尽责人人享有的 | 国产亚洲av片在线观看秒播厂| 成人欧美大片| 国产白丝娇喘喷水9色精品| 免费看a级黄色片| 久久99蜜桃精品久久| 国产精品无大码| www.色视频.com| 色哟哟·www| 欧美另类一区| 一级二级三级毛片免费看| 久久影院123| 亚洲最大成人av| 亚洲av一区综合| 性插视频无遮挡在线免费观看| 丰满少妇做爰视频| 亚洲欧美清纯卡通| 麻豆成人午夜福利视频| 国产精品99久久99久久久不卡 | 涩涩av久久男人的天堂| 在线免费观看不下载黄p国产| 麻豆乱淫一区二区| 成年女人在线观看亚洲视频 | 亚洲国产最新在线播放| 性色av一级| 成年免费大片在线观看| 免费黄网站久久成人精品| 亚洲人成网站高清观看| 亚洲av中文字字幕乱码综合| 高清视频免费观看一区二区| 成人免费观看视频高清| 午夜福利网站1000一区二区三区| 亚洲精品,欧美精品| 99热网站在线观看| 一级二级三级毛片免费看| 亚洲欧美清纯卡通| 乱系列少妇在线播放| 午夜精品国产一区二区电影 | 交换朋友夫妻互换小说| 深夜a级毛片| 天美传媒精品一区二区| av黄色大香蕉| 亚洲精品视频女| 我要看日韩黄色一级片| 亚洲精品国产av蜜桃| 久久久久久久久久久免费av| av免费在线看不卡| 亚洲欧美日韩另类电影网站 | 在线a可以看的网站| 99热网站在线观看| 狂野欧美白嫩少妇大欣赏| 亚洲国产精品999| 亚洲天堂av无毛| 国产成人免费无遮挡视频| 丝瓜视频免费看黄片| 欧美区成人在线视频| 国产欧美另类精品又又久久亚洲欧美| 下体分泌物呈黄色| 一个人看视频在线观看www免费| 日本午夜av视频| 亚洲国产精品成人综合色| 久久精品国产亚洲av天美| 国产精品久久久久久久电影| 在线观看国产h片| 国产69精品久久久久777片| 成人高潮视频无遮挡免费网站| 如何舔出高潮| 在线观看一区二区三区激情| 日本熟妇午夜| 我的老师免费观看完整版| 看非洲黑人一级黄片| 各种免费的搞黄视频| 啦啦啦中文免费视频观看日本| 一本久久精品| 国产亚洲一区二区精品| av在线app专区| 日韩成人伦理影院| 我的老师免费观看完整版| 欧美bdsm另类| 一级二级三级毛片免费看| 18禁动态无遮挡网站| 成人亚洲精品一区在线观看 | 五月伊人婷婷丁香| av女优亚洲男人天堂| 日韩在线高清观看一区二区三区| 男女下面进入的视频免费午夜| 欧美成人一区二区免费高清观看| 可以在线观看毛片的网站| 久久99精品国语久久久| 最后的刺客免费高清国语| 青春草视频在线免费观看| 久久久午夜欧美精品| 国精品久久久久久国模美| 中文字幕人妻熟人妻熟丝袜美| 日韩 亚洲 欧美在线| 麻豆成人av视频| 久久精品久久久久久噜噜老黄| 最后的刺客免费高清国语| av专区在线播放| 中文欧美无线码| 亚洲aⅴ乱码一区二区在线播放| 亚洲天堂国产精品一区在线| 人妻夜夜爽99麻豆av| 一级二级三级毛片免费看| 九九爱精品视频在线观看| 国产成人精品久久久久久| 久久ye,这里只有精品| 国产欧美日韩一区二区三区在线 | 久久99热6这里只有精品| 九草在线视频观看| 国产男人的电影天堂91| 女的被弄到高潮叫床怎么办| 我的老师免费观看完整版| 免费大片18禁| 黄色欧美视频在线观看| 最新中文字幕久久久久| 午夜激情福利司机影院| 全区人妻精品视频| 午夜亚洲福利在线播放| 男人添女人高潮全过程视频| 欧美日韩视频精品一区| 老司机影院成人| 熟女av电影| 日韩不卡一区二区三区视频在线| 国产成人aa在线观看| 日韩,欧美,国产一区二区三区| 国产成人免费观看mmmm| 久久99热6这里只有精品| .国产精品久久| 高清av免费在线| 香蕉精品网在线| 夜夜看夜夜爽夜夜摸| 嫩草影院精品99| 欧美极品一区二区三区四区| 在线观看av片永久免费下载| 精品久久久久久久末码| 丝瓜视频免费看黄片| 国产精品一区二区在线观看99| 26uuu在线亚洲综合色| 欧美性感艳星| 日韩亚洲欧美综合| 国产在线一区二区三区精| 伊人久久精品亚洲午夜| 日韩一本色道免费dvd| 18禁裸乳无遮挡动漫免费视频 | 九草在线视频观看| 日本色播在线视频| 一级二级三级毛片免费看| 国产精品99久久99久久久不卡 | 亚洲精品一二三| 深夜a级毛片| 亚洲精品国产av成人精品| 久久亚洲国产成人精品v| 免费av毛片视频| 亚洲欧美日韩另类电影网站 | 欧美精品人与动牲交sv欧美| 性色avwww在线观看| 亚洲精华国产精华液的使用体验| 国产精品国产三级国产av玫瑰| 免费在线观看成人毛片| 夜夜看夜夜爽夜夜摸| 欧美一区二区亚洲| 一级毛片aaaaaa免费看小| 3wmmmm亚洲av在线观看| 少妇 在线观看| 一个人看的www免费观看视频| 亚洲欧洲日产国产| av在线app专区| av在线观看视频网站免费| 亚洲va在线va天堂va国产| 久久亚洲国产成人精品v| 精品一区二区免费观看| 插阴视频在线观看视频| 老女人水多毛片| 熟女电影av网| av免费观看日本| 噜噜噜噜噜久久久久久91| 最近的中文字幕免费完整| 国产一区有黄有色的免费视频| .国产精品久久| 国产精品久久久久久精品电影| 性插视频无遮挡在线免费观看| 亚洲图色成人| 黄色一级大片看看| 亚洲精品成人久久久久久| 欧美日韩视频高清一区二区三区二| 久久精品国产亚洲网站| 成人综合一区亚洲| 久久热精品热| 欧美国产精品一级二级三级 | 99热网站在线观看| 久久影院123| 97精品久久久久久久久久精品| 午夜激情久久久久久久| 偷拍熟女少妇极品色| 热99国产精品久久久久久7| 女的被弄到高潮叫床怎么办| 国产白丝娇喘喷水9色精品| 一本—道久久a久久精品蜜桃钙片 精品乱码久久久久久99久播 | 啦啦啦中文免费视频观看日本| 欧美丝袜亚洲另类| 又爽又黄a免费视频| 国产亚洲精品久久久com| 久久99热6这里只有精品| 欧美潮喷喷水| 永久免费av网站大全| 国产 一区精品| 国产女主播在线喷水免费视频网站| 夫妻午夜视频| 午夜爱爱视频在线播放| 精品人妻一区二区三区麻豆| 久久久久久久久久人人人人人人| 国产 一区精品| 亚洲最大成人av| 成年免费大片在线观看| 成人高潮视频无遮挡免费网站| 国产av不卡久久| av线在线观看网站| 久久久久精品久久久久真实原创| 免费看日本二区| 欧美精品人与动牲交sv欧美| 午夜老司机福利剧场| 搞女人的毛片| 欧美性感艳星| 久久久欧美国产精品| 精品人妻偷拍中文字幕| 热99国产精品久久久久久7| 国产一区二区三区综合在线观看 | 王馨瑶露胸无遮挡在线观看| 久久久久国产网址| 午夜亚洲福利在线播放| 伦精品一区二区三区| 日本猛色少妇xxxxx猛交久久| 精品亚洲乱码少妇综合久久| 搡女人真爽免费视频火全软件| 久久精品久久久久久久性| 国产精品一区二区性色av| 国产免费一区二区三区四区乱码| 久久久久久久久久久免费av| 午夜激情久久久久久久| 欧美丝袜亚洲另类| 中国美白少妇内射xxxbb| 99精国产麻豆久久婷婷| 成人特级av手机在线观看| 女的被弄到高潮叫床怎么办| 国产白丝娇喘喷水9色精品| 午夜福利在线在线| 国产欧美另类精品又又久久亚洲欧美| 乱系列少妇在线播放| 老师上课跳d突然被开到最大视频| 国产成人一区二区在线| 午夜福利网站1000一区二区三区| 日本wwww免费看| 嫩草影院新地址| 麻豆成人午夜福利视频| 精品人妻一区二区三区麻豆| 不卡视频在线观看欧美| 国产永久视频网站| 一级毛片 在线播放| 亚洲国产精品成人综合色| 国产亚洲一区二区精品| 秋霞伦理黄片| 新久久久久国产一级毛片| 日韩成人伦理影院| 欧美精品人与动牲交sv欧美| av免费在线看不卡| 国产成人a∨麻豆精品| 欧美97在线视频| 欧美日韩在线观看h| 性插视频无遮挡在线免费观看| 真实男女啪啪啪动态图| 自拍偷自拍亚洲精品老妇| 国产精品久久久久久av不卡| 国产色爽女视频免费观看| 日日啪夜夜撸| 最后的刺客免费高清国语| kizo精华| 一级毛片 在线播放| 美女高潮的动态| 国产高清不卡午夜福利| 国产精品爽爽va在线观看网站| 亚洲精品乱码久久久v下载方式| 国产免费福利视频在线观看| 在线观看美女被高潮喷水网站| av在线app专区| 男女啪啪激烈高潮av片| 亚洲,一卡二卡三卡| 午夜精品一区二区三区免费看| 精华霜和精华液先用哪个| 老司机影院成人| 欧美老熟妇乱子伦牲交| 日本熟妇午夜| 人妻制服诱惑在线中文字幕| 欧美日韩精品成人综合77777| 亚洲国产欧美在线一区| 女人十人毛片免费观看3o分钟| 国产探花在线观看一区二区| 精品久久久久久久久亚洲| 久久久久网色| 网址你懂的国产日韩在线| 嫩草影院精品99| 国产日韩欧美在线精品| 少妇丰满av| 国产中年淑女户外野战色| 老司机影院毛片| 欧美性猛交╳xxx乱大交人| 国产精品麻豆人妻色哟哟久久| av国产免费在线观看| 黄色视频在线播放观看不卡| 人人妻人人澡人人爽人人夜夜| 国产高清国产精品国产三级 | 中文字幕人妻熟人妻熟丝袜美| 日韩欧美精品v在线| 亚洲高清免费不卡视频| 久久久欧美国产精品| 18禁裸乳无遮挡动漫免费视频 | 亚洲欧美精品专区久久| 久久国内精品自在自线图片| 亚洲最大成人中文| 久久久久久国产a免费观看| av在线app专区| 深夜a级毛片| 在线免费十八禁| 九草在线视频观看| av一本久久久久| 成人亚洲精品av一区二区| 亚洲最大成人中文| 国产精品女同一区二区软件| 精品久久久久久久人妻蜜臀av| 久久久久久伊人网av| 午夜精品国产一区二区电影 | 欧美成人a在线观看| 亚洲,欧美,日韩| 男女国产视频网站| 国产淫语在线视频| 99热网站在线观看| 国产v大片淫在线免费观看| 我的老师免费观看完整版| 久久久久九九精品影院| 五月开心婷婷网| av国产精品久久久久影院| 成人午夜精彩视频在线观看| 99久久精品热视频| 99热全是精品| 欧美精品人与动牲交sv欧美| 国产精品熟女久久久久浪| 免费看光身美女| 一级a做视频免费观看| 国产精品麻豆人妻色哟哟久久| 菩萨蛮人人尽说江南好唐韦庄| 亚洲精品中文字幕在线视频 | 春色校园在线视频观看| 91狼人影院| 一边亲一边摸免费视频| 蜜桃久久精品国产亚洲av| 亚洲欧美日韩东京热| 国产精品爽爽va在线观看网站| 亚洲av成人精品一区久久| 亚洲av成人精品一二三区| 亚洲欧美日韩另类电影网站 | 人妻一区二区av| 97在线视频观看| 久久久久久久大尺度免费视频| 国产午夜福利久久久久久| 欧美日韩国产mv在线观看视频 | 亚洲成人一二三区av| av在线亚洲专区| 亚洲精品色激情综合| 亚洲精品国产av蜜桃| 日日啪夜夜撸| 在线 av 中文字幕| 老司机影院毛片| av国产精品久久久久影院| 91精品一卡2卡3卡4卡| 有码 亚洲区| 九九爱精品视频在线观看| 日本与韩国留学比较| 亚洲成人久久爱视频| 日本黄大片高清| 大片免费播放器 马上看| 日本熟妇午夜| 噜噜噜噜噜久久久久久91| 国产伦精品一区二区三区四那| 我的女老师完整版在线观看| 久久久久久久国产电影| 22中文网久久字幕| 久久久久九九精品影院| 在线精品无人区一区二区三 | 又大又黄又爽视频免费| 久久久久精品性色| 伦理电影大哥的女人| 97在线视频观看| 国产乱人偷精品视频| 国产精品成人在线| 午夜爱爱视频在线播放| 看十八女毛片水多多多| 亚洲精品国产成人久久av| 中文字幕人妻熟人妻熟丝袜美| 亚洲熟女精品中文字幕| 男人和女人高潮做爰伦理| 黄色日韩在线| 18禁在线播放成人免费| 男女那种视频在线观看| 成人黄色视频免费在线看| 国产淫片久久久久久久久| 亚洲av二区三区四区| 一级二级三级毛片免费看| 久久精品熟女亚洲av麻豆精品| 亚洲怡红院男人天堂| 女的被弄到高潮叫床怎么办| av播播在线观看一区| 国产中年淑女户外野战色| 亚洲国产高清在线一区二区三| 少妇裸体淫交视频免费看高清| 欧美激情国产日韩精品一区| 欧美xxⅹ黑人| 国产免费一区二区三区四区乱码| 国产成人精品久久久久久| 亚洲精品第二区| 3wmmmm亚洲av在线观看| 国产成人a区在线观看| 狂野欧美激情性xxxx在线观看| 看免费成人av毛片| 久久国内精品自在自线图片| av在线观看视频网站免费| 亚洲久久久久久中文字幕| 五月玫瑰六月丁香| 中文资源天堂在线| 欧美成人一区二区免费高清观看| 亚洲av欧美aⅴ国产| 又爽又黄无遮挡网站| 亚洲美女视频黄频| 国产探花在线观看一区二区| 久久久久久久精品精品| 成年女人看的毛片在线观看| 男人爽女人下面视频在线观看| 一级毛片黄色毛片免费观看视频| 热99国产精品久久久久久7| 蜜臀久久99精品久久宅男| 欧美3d第一页| 深夜a级毛片| 国产一级毛片在线| 国产一区亚洲一区在线观看| 日日摸夜夜添夜夜添av毛片| av国产久精品久网站免费入址| 欧美精品一区二区大全| 欧美日韩亚洲高清精品| 国产男人的电影天堂91| 久久精品国产亚洲av涩爱| 亚洲精品国产av成人精品| 久久久午夜欧美精品| 国产久久久一区二区三区| 久久久国产一区二区| 内射极品少妇av片p| 一区二区三区乱码不卡18| 国产黄色免费在线视频| 精品亚洲乱码少妇综合久久| 亚洲精品国产成人久久av| 成年版毛片免费区| 国产精品99久久99久久久不卡 | av黄色大香蕉| 久久久精品欧美日韩精品| .国产精品久久| 最近2019中文字幕mv第一页| 亚洲欧洲国产日韩| 秋霞伦理黄片| 91精品伊人久久大香线蕉| 久久久久久九九精品二区国产| 特大巨黑吊av在线直播| 高清av免费在线| 国产一区二区三区综合在线观看 | 久久精品熟女亚洲av麻豆精品| 嫩草影院新地址| 亚洲欧美一区二区三区黑人 | 麻豆精品久久久久久蜜桃| 菩萨蛮人人尽说江南好唐韦庄| 80岁老熟妇乱子伦牲交| 男男h啪啪无遮挡| 国产永久视频网站| 亚洲精品乱码久久久v下载方式| 有码 亚洲区| 五月开心婷婷网| 国产 精品1| 精品国产三级普通话版| 80岁老熟妇乱子伦牲交| 亚洲高清免费不卡视频| freevideosex欧美| videos熟女内射| 欧美性感艳星| 制服丝袜香蕉在线| 国产v大片淫在线免费观看| 中文精品一卡2卡3卡4更新| 亚洲欧美日韩东京热| 男人爽女人下面视频在线观看| 精品久久久久久久久亚洲| 免费人成在线观看视频色| 91久久精品国产一区二区成人| 欧美精品人与动牲交sv欧美| 高清毛片免费看| 欧美国产精品一级二级三级 | 亚洲国产日韩一区二区| 简卡轻食公司| 日韩精品有码人妻一区| 另类亚洲欧美激情| 王馨瑶露胸无遮挡在线观看| 欧美亚洲 丝袜 人妻 在线| 老女人水多毛片| 午夜免费鲁丝| 交换朋友夫妻互换小说| 九九爱精品视频在线观看| 综合色av麻豆| 精品国产一区二区三区久久久樱花 | 国产精品女同一区二区软件| 欧美xxⅹ黑人| 中文字幕免费在线视频6| 久久久精品94久久精品| 欧美区成人在线视频| 成人鲁丝片一二三区免费| 777米奇影视久久| 国产成人精品福利久久| 少妇 在线观看| 成人国产av品久久久| 国产综合精华液| 身体一侧抽搐| 久久久久久久国产电影| 国产亚洲最大av| 亚洲国产高清在线一区二区三| 美女视频免费永久观看网站| 精品久久国产蜜桃| 99精国产麻豆久久婷婷| 男人狂女人下面高潮的视频| 日本猛色少妇xxxxx猛交久久| 欧美日韩国产mv在线观看视频 | 观看美女的网站| 欧美精品一区二区大全| 亚洲国产精品国产精品| 久久人人爽av亚洲精品天堂 | 97在线视频观看| 99视频精品全部免费 在线| 亚洲精品中文字幕在线视频 | 久久久午夜欧美精品| tube8黄色片| 欧美zozozo另类| freevideosex欧美| 免费少妇av软件| 久久韩国三级中文字幕| 午夜福利在线在线| 精品久久久噜噜| 少妇猛男粗大的猛烈进出视频 | 国产欧美日韩一区二区三区在线 | 三级男女做爰猛烈吃奶摸视频| 欧美3d第一页| 国产亚洲午夜精品一区二区久久 | 午夜激情福利司机影院| 爱豆传媒免费全集在线观看| 国产精品一区二区三区四区免费观看| 亚洲精品成人av观看孕妇| 亚洲自偷自拍三级| 十八禁网站网址无遮挡 | 日韩欧美精品免费久久| 成人黄色视频免费在线看| 国产在线男女| 高清欧美精品videossex| 又大又黄又爽视频免费| 国产毛片在线视频| 乱系列少妇在线播放| 成人国产av品久久久| 日韩欧美精品免费久久|