PowerPoint 演示文稿

Size: px
Start display at page:

Download "PowerPoint 演示文稿"

Transcription

1 2019/4/29 1 补充 : 概率图及主题模型

2 2019/4/29 2 课程内容 第 1 章绪论 第 2 章布尔检索及倒排索引 第 3 章词项词典和倒排记录表 第 4 章索引构建和索引压缩 第 5 章向量模型及检索系统 第 6 章检索的评价 第 7 章相关反馈和查询扩展 第 8 章概率模型 第 9 章基于语言建模的检索模型 第 10 章文本分类 第 11 章文本聚类 补充 : 概率图及主题模型 补充 : 数据挖掘经典算法概述 第 12 章 Web 搜索 第 13 章多媒体信息检索 第 14 章其他应用简介

3 2019/4/29 3 后续课程安排 4 月 29 日, 补充 : 概率图及主题模型 5 月 6 日, 补充 : 数据挖掘经典算法概述 (1) 5 月 8 日, 补充 : 数据挖掘经典算法概述 (2) 5 月 13 日, 第 12 章 Web 搜索 5 月 15 日, 第 13 章多媒体信息检索 5 月 20 日, 复习 5 月 22 日, 同学们文献阅读报告 5 月 27 日, 同学们文献阅读报告 6 月 3 日, 期末考试 暂定

4 2019/4/29 4 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 定义 示例 Representation Inference Learning 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例

5 2019/4/29 5 主要参考书目 Probabilistic Graphical Models (Principles and Applications) Luis Enrique Sucar, 2015 Probabilistic Graphical Models (Principles and Techniques) Daphne Koller & Nir Friedman, 2009 Pattern Recognition and Machine Learning Christopher M.Bishop, 2006

6 2019/4/29 6 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 定义 示例 Representation Inference Learning 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例

7 2019/4/29 7 Graphical Model( 概率图模型 ) Probabilistic Graphical Models (PGMs) 概率图模型是一类用图形模式表达基于概率相关关系的模型的总称 概率图模型结合概率论与图论的知识, 利用图来表示与模型有关的变量的联合概率分布 近 10 年它已成为不确定性推理的研究热点, 在人工智能 机器学习和计算机视觉等领域有广阔的应用前景 概率图理论共分为三个部分 Representation: 概率图模型表示理论 Inference: 概率图模型推理理论 Learning: 概率图模型学习理论

8 2019/4/29 8 概率图示例朴素贝叶斯分类器 概率图 独立性的假设 Bayes 公式 :P(c d) P(d c) Graphical Model c t nd t 1... t 2 t k

9 2019/4/29 9 概率图示例用有向图表示统计模型 A data set of N points generated from a Gaussian: 盘式记法 Lei Zhang/Lead Researcher, Microsoft Research Asia, , USTC

10 2019/4/29 10 概率图的记法 展开的概率图 盘式记法 盘式记法 (plate notation) 是一种常用的图模型的简化记法 在盘式模型中, 用一个框 ( 称为盘 ) 圈住图模型中重复的部分, 并在框内标注重复的次数 盘式记法能够为我们表示和分析许多概率模型提供很大的方便, 但它也有一定的局限性 例如, 它无法表示盘内变量不同拷贝间的相关性, 而这种相关性广泛出现于动态贝叶斯网络中 展开的概率图 盘式记法

11 2019/4/29 11 Naïve Bayes model( 盘式记法 ) c w N 模型参数 : 使后验概率 p(c d) 最大的参数集 参数集 : p(c i ),i=1,2,, 类别总数 p(w k c), j=1,2,, 词项总数 c arg max c p( c w) p( c) p( w c) p( c) N n 1 p( w n c) Object class decision Prior prob. of the object classes Image likelihood given the class

12 2019/4/29 12 小结 : 什么是概率图模型 Graphical Model( 概率图模型 ) 是一类用图形模式表达基于概率相关关系的模型的总称 概率图的表示方法 展开的概率图 盘式记法 概率图求解 优化 概率图对应参数的求解 ( 如朴素贝叶斯分类器中的参数 )

13 2019/4/29 13 概率图模型的表示 Representation 结构 :G(V,E) 参数 :CPTs A Bayesian network (BN) represents the joint distribution of a set of n (discrete) variables, X1, X2,..., Xn, as a directed acyclic graph (DAG) and a set of conditional probability tables (CPTs). Each node, that corresponds to a variable, has an associated CPT that contains the probability of each state of the variable given its parents in the graph. The structure of the network implies a set of conditional independence assertions, which give power to this representation. A PGM is specified by two aspects: (i) a graph, G(V, E), that defines the structure of the model; and (ii) a set of local functions, f (Yi ), that define the parameters, where Yi is a subset of X. The joint probability is obtained by the product of the local functions: where K is a normalization constant. This representation in terms of a graph and a set of local functions (called potentials) is the basis for inference and learning in PGMs. Advances in Computer Vision and Pattern Recognition Luis Enrique Sucar, Probabilistic Graphical Models (Principles and Applications), 2015

14 2019/4/29 14 概率图模型的推理 Inference 含有 5 个变量的贝叶斯网络及其表示的联合分布 P(A,B,C,D,E)=P(A)P(B A)P(C B)P(D B)P(E C,D) 如果观测到变量 E=e, 给定证据 (Evidence) 想要计算变量 C=c 的条件概率 P(c e), 推理 (inference) 则 精确推理近似推理

15 2019/4/29 15 概率图模型的学习 Learning 概率图结构已知, 即为参数的学习 ( 估计 ) 常用的学习方法有两类 : 最大似然估计 (MLE) 贝叶斯估计 前者视模型参数为定值, 后者视其为随机变量 MLE 在数据完备的情况下, 可将参数学习问题转化为充分统计量的计算问题, 在数据不完备的情况下, 采用 EM 算法, 用迭代方式逐步最大化 p(x θ) 贝叶斯估计在数据完备的情况下, 根据误差准则不同, 可以诱导出最大后验估计或者后验均值的估计方法, 在数据不完备的情况下, 可以将 θ 视为一种特殊的隐变量, 从而问题归结为推理问题, 可以采用变分贝叶斯方法近似求解 概率图结构未知 数据完备时, 较好的方式是定义一个得分函数, 评估结构与数据的匹配程度, 然后搜索最大得分的结构 实际中需要根据奥克姆剃刀原理, 选择可以拟合数据的最简单模型 如果预先假定结构是树模型 ( 每个节点至多有一个父节点 ), 则搜索可在多项式时间内完成, 否则是 NP-hard 问题 数据不完备, 需考虑 structural EM 算法

16 2019/4/29 16 小结 : 表示 推理 学习 Representation, Inference, Learning Representation a graph 结构 :G(V,E) a set of local functions (called potentials) 参数 :CPTs Inference answering different probabilistic queries based on the model and some evidence. obtain the marginal or conditional probabilities of any subset of variables Z given any other subset Y. Learning given a set of data values for X (that can be incomplete) estimate the structure (graph) and parameters (local functions) of the model.

17 2019/4/29 17 概率图模型的常见类型 Directed Acyclic Graph Undirected Graph Advances in Computer Vision and Pattern Recognition Luis Enrique Sucar, Probabilistic Graphical Models (Principles and Applications), 2015

18 2019/4/29 18 常见模型图示 Hidden Markov Models Markov Random Fields Bayesian Networks Decision Graphs Markov Decision Processes Relational Probabilistic Graphical Models Graphical Causal Models

19 2019/4/29 19 小结 : 什么是 Graphical Model Graphical Model( 概率图模型 ) Probabilistic Graphical Models (PGMs) 展开的概率图 盘式记法 概率图理论共分为三个部分 Representation Inference Learning 概率图模型的常见类型 贝叶斯网络采用有向无环图 (Directed Acyclic Graph) 马尔可夫随机场则采用无向图 (Undirected Graph)

20 2019/4/29 20 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 定义 示例 Representation Inference Learning 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例

21 2019/4/29 21 什么是主题模型? 概念示意 We assume that some number of \topics," which are distributions over words, exist for the whole collection (far left). Each document is assumed to be generated as follows. First choose a distribution over the topics (the histogram at right); then, for each word, choose a topic assignment (the colored coins) and choose the word from the corresponding topic. The topics and topic assignments in this gure are illustrative - they are not fit from real data. Probabilistic topic models, DM Blei, Communications of the ACM, 2012 Retrieved: Google cited: 1622

22 2019/4/29 22 什么是主题模型? 例子 We fit a 100-topic LDA model to 17,000 articles from the journal Science. At left is the inferred topic proportions for the example article( 上页图所示文章 ). At right are the top 15 most frequent words from the most frequent topics found in this article. Probabilistic topic models, DM Blei, Communications of the ACM, 2012 Retrieved: Google cited: 1622

23 2019/4/29 23 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例

24 2019/4/29 24 LSA(Latent Semantic Analysis) 词项 - 文档矩阵的 SVD 分解, 发现相关文档 文档集 原始的 Term-Document 矩阵 Deerwester, S., Dumais, S. T., Furnas, G. W., Landauer, T. K., & Harshman, R.(1990). Indexing By Latent Semantic Analysis. Journal of the American Society For Information Science, 41,

25 2019/4/29 25 LSA(Latent Semantic Analysis) 词项 - 文档矩阵的 SVD 分解, 发现相关文档 保留 S 0 的最大两个奇异值 C =UΣV T X=T 0 S 0 D 0 Deerwester, S., Dumais, S. T., Furnas, G. W., Landauer, T. K., & Harshman, R.(1990). Indexing By Latent Semantic Analysis. Journal of the American Society For Information Science, 41,

26 2019/4/29 26 LSA(Latent Semantic Analysis) 词项 - 文档矩阵的 SVD 分解, 发现相关文档 原始的 Term-Document 矩阵 X Deerwester, S., Dumais, S. T., Furnas, G. W., Landauer, T. K., & Harshman, R.(1990). Indexing By Latent Semantic Analysis. Journal of the American Society For Information Science, 41,

27 documents documents topics topics 2019/4/29 27 小结 : 隐语义分析 1990: Latent Semantic Analysis (LSA) D = {d1,,dn} N documents W = {w1,,wm} M words Nij = #(di,wj) NxM co-occurrence term-document matrix Singular Value Decomposition words topics topics words NxM = NxK x KxK x KxM

28 2019/4/29 28 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例 Probabilistic Latent Semantic Analysis, 1999 Thomas Hofmann, University of California, Berkeley, CA google cited: Retrieved:

29 2019/4/29 29 主题模型 plsa 和 LDA 都是主题模型 In machine learning and natural language processing, a topic model is a type of statistical model for discovering the abstract "topics" that occur in a collection of documents. 基本思想 :(1) 文档是若干主题的混合分布 ;(2) 每个主题又是一个关于单词的概率分布

30 2019/4/29 30 plsa(probabilistic Latent Semantic Analysis) d d z z 1 z 2 z 3 z N w w 1 w 2 w 3 w N N M M M: 文档数目 N: 文档 d 中的词项数目 Lei Zhang/Lead Researcher, Microsoft Research Asia, , USTC z 1,, z N are variables. z i є[1,k]. K is the number of latent topics.

31 2019/4/29 31 plsa probabilistic Latent Semantic Analysis n(d,w) 表示文档 d 中 w 出现的次数 d 1 d 2 d M z 1 z 2 z N1 z 1 z 2 z N2 z 1 z 2 z Nm w 1 w 2 w N1 w 1 w 2 w N2 w 1 w 2 w Nm p(w z=1), p(w z=2), p(w z=n M ) are shared for all documents. Likelihood: Lei Zhang/Lead Researcher, Microsoft Research Asia, , USTC

32 2019/4/29 32 Joint Probability vs Likelihood n(d,w) 表示文档 d 中 w 出现的次数 Joint probability Likelihood (only for observed variables) p(d) is assumed to be uniform

33 2019/4/29 33 plsa Objective Function plsa tries to maximize the log likelihood: Due to the summation over z inside log, we have to resort to EM.

34 2019/4/29 34 Expectation Maximization (EM) algorithm The EM algorithm is a method for ML learning of parameters in latent variable models. E-Step 根据已经估计的参数计算隐藏变量的后验概率 ( 即根据参数计算似然函数的期望 ) M-Step 根据已经计算的后验概率更新参数 ( 选择参数使似然最大化 )

35 2019/4/29 35 plsa EM Steps The E-Step: 根据参数计算似然函数的期望 The M-Step: 选择参数使似然最大化

36 2019/4/29 36 plsa vs LSA Each document can be decomposed as: This is similar to the matrix decomposition. p(w d) = Z V k p(z d) z arg z max p( z d ) plsa LSA

37 2019/4/29 37 plsa vs LSA LSA and plsa perform dimensionality reduction In LSA, by keeping only K singular values In plsa, by having K aspects The main difference is the way the approximation is done plsa generates a model (aspect model) and maximizes its predictive power Selecting the proper value of K is heuristic in LSA Model selection in statistics can determine optimal K in plsa

38 2019/4/29 38 plsa 用于图像分类 D d z w N face

39 2019/4/29 39 plsa 应用 :Scene Classification Bosch, A., Zisserman, A. and Munoz, X. Scene Classification via plsa, ECCV 2006, google cited: 742

40 2019/4/29 41 Classification Result Bosch, A., Zisserman, A. and Munoz, X. Scene Classification via plsa, ECCV 2006, google cited: 742

41 2019/4/29 42 小结 :plsa topic model:(1) 文档是若干主题的混合分布 ;(2) 每个主题又是一个关于单词的概率分布 d z w N plsa M

42 2019/4/29 43 小结 : 如何生成 M 份包含 N 个单词的文档 3 种文档生成模型 : (a)unigram (b)mixture of unigrams (c) plsa 没有主题 一个文档只有一个主题 文档可以包含多个主题

43 2019/4/29 44 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 定义 示例 Representation Inference Learning 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例 Latent dirichlet allocation David M. Blei, Andrew Y. Ng, Michael I. Jordan Journal of Machine Learning Research, google cited: 14167

44 2019/4/29 45 吴恩达 (1976-, 英文名 :Andrew Ng), 华裔美国人 1976 年生于英国, 之后在香港和新加坡 ; 1992 年毕业于新加坡莱佛士书院 ; 1997 年获得卡内基梅隆大学计算机科学学士学位 ; 1998 年获得麻省理工硕士学位 ; 2002 年在加州大学伯克利分校获得博士学位 ; 2002 年 9 月 - 斯坦福大学计算机科学系和电气工程系的副教授, 斯坦福人工智能实验室的主任 ; 2011 年 1 月 2012 年 6 月, 创办并领导 Google 深度学习项目 ; 2012 年 1 月 - 今,Coursera 联合创始人 2014 年 5 月 16 日, 吴恩达加入百度, 担任百度公司首席科学家, 负责百度研究院的领导工作, 尤其是 Baidu Brain 计划 2017 年 03 月 22 日, 吴恩达在社交平台发布公开信, 宣布自己将从百度离职, 开启自己在人工智能领域的新篇章 Latent dirichlet allocation David M. Blei, Andrew Y. Ng, Michael I. Jordan Journal of Machine Learning Research, google cited: 14167

45 2019/4/29 46 Problems in plsa plsa provides no probabilistic model at the document level. Each doc has its own topic mixture proportion. The number of parameters in the model grows linearly with M (the number of documents in the training set).

46 2019/4/29 47 Problems in plsa There is no constraint for distributions p(z d i ). p(z d 1 ) p(z d 2 ) p(z d m ) d 1 d 2 d m z 1 z 2 z N1 z 1 z 2 z N2 z 1 z 2 z Nm w 1 w 2 w N1 w 1 w 2 w N2 w 1 w 2 w Nm Easy to lead to serious problems with over-fitting.

47 2019/4/29 48 The LDA Model z 1 z 2 z 3 z 4 z 1 z 2 z 3 z 4 z 1 z 2 z 3 z 4 w 1 w 2 w 3 w 4 w 1 w 2 w 3 w 4 w 1 w 2 w 3 w 4 For each document, Choose ~Dirichlet( ) For each of the N words w n : Choose a topic z n ~ Multinomial( ) Choose a word w n from p(w n z n,b), a multinomial probability conditioned on the topic z n. b

48 2019/4/29 50 The LDA Model 文档是如何生成的? For each document, Choose ~p( ), Dirichlet( ) For each of the N words w n : Choose a topic z n ~p(z ), Multinomial( ) Choose a word w n ~p(w z), from p(w n z n,b), a multinomial probability conditioned on the topic z n.

49 2019/4/29 51 LDA 的文档生成模型 1. corpus-level ( 红色 ):α 和 β 是语料级别的参数, 对于每个文档都是一样的, 因此在 generate 过程中只需要 sample 一次 2.document-level ( 橙色 ):θ 是文档级别的参数, 意即每个文档的 θ 参数是不一样的, 也就是说每个文档产生 topic z 的概率是不同的, 所以对于每个文档都要 sample 一次 θ 3. word-level ( 绿色 ): 最后 z 和 w 都是文档级别的变量,z 由参数 θ 产生, 之后再由 z 和 β 共同产生 w, 一个 w 对应一个 z

50 2019/4/29 52 几何学解释 The mixture of unigrams places each document at one of the corners of the topic simplex. The plsi model induces an empirical distribution on the topic simplex denoted by x. LDA places a smooth distribution on the topic simplex denoted by the contour lines. Latent dirichlet allocation David M. Blei, Andrew Y. Ng, Michael I. Jordan Journal of Machine Learning Research, google cited: 14167

51 2019/4/29 53 Joint Probability Given parameter α and β where

52 2019/4/29 54 Likelihood Joint Probability Marginal distribution of a document Likelihood over all the documents

53 2019/4/29 55 CVPR2015 的 LDA 分析

54 2019/4/29 56 小结 :LDA latent Dirichlet allocation (LDA) A generative probabilistic LDA is a three-level hierarchical Bayesian model. ~p( ), Dirichlet( ) topic z n ~p(z ), Multinomial( ) word w n ~p(w z), from p(w n z n,b), multinomial

55 2019/4/29 57 LDA 的局限性 bag of words 的假设 主题的词项分布是不随时间变化的 主题的数目是已知并固定的 忽略主题之间的相关性 For each document, Choose ~p( ), Dirichlet( ) For each of the N words w n : Choose a topic z n ~p(z ), Multinomial( ) Choose a word w n ~p(w z), from p(w n z n,b), a multinomial probability conditioned on the topic z n. Probabilistic topic models, DM Blei, Communications of the ACM, 2012 Retrieved: Google cited: 1622

56 Retrieved: /4/29 58 LDA 改进 语料库中的主题随时间变化 考虑主题间的相关性,Dirichlet a log-normal

57 2019/4/29 59 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 定义 示例 Representation Inference Learning 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例 A bayesian hierarchical model for learning natural scene categories Li Fei-Fei, Pietro Perona, CVPR 2005, google cited: 2942

58 2019/4/ retrieved: 年 11 月, 谷歌宣布李飞飞加入其云团队 生于北京, 长在四川,16 岁随父母移居美国 现为斯坦福大学计算机系终身教授, 人工智能实验室与视觉实验室主任 李飞飞教授主要研究方向为机器学习 计算机视觉 认知计算神经学, 侧重大数据分析为主 1999 年获普林斯顿大学本科学位,2005 年获加州理工学院电子工程博士学位 2009 年她加入斯坦福大学任助理教授, 并于 2012 年担任副教授 ( 终生教授 ), 此前分别就职于普林斯顿大学 ( ) 伊利诺伊大学香槟分校 ( ) 李飞飞教授为 TED 2015 大会演讲嘉宾

59 2019/4/29 62 从文本分类 图像分类

60 2019/4/29 63 Hierarchical Bayesian text models beach Latent Dirichlet Allocation (LDA) D c N z w

61 2019/4/29 64 Codebook A codebook obtained from 650 training examples from all 13 categories (50 images from each category). Image patches are detected by a sliding grid and random sampling of scales. The codewords are sorted in descending order according to the size of its membership. Interestingly most of the codewords appear to represent simple orientations and illumination patterns, similar to the ones that the early human visual system responds to.

62 2019/4/29 65 Theme Model for scene categorization c p(c η), multinomial(η) π p(π c, θ), Dir (θ) zn multinomial (π) xn p(xn zn, β), A bayesian hierarchical model for learning natural scene categories Li Fei-Fei, Pietro Perona, CVPR 2005, google cited: 1942 (a) Theme Model 1 for scene categorization that shares both the intermediate level themes as well as feature level codewords. (b) ThemeModel 2 for scene categorization that shares only the feature level codewords; (c) Traditional texton model

63 2019/4/29 66 Topic Distribution in Different Categories Internal structure of the models learnt for each category. Each row represents one category. The left panel shows the distribution of the 40 intermediate themes. The right panel shows the distribution of codewords as well as the appearance of 10 codewords selected from the top 20 most likely codewords for this category model.

64 2019/4/29 67 Topic Hierarchical Clustering Dendrogram of the relationship of the 13 category models based on theme distribution. y-axis is the pseudo-euclidean distance measure between models.

65 2019/4/29 68 More Topic Models Hierarchical Dirichlet Process, Journal of the American Statistical Association 2003 Correlated Topic Model, NIPS 2005 Dynamic topic models, ICML 2006 Nonparametric Bayes pachinko allocation, UAI 2007 Supervised LDA, NIPS 2007 MedLDA Maximum Margin Discrimant LDA, ICML 2009 Online learning for latent dirichlet allocation, NIPS 2010 Hierarchically supervised latent Dirichlet allocation, NIPS 2011 A spectral algorithm for latent dirichlet allocation, NIPS 2012 TopicRNN: Combine RNN and Topic Model, ICLR 2017, Autoencoding Variational Inference For Topic Models, ICLR 2017 Neural Relational Topic Models for Scientific Article Analysis, CIKM 2018

66 2019/4/29 69 小结 : 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model, 2009

67 2019/4/29 70 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 定义 示例 Representation Inference Learning 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例

68 2019/4/29 71 主题模型的 R 语言实现示例 在 R 语言中, 有两个包 (package) 提供了 LDA 模型 :lda 和 topicmodels lda 提供了基于 Gibbs 采样的经典 LDA MMSB(the mixed-membership stochastic blockmodel ) RTM( Relational Topic Model) 和基于 VEM(variational expectation-maximization) 的 slda (supervised LDA) RTM. topicmodels 基于包 tm, 提供 LDA_VEM LDA_Gibbs CTM_VEM(correlated topics model) 三种模型 可视化包 LDAvis 包 retrieved:

69 2019/4/29 72 宋词的词频 东风夜放花千树 : 对宋词进行主题分析初探

70 2019/4/29 73 根据词与词之间共现概率对词进行聚类 长度大于 1 词聚类的效果如图所示 东风夜放花千树 : 对宋词进行主题分析初探

71 2019/4/29 74 根据词与词之间共现概率对词进行聚类 对长度大于 2 的词的聚类结果如图所示, 可见宋词的确注重 风流倜傥, 连分类都和风向有关系 东风夜放花千树 : 对宋词进行主题分析初探

72 2019/4/29 75 根据词与词之间共现概率对词进行聚类 长度大于 3 的词聚类结果如图所示 东风夜放花千树 : 对宋词进行主题分析初探

73 2019/4/29 76 主题网络图 topicmodels 这个 R 包是由 Bettina Grun 和 Johannes Kepler 两个人贡献的, 目前支持 VEM(variational expectation-maximization), VEM (fixed alpha),gibbs 和 CTM(correlated topics model) 四种主题模型, 关于其详细介绍, 可以阅读他们的论文, 关于主题模型的更多背景知识可以阅读 Blei 的相关文章 Gibbs 东风夜放花千树 : 对宋词进行主题分析初探 CTM

74 2019/4/29 77 小结 : 主题模型的 R 语言实现示例 R 语言的已有 package lda topicmodels 可视化包 :LDAvis

75 2019/4/29 78 概率图及主题模型 Probabilistic Graphical Models / Topic Model 什么是 Graphical Model 定义 示例 Representation Inference Learning 主题模型与分类 LSA (Latent Semantic Analysis), 1990 plsa (probabilistic Latent Semantic Analysis), 1999 LDA(Latent Dirichlet Allocation), 2003 Hierarchical Bayesian model 主题模型的 R 语言实现示例 盘式记法

54 48 6-7 word2vec 8-10 GloVe 11 Word2vec X king - X man X queen - X woman Recurrent Neural Network X shirt - X clothing X chair - X furniture 2 n-gra

54 48 6-7 word2vec 8-10 GloVe 11 Word2vec X king - X man X queen - X woman Recurrent Neural Network X shirt - X clothing X chair - X furniture 2 n-gra Journal of South China Normal University Natural Science Edition 2016 48 3 53-58 doi 106054 /jjscnun201605006 1 2* 2 3 2 1 510631 2 3 510225 Glove TP3911 A 1000-5463 2016 03-0053-06 Research on Academic

More information

然 而 打 开 目 前 市 场 上 流 行 的 任 意 一 款 智 能 输 入 法, 上 面 提 到 的 词 都 会 被 轻 轻 松 松 的 输 出 来 ; 不 仅 如 此, 所 有 的 智 能 输 入 法 都 支 持 用 户 短 句 级 别 以 及 句 子 级 别 的 输 入 方 法, 并 且 能

然 而 打 开 目 前 市 场 上 流 行 的 任 意 一 款 智 能 输 入 法, 上 面 提 到 的 词 都 会 被 轻 轻 松 松 的 输 出 来 ; 不 仅 如 此, 所 有 的 智 能 输 入 法 都 支 持 用 户 短 句 级 别 以 及 句 子 级 别 的 输 入 方 法, 并 且 能 自 然 语 言 处 理 让 输 入 法 变 得 更 聪 明 王 砚 峰 贾 剑 峰 张 扬 1. 引 言 随 着 电 脑 的 普 及 和 互 联 网 的 发 展, 输 入 法 已 经 成 为 了 人 们 生 活 和 工 作 中 最 不 可 或 缺 的 工 具 软 件, 人 们 在 网 上 聊 天 中 的 对 话 交 流, 以 及 工 作 中 的 电 子 邮 件 和 文 档 报 告, 都 是 通 过

More information

Chinese Journal of Applied Probability and Statistics Vol.25 No.4 Aug (,, ;,, ) (,, ) 应用概率统计 版权所有, Zhang (2002). λ q(t)

Chinese Journal of Applied Probability and Statistics Vol.25 No.4 Aug (,, ;,, ) (,, ) 应用概率统计 版权所有, Zhang (2002). λ q(t) 2009 8 Chinese Journal of Applied Probability and Statistics Vol.25 No.4 Aug. 2009,, 541004;,, 100124),, 100190), Zhang 2002). λ qt), Kolmogorov-Smirov, Berk and Jones 1979). λ qt).,,, λ qt),. λ qt) 1,.

More information

untitled

untitled Co-integration and VECM Yi-Nung Yang CYCU, Taiwan May, 2012 不 列 1 Learning objectives Integrated variables Co-integration Vector Error correction model (VECM) Engle-Granger 2-step co-integration test Johansen

More information

2015 年 第 24 卷 第 11 期 计 算 机 系 统 应 用 历 的 主 体 部 分 多 以 非 结 构 化 的 文 本 形 式 存 储, 很 多 研 究 只 能 基 于 有 限 的 结 构 化 数 据 进 行 [4,5], 无 法 满 足 临

2015 年 第 24 卷 第 11 期  计 算 机 系 统 应 用 历 的 主 体 部 分 多 以 非 结 构 化 的 文 本 形 式 存 储, 很 多 研 究 只 能 基 于 有 限 的 结 构 化 数 据 进 行 [4,5], 无 法 满 足 临 计 算 机 系 统 应 用 http://www.c-s-a.org.cn 2015 年 第 24 卷 第 11 期 1 面 向 电 子 病 历 中 文 医 学 信 息 的 可 视 组 织 方 法 徐 天 明 1,2, 樊 银 亭 3, 马 翠 霞 1, 滕 东 兴 1 ( 中 国 科 学 院 软 件 研 究 所 人 机 交 互 技 术 与 智 能 信 息 处 理 实 验 室, 北 京 100190)

More information

國立屏東教育大學碩士班研究生共同修業要點

國立屏東教育大學碩士班研究生共同修業要點 目 錄 壹 國 立 屏 東 大 學 碩 士 班 研 究 生 共 同 修 業 辦 法...1 貳 國 立 屏 東 大 學 應 用 數 學 系 碩 士 班 研 究 生 修 業 要 點...5 參 應 用 數 學 系 碩 士 班 課 程 結 構...9 肆 應 用 數 學 系 專 任 師 資 簡 介...15 伍 應 用 數 學 系 碩 士 班 歷 屆 研 究 生 論 文 資 料...17 附 錄 一 國

More information

PowerPoint Presentation

PowerPoint Presentation Decision analysis 量化決策分析方法專論 2011/5/26 1 Problem formulation- states of nature In the decision analysis, decision alternatives are referred to as chance events. The possible outcomes for a chance event

More information

一 课 程 负 责 人 情 况 姓 名 吴 翊 性 别 男 出 生 年 月 1948.08.28 1. 基 本 信 息 学 位 硕 士 职 称 教 授 职 务 所 在 院 系 理 学 院 数 学 与 系 统 科 学 系 电 话 13808485157 研 究 方 向 数 据 处 理 近 三 年 来

一 课 程 负 责 人 情 况 姓 名 吴 翊 性 别 男 出 生 年 月 1948.08.28 1. 基 本 信 息 学 位 硕 士 职 称 教 授 职 务 所 在 院 系 理 学 院 数 学 与 系 统 科 学 系 电 话 13808485157 研 究 方 向 数 据 处 理 近 三 年 来 湖 南 省 普 通 高 等 学 校 省 级 精 品 课 程 复 核 申 报 表 学 校 名 称 : 课 程 名 称 : 课 程 负 责 人 : 立 项 时 间 : 国 防 科 技 大 学 概 率 论 与 数 理 统 计 吴 翊 2009 年 课 程 网 站 地 址 :jpkc2009.nudt.edu.cn/gllysltj jpkc.nudt.edu.cn/gltj 湖 南 省 教 育 厅 制 二

More information

國立中山大學學位論文典藏.PDF

國立中山大學學位論文典藏.PDF 國 立 中 山 大 學 企 業 管 理 學 系 碩 士 論 文 以 系 統 動 力 學 建 構 美 食 餐 廳 異 國 麵 坊 之 管 理 飛 行 模 擬 器 研 究 生 : 簡 蓮 因 撰 指 導 教 授 : 楊 碩 英 博 士 中 華 民 國 九 十 七 年 七 月 致 謝 詞 寫 作 論 文 的 過 程 是 一 段 充 滿 艱 辛 與 淚 水 感 動 與 窩 心 的 歷 程, 感 謝 這 一

More information

SVM OA 1 SVM MLP Tab 1 1 Drug feature data quantization table

SVM OA 1 SVM MLP Tab 1 1 Drug feature data quantization table 38 2 2010 4 Journal of Fuzhou University Natural Science Vol 38 No 2 Apr 2010 1000-2243 2010 02-0213 - 06 MLP SVM 1 1 2 1 350108 2 350108 MIP SVM OA MLP - SVM TP391 72 A Research of dialectical classification

More information

标题

标题 第 19 卷 摇 第 4 期 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 模 式 识 别 与 人 工 智 能 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 Vol. 19 摇 No. 4 摇 006 年 8 月 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 PR & AI 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 Aug 摇 摇

More information

A Study on Grading and Sequencing of Senses of Grade-A Polysemous Adjectives in A Syllabus of Graded Vocabulary for Chinese Proficiency 2002 I II Abstract ublished in 1992, A Syllabus of Graded Vocabulary

More information

Microsoft Word - 口試本封面.doc

Microsoft Word - 口試本封面.doc 國 立 屏 東 教 育 大 學 客 家 文 化 研 究 所 碩 士 論 文 指 導 教 授 : 劉 明 宗 博 士 台 灣 客 家 俗 諺 中 的 數 詞 研 究 研 究 生 : 謝 淑 援 中 華 民 國 九 十 九 年 六 月 本 論 文 獲 行 政 院 客 家 委 員 會 99 度 客 家 研 究 優 良 博 碩 論 文 獎 助 行 政 院 客 家 委 員 會 獎 助 客 家 研 究 優 良

More information

* CO3 A 1674-2486 2011 04-0005 - 18 P. 253 * 5 1. 1949 1991 1949 1991 6 2. 7 1 2001 2 2008 8 1 2 2008 11 http / /www. rnd. ncnu. edu. tw /hdcheng /method /ways. doc 2008 / 9 disciplinary matrix 1 1. 2001

More information

Microsoft PowerPoint _代工實例-1

Microsoft PowerPoint _代工實例-1 4302 動態光散射儀 (Dynamic Light Scattering) 代工實例與結果解析 生醫暨非破壞性分析團隊 2016.10 updated Which Size to Measure? Diameter Many techniques make the useful and convenient assumption that every particle is a sphere. The

More information

The Development of Color Constancy and Calibration System

The Development of Color Constancy and Calibration System The Development of Color Constancy and Calibration System The Development of Color Constancy and Calibration System LabVIEW CCD BMP ii Abstract The modern technologies develop more and more faster, and

More information

ENGG1410-F Tutorial 6

ENGG1410-F Tutorial 6 Jianwen Zhao Department of Computer Science and Engineering The Chinese University of Hong Kong 1/16 Problem 1. Matrix Diagonalization Diagonalize the following matrix: A = [ ] 1 2 4 3 2/16 Solution The

More information

一般社団法人電子情報通信学会 信学技報 THE INSTITUTE OF ELECTRONICS, IEICE Technical Report INFORMATION THE INSTITUTE OF AND ELECTRONICS, COMMUNICATION ENGINEERS IEICE L

一般社団法人電子情報通信学会 信学技報 THE INSTITUTE OF ELECTRONICS, IEICE Technical Report INFORMATION THE INSTITUTE OF AND ELECTRONICS, COMMUNICATION ENGINEERS IEICE L 一般社団法人電子情報通信学会 信学技報 THE INSTITUTE OF ELECTRONICS, IEICE Technical Report INFORMATION THE INSTITUTE OF AND ELECTRONICS, COMMUNICATION ENGINEERS IEICE LOIS2016-85(2017-03) Technical Report INFORMATION AND

More information

Stochastic Processes (XI) Hanjun Zhang School of Mathematics and Computational Science, Xiangtan University 508 YiFu Lou talk 06/

Stochastic Processes (XI) Hanjun Zhang School of Mathematics and Computational Science, Xiangtan University 508 YiFu Lou talk 06/ Stochastic Processes (XI) Hanjun Zhang School of Mathematics and Computational Science, Xiangtan University hjzhang001@gmail.com 508 YiFu Lou talk 06/04/2010 - Page 1 Outline 508 YiFu Lou talk 06/04/2010

More information

M M. 20

M M. 20 37 1 Vol. 37 No.1 2 0 1 6 1 TSINGHUA JOURNAL OF EDUCATION Jan. 2 0 1 6 4. 0 100872 1. 0 2. 0 3. 0 4. 0 4. 0 4. 0 G640 A 1001-4519 2016 01-0006 - 10 DOI 10. 14138 /j. 1001-4519. 2016. 01. 000610 11-12 18

More information

填 写 要 求 一 以 word 文 档 格 式 如 实 填 写 各 项 二 表 格 文 本 中 外 文 名 词 第 一 次 出 现 时, 要 写 清 全 称 和 缩 写, 再 次 出 现 时 可 以 使 用 缩 写 三 涉 密 内 容 不 填 写, 有 可 能 涉 密 和 不 宜 大 范 围 公

填 写 要 求 一 以 word 文 档 格 式 如 实 填 写 各 项 二 表 格 文 本 中 外 文 名 词 第 一 次 出 现 时, 要 写 清 全 称 和 缩 写, 再 次 出 现 时 可 以 使 用 缩 写 三 涉 密 内 容 不 填 写, 有 可 能 涉 密 和 不 宜 大 范 围 公 2013 年 度 上 海 高 校 市 级 精 品 课 程 申 报 表 ( 本 科 ) 学 校 名 称 东 华 大 学 课 程 名 称 计 算 机 系 统 与 网 络 技 术 课 程 类 型 理 论 课 ( 不 含 实 践 ) 理 论 课 ( 含 实 践 ) 实 验 ( 践 ) 课 所 属 一 级 学 科 名 称 所 属 二 级 学 科 名 称 课 程 负 责 人 申 报 日 期 工 科 计 算 机

More information

Microsoft Word - p11.doc

Microsoft Word - p11.doc () 11-1 ()Classification Analysis( ) m() p.d.f prior (decision) (loss function) Bayes Risk for any decision d( ) posterior risk posterior risk Posterior prob. j (uniform prior) where Mahalanobis Distance(M-distance)

More information

彩色地图中道路的识别和提取

彩色地图中道路的识别和提取 9310016, i ii Abstract This thesis is on the researching of recognizing the roads in map image by computer. Based on the theory of Pattern Recognition, there is a method to be discussed, which can recognize

More information

Improved Preimage Attacks on AES-like Hash Functions: Applications to Whirlpool and Grøstl

Improved Preimage Attacks on AES-like Hash Functions: Applications to Whirlpool and Grøstl SKLOIS (Pseudo) Preimage Attack on Reduced-Round Grøstl Hash Function and Others Shuang Wu, Dengguo Feng, Wenling Wu, Jian Guo, Le Dong, Jian Zou March 20, 2012 Institute. of Software, Chinese Academy

More information

报 告 1: 郑 斌 教 授, 美 国 俄 克 拉 荷 马 大 学 医 学 图 像 特 征 分 析 与 癌 症 风 险 评 估 方 法 摘 要 : 准 确 的 评 估 癌 症 近 期 发 病 风 险 和 预 后 或 者 治 疗 效 果 是 发 展 和 建 立 精 准 医 学 的 一 个 重 要 前

报 告 1: 郑 斌 教 授, 美 国 俄 克 拉 荷 马 大 学 医 学 图 像 特 征 分 析 与 癌 症 风 险 评 估 方 法 摘 要 : 准 确 的 评 估 癌 症 近 期 发 病 风 险 和 预 后 或 者 治 疗 效 果 是 发 展 和 建 立 精 准 医 学 的 一 个 重 要 前 东 北 大 学 中 荷 生 物 医 学 与 信 息 工 程 学 院 2016 年 度 生 物 医 学 与 信 息 工 程 论 坛 会 议 时 间 2016 年 6 月 8 日, 星 期 三,9:30 至 16:00 会 议 地 址 会 议 网 址 主 办 单 位 东 北 大 学 浑 南 校 区 沈 阳 市 浑 南 区 创 新 路 195 号 生 命 科 学 大 楼 B 座 619 报 告 厅 http://www.bmie.neu.edu.cn

More information

2/80 2

2/80 2 2/80 2 3/80 3 DSP2400 is a high performance Digital Signal Processor (DSP) designed and developed by author s laboratory. It is designed for multimedia and wireless application. To develop application

More information

Outline Speech Signals Processing Dual-Tone Multifrequency Signal Detection 云南大学滇池学院课程 : 数字信号处理 Applications of Digital Signal Processing 2

Outline Speech Signals Processing Dual-Tone Multifrequency Signal Detection 云南大学滇池学院课程 : 数字信号处理 Applications of Digital Signal Processing 2 CHAPTER 10 Applications of Digital Signal Processing Wang Weilian wlwang@ynu.edu.cn School of Information Science and Technology Yunnan University Outline Speech Signals Processing Dual-Tone Multifrequency

More information

[9] R Ã : (1) x 0 R A(x 0 ) = 1; (2) α [0 1] Ã α = {x A(x) α} = [A α A α ]. A(x) Ã. R R. Ã 1 m x m α x m α > 0; α A(x) = 1 x m m x m +

[9] R Ã : (1) x 0 R A(x 0 ) = 1; (2) α [0 1] Ã α = {x A(x) α} = [A α A α ]. A(x) Ã. R R. Ã 1 m x m α x m α > 0; α A(x) = 1 x m m x m + 2012 12 Chinese Journal of Applied Probability and Statistics Vol.28 No.6 Dec. 2012 ( 224002) Euclidean Lebesgue... :. : O212.2 O159. 1.. Zadeh [1 2]. Tanaa (1982) ; Diamond (1988) (FLS) FLS LS ; Savic

More information

Sep (SCI) 10. Jiann-Ming Wu, Annealing by two sets of interactive dynamics, IEEE Trans. on Systems Man and Cybernetics Part B-Cybernetics 34 (3)

Sep (SCI) 10. Jiann-Ming Wu, Annealing by two sets of interactive dynamics, IEEE Trans. on Systems Man and Cybernetics Part B-Cybernetics 34 (3) 03-863-3531 E-mail jmwu@mail.ndhu.edu.tw /(1990/06-1994/06) (1988/06-1990/06) (1984/09-1988/06) / (1997/8-) (1996/08-1997/07) () 1996 8 Wu, Jiann-Ming ( SCI EI SSCI TSSCI EconLit A&HCI ) 1. Pei-Hsun Hsu

More information

Microsoft Word - 林文晟3.doc

Microsoft Word - 林文晟3.doc 台 灣 管 理 學 刊 第 8 卷 第 期,008 年 8 月 pp. 33-46 建 構 農 產 運 銷 物 流 中 心 評 選 模 式 決 策 之 研 究 林 文 晟 清 雲 科 技 大 學 企 業 管 理 系 助 理 教 授 梁 榮 輝 崇 右 技 術 學 院 企 業 管 理 系 教 授 崇 右 技 術 學 院 校 長 摘 要 台 灣 乃 以 農 立 國, 農 業 經 濟 在 台 灣 經 濟

More information

1 引言

1 引言 P P 第 40 卷 Vol.40 第 7 期 No.7 计 算 机 工 程 Computer Engineering 014 年 7 月 July 014 开 发 研 究 与 工 程 应 用 文 章 编 号 :1000-348(014)07-081-05 文 献 标 识 码 :A 中 图 分 类 号 :TP391.41 摘 基 于 图 像 识 别 的 震 象 云 地 震 预 测 方 法 谢 庭,

More information

Vol. 15 No. 1 JOURNAL OF HARBIN UNIVERSITY OF SCIENCE AND TECHNOLOGY Feb O21 A

Vol. 15 No. 1 JOURNAL OF HARBIN UNIVERSITY OF SCIENCE AND TECHNOLOGY Feb O21 A 5 200 2 Vol 5 No JOURNAL OF HARBIN UNIVERSITY OF SCIENCE AND TECHNOLOGY Feb 200 2 2 50080 2 30024 O2 A 007-2683 200 0-0087- 05 A Goodness-of-fit Test Based on Empirical Likelihood and Application ZHOU

More information

國家圖書館典藏電子全文

國家圖書館典藏電子全文 i ii Abstract The most important task in human resource management is to encourage and help employees to develop their potential so that they can fully contribute to the organization s goals. The main

More information

( ) ( ) ( NSC M )

( ) ( ) ( NSC M ) ( ) ( ) ( NSC 84-2121-M004-009) 2 ( 1) Minitab SPlus ( 1): 3 1.1 1.2 4 2 (1980) ( 1952 ) (Significant difference (Two sample) (Change-point problem (1980) ( t-test) (Chi-square test) 5 ( 2 P187 2.1 2.1.1

More information

K301Q-D VRT中英文说明书141009

K301Q-D VRT中英文说明书141009 THE INSTALLING INSTRUCTION FOR CONCEALED TANK Important instuction:.. Please confirm the structure and shape before installing the toilet bowl. Meanwhile measure the exact size H between outfall and infall

More information

10384 27720071152270 UDC SHIBOR - Research on Dynamics of Short-term Shibor via Parametric and Nonparametric Models 2 0 1 0 0 5 2 0 1 0 0 5 2 0 1 0 0 5 2010 , 1. 2. Shibor 2006 10 8 2007 1 4 Shibor

More information

2014 年 11 月 总 第 251 期 主 办 单 位 : 中 国 科 学 院 自 动 化 研 究 所 CONTENTS 中 国 科 学 院 自 动 化 研 究 所 所 刊 卷 首 语 赠 人 一 片 云 1 科 研 动 态 与 学 术 交 流 自 动 化 所 人 脸 识 别 技 术 在 首 届

2014 年 11 月 总 第 251 期 主 办 单 位 : 中 国 科 学 院 自 动 化 研 究 所 CONTENTS 中 国 科 学 院 自 动 化 研 究 所 所 刊 卷 首 语 赠 人 一 片 云 1 科 研 动 态 与 学 术 交 流 自 动 化 所 人 脸 识 别 技 术 在 首 届 卷 首 语 首 赠 人 一 片 云 世 间 人 情 多 讲 究 赠 人 以 物, 而 物 尽 必 然 情 非 我 赠 人 以 云, 君 行 千 里, 抬 头 便 见 白 云, 还 怕 断 了 友 情 不 成? 人 间 冷 暖 是 人 最 在 乎 的, 人 与 人 的 交 往 也 往 往 就 在 这 冷 暖 二 字 上 你 赠 物 于 他 并 不 能 心 暖, 而 赠 他 一 份 真 情 可 能 就

More information

國立中山大學學位論文典藏.PDF

國立中山大學學位論文典藏.PDF ( ) 2-1 p33 3-1 p78 3-2 p79 3-3 p80 3-4 p90 4-1 p95 4-2 p97 4-3 p100 4-4 p103 4-5 p105 4-6 p107 4-7 p108 4-8 p108 4-9 p112 4-10 p114 4-11 p117 4-12 p119 4-13 p121 4-14 p123 4-15 p124 4-16 p131 4-17 p133

More information

<4D6963726F736F667420576F7264202D205F4230365FB942A5CEA668B443C5E9BB73A740B5D8A4E5B8C9A552B1D0A7F75FA6BFB1A4ACFC2E646F63>

<4D6963726F736F667420576F7264202D205F4230365FB942A5CEA668B443C5E9BB73A740B5D8A4E5B8C9A552B1D0A7F75FA6BFB1A4ACFC2E646F63> 運 用 多 媒 體 製 作 華 文 補 充 教 材 江 惜 美 銘 傳 大 學 應 用 中 文 系 chm248@gmail.com 摘 要 : 本 文 旨 在 探 究 如 何 運 用 多 媒 體, 結 合 文 字 聲 音 圖 畫, 製 作 華 文 補 充 教 材 當 我 們 在 進 行 華 文 教 學 時, 往 往 必 須 透 過 教 案 設 計, 並 製 作 補 充 教 材, 方 能 使 教 學

More information

1970 Roulac (1996) (shock) (structure change) Barras and Ferguson (1985) Barras (1994) (1990) (1996) (1997) 1

1970 Roulac (1996) (shock) (structure change) Barras and Ferguson (1985) Barras (1994) (1990) (1996) (1997) 1 1970 Roulac (1996) (shock) (structure change) Barras and Ferguson (1985) Barras (1994) (1990) (1996) (1997) 1 (1998) 1990 (Unit Root Test) (Cointegration) (Error Correction Model) 1 (1996) 2 (1990) 2 Barras

More information

Microsoft PowerPoint - TTCN-Introduction-v5.ppt

Microsoft PowerPoint - TTCN-Introduction-v5.ppt Conformance Testing and TTCN 工研院無線通訊技術部林牧台 / Morton Lin 03-5912360 mtlin@itri.org.tw 1 Outline Introduction and Terminology Conformance Testing Process 3GPP conformance testing and test cases A real world

More information

第 一 章 数 学 系 的 历 史 沿 革 第 一 节 数 学 系 的 渊 源 和 机 构 变 革 情 况 1949 年 6 月, 邸 耀 宗 厉 瑞 康 在 太 原 市 北 郊 上 兰 村 原 进 山 中 学 的 废 墟 上 筹 建 兵 工 职 业 学 校,1950 年 改 为 兵 工 高 级 职

第 一 章 数 学 系 的 历 史 沿 革 第 一 节 数 学 系 的 渊 源 和 机 构 变 革 情 况 1949 年 6 月, 邸 耀 宗 厉 瑞 康 在 太 原 市 北 郊 上 兰 村 原 进 山 中 学 的 废 墟 上 筹 建 兵 工 职 业 学 校,1950 年 改 为 兵 工 高 级 职 前 言 中 北 大 学 数 学 系 是 伴 随 着 学 校 的 发 展, 在 几 代 人 的 努 力 下 不 断 发 展 壮 大 起 来 的 从 1953 年 太 原 机 械 工 业 学 校 数 学 教 研 组 到 2006 年 理 学 院 数 学 系, 其 间 凝 聚 了 中 北 几 代 数 学 人 的 汗 水 2011 年, 正 值 中 北 大 学 建 校 70 周 年 校 庆, 我 们 认 为

More information

豐佳燕.PDF

豐佳燕.PDF Application of Information Literacy to chiayen@estmtc.tp.edu.tw information literacy Theme-oriented teaching. Abstract Based on the definition of Information Literacy and Six core concepts of the problem

More information

Shanghai International Studies University THE STUDY AND PRACTICE OF SITUATIONAL LANGUAGE TEACHING OF ADVERB AT BEGINNING AND INTERMEDIATE LEVEL A Thes

Shanghai International Studies University THE STUDY AND PRACTICE OF SITUATIONAL LANGUAGE TEACHING OF ADVERB AT BEGINNING AND INTERMEDIATE LEVEL A Thes 上 海 外 国 语 大 学 硕 士 学 位 论 文 对 外 汉 语 初 中 级 副 词 情 境 教 学 研 究 与 实 践 院 系 : 国 际 文 化 交 流 学 院 学 科 专 业 : 汉 语 国 际 教 育 姓 名 : 顾 妍 指 导 教 师 : 缪 俊 2016 年 5 月 Shanghai International Studies University THE STUDY AND PRACTICE

More information

热设计网

热设计网 例 例 Agenda Popular Simulation software in PC industry * CFD software -- Flotherm * Advantage of Flotherm Flotherm apply to Cooler design * How to build up the model * Optimal parameter in cooler design

More information

受訪者編號:

受訪者編號: 台 灣 社 會 變 遷 基 本 調 查 計 畫 第 六 期 第 四 次 調 查 計 畫 執 行 報 告 傅 仰 止 章 英 華 杜 素 豪 主 編 廖 培 珊 計 畫 編 號 :NSC 102-2420-H-001-007-SS2 中 央 研 究 院 社 會 學 研 究 所 二 一 四 年 三 月 參 與 教 授 傅 仰 止 計 畫 主 持 人 中 央 研 究 院 社 會 學 研 究 所 研 究 員

More information

1

1 Activity- based Cost Management: A New Mode of Medical cost Management () 1 Activity - based Cost Management A New Mode of Medical cost Management Abstract With the development of medical market, the defects

More information

<4D6963726F736F667420576F7264202D20C9CFBAA3BFC6BCBCB4F3D1A7D0C5CFA2D1A7D4BA32303136C4EAC7EFBCBEC8EBD1A7B2A9CABFD7CAB8F1BFBCCAD4CAB5CAA9CFB8D4F22D30343036C8B7B6A8B8E5>

<4D6963726F736F667420576F7264202D20C9CFBAA3BFC6BCBCB4F3D1A7D0C5CFA2D1A7D4BA32303136C4EAC7EFBCBEC8EBD1A7B2A9CABFD7CAB8F1BFBCCAD4CAB5CAA9CFB8D4F22D30343036C8B7B6A8B8E5> 上 海 科 技 大 学 信 息 科 学 与 技 术 学 院 年 度 博 士 资 格 考 试 实 施 细 则 一 总 则 本 细 则 由 上 海 科 技 大 学 信 息 科 学 与 技 术 学 院 ( 以 下 简 称 信 息 学 院 ) 教 学 指 导 委 员 会 讨 论 制 定, 适 用 于 信 息 学 院 2014 级 硕 士 研 究 生 的 年 度 博 士 资 格 考 试 信 息 学 院 2014

More information

90 2011 7 1 90 90 90 * 30 1984 1989 4 * 2011 6 1993 1997 1992 1998 2003 5 2004 2007 2008 2010 2008 6 2011 6 * 33% 21% 19% 18% 3% 8 5% * 7 - - - 8 2011 6 * 1921 2011 90 90 90 90 90 1921 1949 1949 16 12

More information

θ 1 = φ n -n 2 2 n AR n φ i = 0 1 = a t - θ θ m a t-m 3 3 m MA m 1. 2 ρ k = R k /R 0 5 Akaike ρ k 1 AIC = n ln δ 2

θ 1 = φ n -n 2 2 n AR n φ i = 0 1 = a t - θ θ m a t-m 3 3 m MA m 1. 2 ρ k = R k /R 0 5 Akaike ρ k 1 AIC = n ln δ 2 35 2 2012 2 GEOMATICS & SPATIAL INFORMATION TECHNOLOGY Vol. 35 No. 2 Feb. 2012 1 2 3 4 1. 450008 2. 450005 3. 450008 4. 572000 20 J 101 20 ARMA TU196 B 1672-5867 2012 02-0213 - 04 Application of Time Series

More information

Microsoft PowerPoint - NCBA_Cattlemens_College_Darrh_B

Microsoft PowerPoint - NCBA_Cattlemens_College_Darrh_B Introduction to Genetics Darrh Bullock University of Kentucky The Model Trait = Genetics + Environment Genetics Additive Predictable effects that get passed from generation to generation Non-Additive Primarily

More information

EM算法及其应用

EM算法及其应用 EM 算法原理及其应用 罗维 大纲 基础知识 EM 算法应用举例 EM 算法及其证明 EM 算法的变种 2 EM 算法的名字由来 E 步 M 步 Expectation 期望 Maximization 最大化 EM(Expectation Maximization, 期望最大化 ) 算法 3 笼统的 EM 算法描述 Loop { E 步 : 求期望 (expectation) } M 步 : 求极大

More information

km km mm km m /s hpa 500 hpa E N 41 N 37 N 121

km km mm km m /s hpa 500 hpa E N 41 N 37 N 121 32 2 2014 4 Journal of Arid Meteorology Vol. 32 No. 2 Apr 2014. 08. 03 J. 2014 32 2256-262 LU Guirong WANG Wen YU Huaizhenget al. The Influence of Damrey Typhoon on 08. 03 Rainstorm Process in Rizhao of

More information

Introduction to Hamilton-Jacobi Equations and Periodic Homogenization

Introduction to Hamilton-Jacobi Equations  and Periodic Homogenization Introduction to Hamilton-Jacobi Equations and Periodic Yu-Yu Liu NCKU Math August 22, 2012 Yu-Yu Liu (NCKU Math) H-J equation and August 22, 2012 1 / 15 H-J equations H-J equations A Hamilton-Jacobi equation

More information

% % 34

% % 34 * 2000 2005 1% 1% 1% 1% * VZDA2010-15 33 2011. 3 2009 2009 2004 2008 1982 1990 2000 2005 1% 1 1 2005 1% 34 2000 2005 1% 35 2011. 3 2000 0. 95 20-30 209592 70982 33. 9% 2005 1% 258 20-30 372301 115483 31.

More information

课题调查对象:

课题调查对象: 1 大 陆 地 方 政 府 大 文 化 管 理 职 能 与 机 构 整 合 模 式 比 较 研 究 武 汉 大 学 陈 世 香 [ 内 容 摘 要 ] 迄 今 为 止, 大 陆 地 方 政 府 文 化 管 理 体 制 改 革 已 经 由 试 点 改 革 进 入 到 全 面 推 行 阶 段 本 文 主 要 通 过 结 合 典 型 调 查 法 与 比 较 研 究 方 法, 对 已 经 进 行 了 政 府

More information

《中文信息学报》投稿模版

《中文信息学报》投稿模版 文 章 编 号 :1003-0077(2011)00-0000-00 对 外 汉 语 教 学 领 域 话 题 语 料 库 的 研 究 与 构 建 胡 韧 奋 1, 朱 琦 1, 杨 丽 姣 (1. 北 京 师 范 大 学, 北 京 市 100875) 摘 要 : 对 外 汉 语 教 学 领 域, 教 材 上 的 课 文 通 常 围 绕 一 个 话 题 展 开, 话 题 是 教 学 内 容 的 集 中

More information

清 华 大 学

清 华 大 学 清 华 大 学 综 合 论 文 训 练 题 目 : 基 于 网 络 用 户 行 为 分 析 的 传 染 病 发 病 趋 势 研 究 系 专 姓 别 : 计 算 机 科 学 与 技 术 业 : 计 算 机 科 学 与 技 术 名 : 许 丹 青 指 导 教 师 : 刘 奕 群 助 理 研 究 员 2010 年 6 月 27 日 中 文 摘 要 近 年 来, 传 染 病 的 传 播 与 流 行 已

More information

85% NCEP CFS 10 CFS CFS BP BP BP ~ 15 d CFS BP r - 1 r CFS 2. 1 CFS 10% 50% 3 d CFS Cli

85% NCEP CFS 10 CFS CFS BP BP BP ~ 15 d CFS BP r - 1 r CFS 2. 1 CFS 10% 50% 3 d CFS Cli 1 2 3 1. 310030 2. 100054 3. 116000 CFS BP doi 10. 13928 /j. cnki. wrahe. 2016. 04. 020 TV697. 1 A 1000-0860 2016 04-0088-05 Abandoned water risk ratio control-based reservoir pre-discharge control method

More information

4 115,,. : p { ( x ( t), y ( t) ) x R m, y R n, t = 1,2,, p} (1),, x ( t), y ( t),,: F : R m R n.,m, n, u.,, Sigmoid. :,f Sigmoid,f ( x) = ^y k ( t) =

4 115,,. : p { ( x ( t), y ( t) ) x R m, y R n, t = 1,2,, p} (1),, x ( t), y ( t),,: F : R m R n.,m, n, u.,, Sigmoid. :,f Sigmoid,f ( x) = ^y k ( t) = 2007 4 4 :100026788 (2007) 0420114206, (, 430074) :,,,,,,GIS.,,. : ; ; ; ; : TP391 ;P338 : A Development of Combinatorial Intelligentized Decision2Making Support System and Its Utilization in Runoff Forecasting

More information

lecture05.pdf

lecture05.pdf Time Series Analysis in Molecular Dynamics Dataset: Mul+ple trajectories with a lot of conforma+ons. Trajectory 1 Trajectory 2 Trajectory 3 Trajectory Conformation time Geometric Clustering (Splitting)

More information

硕 士 学 位 论 文 论 文 题 目 : 北 岛 诗 歌 创 作 的 双 重 困 境 专 业 名 称 : 中 国 现 当 代 文 学 研 究 方 向 : 中 国 新 诗 研 究 论 文 作 者 : 奚 荣 荣 指 导 老 师 : 姜 玉 琴 2014 年 12 月

硕 士 学 位 论 文 论 文 题 目 : 北 岛 诗 歌 创 作 的 双 重 困 境 专 业 名 称 : 中 国 现 当 代 文 学 研 究 方 向 : 中 国 新 诗 研 究 论 文 作 者 : 奚 荣 荣 指 导 老 师 : 姜 玉 琴 2014 年 12 月 硕 士 学 位 论 文 论 文 题 目 : 北 岛 诗 歌 创 作 的 双 重 困 境 专 业 名 称 : 中 国 现 当 代 文 学 研 究 方 向 : 中 国 新 诗 研 究 论 文 作 者 : 奚 荣 荣 指 导 老 师 : 姜 玉 琴 2014 年 12 月 致 谢 文 学 是 我 们 人 类 宝 贵 的 精 神 财 富 两 年 半 的 硕 士 学 习 让 我 进 一 步 接 近 文 学,

More information

- I -

- I - 2005 Experimental Study about the Effects of the Bone Cement leakage on the Intervertebral Disc in Vertebroplasty () 2005 4 - I - - II - Experimental Study about the Effects of the Bone Cement leakage

More information

摘 要 張 捷 明 是 台 灣 當 代 重 要 的 客 語 兒 童 文 學 作 家, 他 的 作 品 記 錄 著 客 家 人 的 思 想 文 化 與 觀 念, 也 曾 榮 獲 多 項 文 學 大 獎 的 肯 定, 對 台 灣 這 塊 土 地 上 的 客 家 人 有 著 深 厚 的 情 感 張 氏 於

摘 要 張 捷 明 是 台 灣 當 代 重 要 的 客 語 兒 童 文 學 作 家, 他 的 作 品 記 錄 著 客 家 人 的 思 想 文 化 與 觀 念, 也 曾 榮 獲 多 項 文 學 大 獎 的 肯 定, 對 台 灣 這 塊 土 地 上 的 客 家 人 有 著 深 厚 的 情 感 張 氏 於 玄 奘 大 學 中 國 語 文 學 系 碩 士 論 文 客 家 安 徒 生 張 捷 明 童 話 研 究 指 導 教 授 : 羅 宗 濤 博 士 研 究 生 : 黃 春 芳 撰 中 華 民 國 一 0 二 年 六 月 摘 要 張 捷 明 是 台 灣 當 代 重 要 的 客 語 兒 童 文 學 作 家, 他 的 作 品 記 錄 著 客 家 人 的 思 想 文 化 與 觀 念, 也 曾 榮 獲 多 項 文

More information

2 ( 自 然 科 学 版 ) 第 20 卷 波 ). 这 种 压 缩 波 空 气 必 然 有 一 部 分 要 绕 流 到 车 身 两 端 的 环 状 空 间 中, 形 成 与 列 车 运 行 方 向 相 反 的 空 气 流 动. 在 列 车 尾 部, 会 产 生 低 于 大 气 压 的 空 气 流

2 ( 自 然 科 学 版 ) 第 20 卷 波 ). 这 种 压 缩 波 空 气 必 然 有 一 部 分 要 绕 流 到 车 身 两 端 的 环 状 空 间 中, 形 成 与 列 车 运 行 方 向 相 反 的 空 气 流 动. 在 列 车 尾 部, 会 产 生 低 于 大 气 压 的 空 气 流 第 20 卷 第 3 期 2014 年 6 月 ( 自 然 科 学 版 ) JOURNAL OF SHANGHAI UNIVERSITY (NATURAL SCIENCE) Vol. 20 No. 3 June 2014 DOI: 10.3969/j.issn.1007-2861.2013.07.031 基 于 FLUENT 测 轨 道 交 通 隧 道 中 电 波 折 射 率 结 构 常 数 张 永

More information

acl2017_linguistically-regularized-lstm-MinlieHuang

acl2017_linguistically-regularized-lstm-MinlieHuang ACL 2017 Linguistically Regularized LSTM for Sentiment Classification Qiao Qian, Minlie Huang, Jinhao Lei, Xiaoyan Zhu Dept. of Computer Science Tsinghua University 1 aihuang@tsinghua.edu.cn Outline Introduction

More information

阶层化:居住空间、生活方式、

阶层化:居住空间、生活方式、 GSS2003 4 4 2003 GSS2003 Blau & Duncan1967FeathermanJones & Hauser1975 Erikson & Goldthorpe19921 1997/1976 247-251 Class Formation Wright19859-10 Giddens1973109 2003 GSS 1 4 4 4 19 40 1998 199112 1998

More information

Microsoft Word - A200810-897.doc

Microsoft Word - A200810-897.doc 基 于 胜 任 特 征 模 型 的 结 构 化 面 试 信 度 和 效 度 验 证 张 玮 北 京 邮 电 大 学 经 济 管 理 学 院, 北 京 (100876) E-mail: weeo1984@sina.com 摘 要 : 提 高 结 构 化 面 试 信 度 和 效 度 是 面 试 技 术 研 究 的 核 心 内 容 近 年 来 国 内 有 少 数 学 者 探 讨 过 基 于 胜 任 特 征

More information

K-means

K-means zwp@ustc.edu.cn Office: 1006 Phone: 63600565 http://staff.ustc.edu.cn/~zwp/ http://fisher.stat.ustc.edu.cn 1.1....................... 1 1.2............... 6 1.3.................... 11 1.3.1...............

More information

,,,,,,, (1975) (,2004 : ) (1981) 20,, (,1987 :6) L ,, (,2005b),,, ;,,,,,, ( ) (,1989) :, :A,, ;B, ;C ;D, (,1987 : ) 16

,,,,,,, (1975) (,2004 : ) (1981) 20,, (,1987 :6) L ,, (,2005b),,, ;,,,,,, ( ) (,1989) :, :A,, ;B, ;C ;D, (,1987 : ) 16 : 3 :,,, 2003 CGSS,, :,, 20 80, ( ),, 3 2003 (CGSS2003) 2003 CGSS, www. chinagss. org 2003 CGSS,, 15 2007. 6,,,,,,, (1975) (,2004 :284-286) (1981) 20,, (,1987 :6) L. 19 20,, (,2005b),,, ;,,,,,, ( ) (,1989)

More information

untitled

untitled LBS Research and Application of Location Information Management Technology in LBS TP319 10290 UDC LBS Research and Application of Location Information Management Technology in LBS , LBS PDA LBS

More information

mode of puzzle-solving

mode of puzzle-solving 91 12 145 174 * * 146 1 1 mode of puzzle-solving 91 12 147 83-105 148 2 3 2 3 151 91 12 149 150 4 4 101-104 91 12 151 identity 5 6 7 5 6 7 100 140 152 8 9 10 8 31-32 9 27-29 10 sense of political efficacy

More information

标题

标题 第 33 卷 摇 第 9 期 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 014 年 9 月 情 摇 报 摇 杂 摇 志 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 摇 JOURNAL OF INTELLIGENCE Vol. 33 摇 No. 9 Sep. 摇 014 基 于 专 利 的 大 数 据 技 术 发 展 情 报 * 分 析 及 战 略 研 究 1 1 李 鹏 飞 摇 卢 摇

More information

Microsoft PowerPoint - STU_EC_Ch08.ppt

Microsoft PowerPoint - STU_EC_Ch08.ppt 樹德科技大學資訊工程系 Chapter 8: Counters Shi-Huang Chen Fall 2010 1 Outline Asynchronous Counter Operation Synchronous Counter Operation Up/Down Synchronous Counters Design of Synchronous Counters Cascaded Counters

More information

(baking powder) 1 ( ) ( ) 1 10g g (two level design, D-optimal) 32 1/2 fraction Two Level Fractional Factorial Design D-Optimal D

(baking powder) 1 ( ) ( ) 1 10g g (two level design, D-optimal) 32 1/2 fraction Two Level Fractional Factorial Design D-Optimal D ( ) 4 1 1 1 145 1 110 1 (baking powder) 1 ( ) ( ) 1 10g 1 1 2.5g 1 1 1 1 60 10 (two level design, D-optimal) 32 1/2 fraction Two Level Fractional Factorial Design D-Optimal Design 1. 60 120 2. 3. 40 10

More information

中国科学技术大学学位论文模板示例文档

中国科学技术大学学位论文模板示例文档 University of Science and Technology of China A dissertation for doctor s degree An Example of USTC Thesis Template for Bachelor, Master and Doctor Author: Zeping Li Speciality: Mathematics and Applied

More information

第 2 期 王 向 东 等 : 一 种 运 动 轨 迹 引 导 下 的 举 重 视 频 关 键 姿 态 提 取 方 法 257 竞 技 体 育 比 赛 越 来 越 激 烈, 为 了 提 高 体 育 训 练 的 效 率, 有 必 要 在 体 育 训 练 中 引 入 科 学 定 量 的 方 法 许 多

第 2 期 王 向 东 等 : 一 种 运 动 轨 迹 引 导 下 的 举 重 视 频 关 键 姿 态 提 取 方 法 257 竞 技 体 育 比 赛 越 来 越 激 烈, 为 了 提 高 体 育 训 练 的 效 率, 有 必 要 在 体 育 训 练 中 引 入 科 学 定 量 的 方 法 许 多 2014 年 4 月 图 学 学 报 April 2014 第 35 卷 第 2 期 JOURNAL OF GRAPHICS Vol.35 No.2 一 种 运 动 轨 迹 引 导 下 的 举 重 视 频 关 键 姿 态 提 取 方 法 王 向 东 1, 张 静 文 2, 毋 立 芳 2, 徐 文 泉 (1. 国 家 体 育 总 局 体 育 科 学 研 究 所, 北 京 100061;2. 北 京

More information

UDC Empirical Researches on Pricing of Corporate Bonds with Macro Factors 厦门大学博硕士论文摘要库

UDC Empirical Researches on Pricing of Corporate Bonds with Macro Factors 厦门大学博硕士论文摘要库 10384 15620071151397 UDC Empirical Researches on Pricing of Corporate Bonds with Macro Factors 2010 4 Duffee 1999 AAA Vasicek RMSE RMSE Abstract In order to investigate whether adding macro factors

More information

% GIS / / Fig. 1 Characteristics of flood disaster variation in suburbs of Shang

% GIS / / Fig. 1 Characteristics of flood disaster variation in suburbs of Shang 20 6 2011 12 JOURNAL OF NATURAL DISASTERS Vol. 20 No. 6 Dec. 2011 1004-4574 2011 06-0094 - 05 200062 1949-1990 1949 1977 0. 8 0. 03345 0. 01243 30 100 P426. 616 A Risk analysis of flood disaster in Shanghai

More information

天 主 教 輔 仁 大 學 社 會 學 系 學 士 論 文 小 別 勝 新 婚? 久 別 要 離 婚? 影 響 遠 距 家 庭 婚 姻 感 情 因 素 之 探 討 Separate marital relations are getting better or getting worse? -Exp

天 主 教 輔 仁 大 學 社 會 學 系 學 士 論 文 小 別 勝 新 婚? 久 別 要 離 婚? 影 響 遠 距 家 庭 婚 姻 感 情 因 素 之 探 討 Separate marital relations are getting better or getting worse? -Exp 天 主 教 輔 仁 大 學 社 會 學 系 學 士 論 文 小 別 勝 新 婚? 久 別 要 離 婚? 影 響 遠 距 家 庭 婚 姻 感 情 因 素 之 探 討 Separate marital relations are getting better or getting worse? -Explore the impact of emotional factors couples do not

More information

(1) (2) (IVI) (2001) (IVI) 50% ~8% 1~30cm (IVI) Study on the Plant Succession of Slopeland Landslide Areas Following H

(1) (2) (IVI) (2001) (IVI) 50% ~8% 1~30cm (IVI) Study on the Plant Succession of Slopeland Landslide Areas Following H (1) (2) 921 7-200120022006 2008 (IVI)(2001) (IVI) 50% 2008 7~8% 1~30cm (IVI) Study on the Plant Succession of Slopeland Landslide Areas Following Hydroseeding Process Chiao-Shu Feng Graduate Student, Department

More information

荨荨 % [3] [4] 86%( [6] 27 ) Excel [7] 27 [8] 2 [9] K2 [2] ; Google group+ 5 Gmail [2] 2 fxljwcy 3E [22] 2 2 fxljzrh 2D [23] 3 2 fxzphjf 3D 35

荨荨 % [3] [4] 86%( [6] 27 ) Excel [7] 27 [8] 2 [9] K2 [2] ; Google group+ 5 Gmail [2] 2 fxljwcy 3E [22] 2 2 fxljzrh 2D [23] 3 2 fxzphjf 3D 35 * ( 875) CSCL - - 2-33 - ; ; ; ; G42 A [ ] 672 8(23)3 6 7 Web 2. SNA [4] : [] - 2- (mode) 2 [2] (http://lcell.bnu.edu. cn) - 2-2- - ( Social Network Analysis SNA) - (bipartite matrix) 2 3 - [5] [3] ( )

More information

( 总 第 1105 期 ) 浙 江 省 人 民 政 府 主 办 2016 年 1 月 22 日 出 版 目 录 省 政 府 文 件 浙 江 省 人 民 政 府 关 于 给 予 温 州 市 公 安 消 防 局 和 吴 兴 荣 张 拥 军 分 别 记 集 体 一 等 功 和 个 人 一 等 功 的 决

( 总 第 1105 期 ) 浙 江 省 人 民 政 府 主 办 2016 年 1 月 22 日 出 版 目 录 省 政 府 文 件 浙 江 省 人 民 政 府 关 于 给 予 温 州 市 公 安 消 防 局 和 吴 兴 荣 张 拥 军 分 别 记 集 体 一 等 功 和 个 人 一 等 功 的 决 ( 总 第 1105 期 ) 浙 江 省 人 民 政 府 主 办 2016 年 1 月 22 日 出 版 目 录 省 政 府 文 件 浙 江 省 人 民 政 府 关 于 给 予 温 州 市 公 安 消 防 局 和 吴 兴 荣 张 拥 军 分 别 记 集 体 一 等 功 和 个 人 一 等 功 的 决 定 ( 浙 政 发 2015 44 号 ) (3) 浙 江 省 人 民 政 府 关 于 追 记 黄

More information

MAXQ BA ( ) / 20

MAXQ BA ( ) / 20 MAXQ BA11011028 2016 6 7 () 2016 6 7 1 / 20 1 2 3 4 () 2016 6 7 2 / 20 RoboCup 2D 11 11 100ms/ 1: RoboCup 2D () 2016 6 7 3 / 20 2: () 2016 6 7 4 / 20 () 2016 6 7 5 / 20 Markov Decision Theory [Puterman,

More information

202,., IEC1123 (1991), GB8051 (2002) [4, 5],., IEC1123,, : 1) IEC1123 N t ( ). P 0 = 0.9995, P 1 = 0.9993, (α, β) = (0.05, 0.05), N t = 72574 [4]. [6

202,., IEC1123 (1991), GB8051 (2002) [4, 5],., IEC1123,, : 1) IEC1123 N t ( ). P 0 = 0.9995, P 1 = 0.9993, (α, β) = (0.05, 0.05), N t = 72574 [4]. [6 2013 4 Chinese Journal of Applied Probability and Statistics Vol.29 No.2 Apr. 2013 (,, 550004) IEC1123,,,., IEC1123 (SMT),,,. :,,, IEC1123,. : O212.3. 1. P.,,,, [1 5]. P, : H 0 : P = P 0 vs H 1 : P = P

More information

JAIST Reposi Title コーパスからの単語の意味の発見 Author(s) 九岡, 佑介 Citation Issue Date Type Thesis or Dissertation Text version author URL h

JAIST Reposi   Title コーパスからの単語の意味の発見 Author(s) 九岡, 佑介 Citation Issue Date Type Thesis or Dissertation Text version author URL h JAIST Reposi https://dspace.j Title コーパスからの単語の意味の発見 Author(s) 九岡, 佑介 Citation Issue Date 2008-03 Type Thesis or Dissertation Text version author URL http://hdl.handle.net/10119/4343 Rights Description

More information

10384 199928010 UDC 2002 4 2002 6 2002 2002 4 DICOM DICOM 1. 2. 3. Canny 4. 5. DICOM DICOM DICOM DICOM I Abstract Eyes are very important to our lives. Biologic parameters of anterior segment are criterions

More information

<4D F736F F D20A3B0A3B9A3AEB9D8CBA731302DBBF9D3DA436F70756C61BAAFCAFDB5C4D6E9BDADC1F7D3F2BAD3B4A8BEB6C1F7B7E1BFDDD4E2D3F62E646F63>

<4D F736F F D20A3B0A3B9A3AEB9D8CBA731302DBBF9D3DA436F70756C61BAAFCAFDB5C4D6E9BDADC1F7D3F2BAD3B4A8BEB6C1F7B7E1BFDDD4E2D3F62E646F63> 35 2 Vol.35No.2 2015 3 TROPICAL GEOGRAPHY Mar.2015 GUAN ShuaiZHA XiniDING BoLIN YingyanZHUO WenshanLIU ZufaWetness-Dryness Encountering of Runoff of the Pearl River Basin Based on Copula Functions[J]Tropical

More information

240 生 异 性 相 吸 的 异 性 效 应 [6] 虽 然, 心 理 学 基 础 研 [7-8] 究 已 经 证 实 存 在 异 性 相 吸 异 性 相 吸 是 否 存 在 于 名 字 认 知 识 别 尚 无 报 道 本 实 验 选 取 不 同 性 别 的 名 字 作 为 刺 激 材 料, 通

240 生 异 性 相 吸 的 异 性 效 应 [6] 虽 然, 心 理 学 基 础 研 [7-8] 究 已 经 证 实 存 在 异 性 相 吸 异 性 相 吸 是 否 存 在 于 名 字 认 知 识 别 尚 无 报 道 本 实 验 选 取 不 同 性 别 的 名 字 作 为 刺 激 材 料, 通 2011 年 Journal of Capital Medical University 4月 第2 期 Apr 2011 Vol 32 No 2 基础研究 doi: 10 3969 / j issn 1006-7795 2011 02 015 人脑识别不同性别名字反应时的差异研究 高迎霄 陈昭燃 * 张明霞 ( 首都医科大学神经生物系高级脑功能中心) 摘要 目的 探讨男女对不同性别名字认知加工速度是否存在差异

More information

Dan Buettner / /

Dan Buettner / / 39 1 2015 1 Vol. 39 No. 1 January 2015 74 Population Research 80 + /60 + 90 + 90 + 0 80 100028 Measuring and Comparing Population Longevity Level across the Regions of the World Lin Bao Abstract Appropriate

More information

附3

附3 普 通 高 等 学 校 本 科 专 业 设 置 申 请 表 ( 备 案 专 业 适 用 ) 080910T 3-6 2 016 7 6 4884878 目 录 填 表 说 明 ⒈ ⒉ ⒊ ⒋ ⒌ 1. 普 通 高 等 学 校 增 设 本 科 专 业 基 本 情 况 表 080910T 3-6 1978 36 ( 1978) ( 2008) 2017 60 120 / S J ⒉ 学 校 基 本 情

More information

(),,,,;, , (Π, ), , , 5162 %, U , ,,1992, , : ;

(),,,,;, , (Π, ), , , 5162 %, U , ,,1992, , : ; : 3 :,,,,,, : : 1992 6,,1992 2003, 8156 %,,: (1) ; (2) () ; (3),, (1994) (2004) 267, (2004), (2005) (2005),1992 2002,,,,,, :, ;; 3,, : gunaihua @126. com ;,, :510275, :lijf @scnu. edu. cn ( :05BJL015)

More information

IP TCP/IP PC OS µclinux MPEG4 Blackfin DSP MPEG4 IP UDP Winsock I/O DirectShow Filter DirectShow MPEG4 µclinux TCP/IP IP COM, DirectShow I

IP TCP/IP PC OS µclinux MPEG4 Blackfin DSP MPEG4 IP UDP Winsock I/O DirectShow Filter DirectShow MPEG4 µclinux TCP/IP IP COM, DirectShow I 2004 5 IP TCP/IP PC OS µclinux MPEG4 Blackfin DSP MPEG4 IP UDP Winsock I/O DirectShow Filter DirectShow MPEG4 µclinux TCP/IP IP COM, DirectShow I Abstract The techniques of digital video processing, transferring

More information

(Pattern Recognition) 1 1. CCD

(Pattern Recognition) 1 1. CCD ********************************* ********************************* (Pattern Recognition) 1 1. CCD 2. 3. 4. 1 ABSTRACT KeywordsMachine Vision, Real Time Inspection, Image Processing The purpose of this

More information

,, [1 ], [223 ] :, 1) :, 2) :,,, 3) :,, ( ),, [ 6 ],,, [ 3,728 ], ; [9222 ], ;,,() ;, : (1) ; (2),,,,, [23224 ] ; 2,, x y,,, x y R, ( ),,, :

,, [1 ], [223 ] :, 1) :, 2) :,,, 3) :,, ( ),, [ 6 ],,, [ 3,728 ], ; [9222 ], ;,,() ;, : (1) ; (2),,,,, [23224 ] ; 2,, x y,,, x y R, ( ),,, : 24 3 2010 5 J OU RNAL OF CHIN ESE IN FORMA TION PROCESSIN G Vol. 24, No. 3 May, 2010 : 100320077 (2010) 0320117207 1, 1, 1, 2 (1.,100871 ; 2.,100084) :,,,,,,; : ( ) ( ) (,3 600 ),, ABC : ;; ; ; ;;; : TP391

More information

Microsoft Word - chnInfoPaper6

Microsoft Word - chnInfoPaper6 文 章 编 号 :3-77(2)-- 文 章 编 号 :92 基 于 中 文 拼 音 输 入 法 数 据 的 汉 语 方 言 词 汇 自 动 识 别 张 燕, 张 扬 2, 孙 茂 松 (. 清 华 大 学 计 算 机 系, 北 京 市 84;2. 搜 狗 科 技 公 司, 北 京 市 84) 摘 要 : 方 言 研 究 领 域 中 的 语 音 研 究 词 汇 研 究 及 语 法 研 究 是 方 言

More information

IDP

IDP 430072 G255.1 A 1003-6938 2010 01-0034-11 A Tentative Study on Subject Formation and Cooperative Mechanism of Chinese Ancient Book Digitization Li Mingjie Yu Youyou School of Information Management of

More information

Microsoft Word - 論文獎助扉頁5份.doc

Microsoft Word - 論文獎助扉頁5份.doc 本 論 文 獲 行 政 院 客 家 委 員 會 100 年 客 家 研 究 優 良 博 碩 士 論 文 獎 助 國 立 屏 東 教 育 大 學 文 化 創 意 產 業 學 系 碩 士 班 碩 士 論 文 指 導 教 授 : 鍾 屏 蘭 博 士 台 灣 客 家 令 子 的 內 涵 及 其 在 教 育 上 之 應 用 研 究 生 : 馮 詠 書 撰 中 華 民 國 100 年 7 月 謝 誌 三 年

More information

度 身 體 活 動 量 ; 芬 蘭 幼 兒 呈 現 中 度 身 體 活 動 量 之 比 例 高 於 臺 灣 幼 兒 (5) 幼 兒 在 投 入 度 方 面 亦 達 顯 著 差 異 (χ²=185.35, p <.001), 芬 蘭 與 臺 灣 幼 兒 多 半 表 現 出 中 度 投 入 與 高 度

度 身 體 活 動 量 ; 芬 蘭 幼 兒 呈 現 中 度 身 體 活 動 量 之 比 例 高 於 臺 灣 幼 兒 (5) 幼 兒 在 投 入 度 方 面 亦 達 顯 著 差 異 (χ²=185.35, p <.001), 芬 蘭 與 臺 灣 幼 兒 多 半 表 現 出 中 度 投 入 與 高 度 臺 灣 與 芬 蘭 幼 兒 園 室 內 自 由 遊 戲 內 涵 之 探 討 林 昭 溶 毛 萬 儀 經 國 管 理 暨 健 康 學 院 幼 兒 保 育 系 副 教 授 joyce@ems.cku.edu.tw 吳 敏 而 國 家 教 育 研 究 院 研 究 員 rozwu@mail.naer.edu.tw wanyi@ems.cku.edu.tw 摘 要 自 由 遊 戲 被 視 為 是 幼 兒 的

More information

10384 19020101152519 UDC Rayleigh Quasi-Rayleigh Method for computing eigenvalues of symmetric tensors 2 0 1 3 2 0 1 3 2 0 1 3 2013 , 1. 2. [4], [27].,. [6] E- ; [7], Z-. [15]. Ramara G. kolda [1, 2],

More information