Non-binary constraints
LTE_3GPP_36.213-860(中文版)
3GPP
Release 8
3
3GPP TS 36.213 V8.6.0 (2009-03)
Contents
Foreword ...................................................................................................................................................... 5 1 2 3
Internet
Copyright Notification No part may be reproduced except as authorized by written permission. The copyright and the foregoing restriction extend to reproduction in all media.
© 2009, 3GPP Organizational Partners (ARIB, ATIS, CCSA, ETSI, TTA, TTC). All rights reserved. UMTS™ is a Trade Mark of ETSI registered for the benefit of its members 3GPP™ is a Trade Mark of ETSI registered for the benefit of its Members and of the 3GPP Organizational Partners LTE™ is a Trade Mark of ETSI currently being registered for the benefit of i ts Members and of the 3GPP Organizational Partners GSM® and the GSM logo are registered and owned by the GSM Association
物理学名词
1/4波片quarter-wave plateCG矢量耦合系数Clebsch-Gordan vector coupling coefficient; 简称“CG[矢耦]系数”。
X射线摄谱仪X-ray spectrographX射线衍射X-ray diffractionX射线衍射仪X-ray diffractometer[玻耳兹曼]H定理[Boltzmann] H-theorem[玻耳兹曼]H函数[Boltzmann] H-function[彻]体力body force[冲]击波shock wave[冲]击波前shock front[狄拉克]δ函数[Dirac] δ-function[第二类]拉格朗日方程Lagrange equation[电]极化强度[electric] polarization[反射]镜mirror[光]谱线spectral line[光]谱仪spectrometer[光]照度illuminance[光学]测角计[optical] goniometer[核]同质异能素[nuclear] isomer[化学]平衡常量[chemical] equilibrium constant[基]元电荷elementary charge[激光]散斑speckle[吉布斯]相律[Gibbs] phase rule[可]变形体deformable body[克劳修斯-]克拉珀龙方程[Clausius-] Clapeyron equation[量子]态[quantum] state[麦克斯韦-]玻耳兹曼分布[Maxwell-]Boltzmann distribution[麦克斯韦-]玻耳兹曼统计法[Maxwell-]Boltzmann statistics[普适]气体常量[universal] gas constant[气]泡室bubble chamber[热]对流[heat] convection[热力学]过程[thermodynamic] process[热力学]力[thermodynamic] force[热力学]流[thermodynamic] flux[热力学]循环[thermodynamic] cycle[事件]间隔interval of events[微观粒子]全同性原理identity principle [of microparticles][物]态参量state parameter, state property[相]互作用interaction[相]互作用绘景interaction picture[相]互作用能interaction energy[旋光]糖量计saccharimeter[指]北极north pole, N pole[指]南极south pole, S pole[主]光轴[principal] optical axis[转动]瞬心instantaneous centre [of rotation][转动]瞬轴instantaneous axis [of rotation]t 分布student's t distributiont 检验student's t testK俘获K-captureS矩阵S-matrixWKB近似WKB approximationX射线X-rayΓ空间Γ-spaceα粒子α-particleα射线α-rayα衰变α-decayβ射线β-rayβ衰变β-decayγ矩阵γ-matrixγ射线γ-rayγ衰变γ-decayλ相变λ-transitionμ空间μ-spaceχ 分布chi square distributionχ 检验chi square test阿贝不变量Abbe invariant阿贝成象原理Abbe principle of image formation阿贝折射计Abbe refractometer阿贝正弦条件Abbe sine condition阿伏伽德罗常量Avogadro constant阿伏伽德罗定律Avogadro law阿基米德原理Archimedes principle阿特伍德机Atwood machine艾里斑Airy disk爱因斯坦-斯莫卢霍夫斯基理论Einstein-Smoluchowski theory 爱因斯坦场方程Einstein field equation爱因斯坦等效原理Einstein equivalence principle爱因斯坦关系Einstein relation爱因斯坦求和约定Einstein summation convention爱因斯坦同步Einstein synchronization爱因斯坦系数Einstein coefficient安[培]匝数ampere-turns安培[分子电流]假说Ampere hypothesis安培定律Ampere law安培环路定理Ampere circuital theorem安培计ammeter安培力Ampere force安培天平Ampere balance昂萨格倒易关系Onsager reciprocal relation凹面光栅concave grating凹面镜concave mirror凹透镜concave lens奥温电桥Owen bridge巴比涅补偿器Babinet compensator巴耳末系Balmer series白光white light摆pendulum板极plate伴线satellite line半波片halfwave plate半波损失half-wave loss半波天线half-wave antenna半导体semiconductor半导体激光器semiconductor laser半衰期half life period半透[明]膜semi-transparent film半影penumbra半周期带half-period zone傍轴近似paraxial approximation傍轴区paraxial region傍轴条件paraxial condition薄膜干涉film interference薄膜光学film optics薄透镜thin lens保守力conservative force保守系conservative system饱和saturation饱和磁化强度saturation magnetization本底background本体瞬心迹polhode本影umbra本征函数eigenfunction本征频率eigenfrequency本征矢[量] eigenvector本征振荡eigen oscillation本征振动eigenvibration本征值eigenvalue本征值方程eigenvalue equation比长仪comparator比荷specific charge; 又称“荷质比(charge-mass ratio)”。
数据结构课后习题答案详解(C语言版_严蔚敏) 2
数据结构习题集答案(C语言版严蔚敏)第2章线性表2.1 描述以下三个概念的区别:头指针,头结点,首元结点(第一个元素结点)。
解:头指针是指向链表中第一个结点的指针。
首元结点是指链表中存储第一个数据元素的结点。
头结点是在首元结点之前附设的一个结点,该结点不存储数据元素,其指针域指向首元结点,其作用主要是为了方便对链表的操作。
它可以对空表、非空表以及首元结点的操作进行统一处理。
2.2 填空题。
解:(1) 在顺序表中插入或删除一个元素,需要平均移动表中一半元素,具体移动的元素个数与元素在表中的位置有关。
(2) 顺序表中逻辑上相邻的元素的物理位置必定紧邻。
单链表中逻辑上相邻的元素的物理位置不一定紧邻。
(3) 在单链表中,除了首元结点外,任一结点的存储位置由其前驱结点的链域的值指示。
(4) 在单链表中设置头结点的作用是插入和删除首元结点时不用进行特殊处理。
2.3 在什么情况下用顺序表比链表好?解:当线性表的数据元素在物理位置上是连续存储的时候,用顺序表比用链表好,其特点是可以进行随机存取。
2.4 对以下单链表分别执行下列各程序段,并画出结果示意图。
解:2.5 画出执行下列各行语句后各指针及链表的示意图。
L=(LinkList)malloc(sizeof(LNode)); P=L;for(i=1;i<=4;i++){P->next=(LinkList)malloc(sizeof(LNode));P=P->next; P->data=i*2-1;}P->next=NULL;for(i=4;i>=1;i--) Ins_LinkList(L,i+1,i*2);for(i=1;i<=3;i++) Del_LinkList(L,i);解:2.6 已知L是无表头结点的单链表,且P结点既不是首元结点,也不是尾元结点,试从下列提供的答案中选择合适的语句序列。
a. 在P结点后插入S结点的语句序列是__________________。
gauss-seidel迭代法matlab代码
Gauss-Seidel迭代法是一种用于解线性方程组的数值方法,特别适用于稀疏矩阵。
以下是一个使用Matlab实现Gauss-Seidel迭代法的简单示例代码:```matlabfunction [x, iteration] = gaussSeidel(A, b, tol, maxIter)% 输入参数:% A:系数矩阵% b:右侧常数向量% tol:迭代收敛容差% maxIter:最大迭代次数n = length(b);x = zeros(n, 1); % 初始化解向量iteration = 0;while iteration < maxIterx_new = x; % 存储前一次迭代的解for i = 1:n% 计算新的解x(i) = (b(i) - A(i,1:i-1)*x(1:i-1) - A(i,i+1:n)*x_new(i+1:n)) / A(i,i);end% 计算迭代误差error = norm(x - x_new, inf);if error < tolreturn;enditeration = iteration + 1;endwarning('Gauss-Seidel迭代未收敛到指定容差。
');end```使用这个函数时,您需要提供系数矩阵A、右侧常数向量b、迭代收敛容差tol和最大迭代次数maxIter作为输入参数。
函数将返回解向量x和迭代次数iteration。
示例用法:```matlabA = [4, -1, 0; -1, 4, -1; 0, -1, 3];b = [12; -1; 0];tol = 1e-6;maxIter = 1000;[x, iteration] = gaussSeidel(A, b, tol, maxIter);fprintf('解向量x = \n');disp(x);fprintf('迭代次数= %d\n', iteration);```这将求解线性方程组Ax = b,并返回解向量x以及迭代次数。
A Label Field Fusion Bayesian Model and Its Penalized Maximum Rand Estimator for Image Segmentation
1610IEEE TRANSACTIONS ON IMAGE PROCESSING, VOL. 19, NO. 6, JUNE 2010A Label Field Fusion Bayesian Model and Its Penalized Maximum Rand Estimator for Image SegmentationMax MignotteAbstract—This paper presents a novel segmentation approach based on a Markov random field (MRF) fusion model which aims at combining several segmentation results associated with simpler clustering models in order to achieve a more reliable and accurate segmentation result. The proposed fusion model is derived from the recently introduced probabilistic Rand measure for comparing one segmentation result to one or more manual segmentations of the same image. This non-parametric measure allows us to easily derive an appealing fusion model of label fields, easily expressed as a Gibbs distribution, or as a nonstationary MRF model defined on a complete graph. Concretely, this Gibbs energy model encodes the set of binary constraints, in terms of pairs of pixel labels, provided by each segmentation results to be fused. Combined with a prior distribution, this energy-based Gibbs model also allows for definition of an interesting penalized maximum probabilistic rand estimator with which the fusion of simple, quickly estimated, segmentation results appears as an interesting alternative to complex segmentation models existing in the literature. This fusion framework has been successfully applied on the Berkeley image database. The experiments reported in this paper demonstrate that the proposed method is efficient in terms of visual evaluation and quantitative performance measures and performs well compared to the best existing state-of-the-art segmentation methods recently proposed in the literature. Index Terms—Bayesian model, Berkeley image database, color textured image segmentation, energy-based model, label field fusion, Markovian (MRF) model, probabilistic Rand index.I. INTRODUCTIONIMAGE segmentation is a frequent preprocessing step which consists of achieving a compact region-based description of the image scene by decomposing it into spatially coherent regions with similar attributes. This low-level vision task is often the preliminary and also crucial step for many image understanding algorithms and computer vision applications. A number of methods have been proposed and studied in the last decades to solve the difficult problem of textured image segmentation. Among them, we can cite clustering algorithmsManuscript received February 20, 2009; revised February 06, 2010. First published March 11, 2010; current version published May 14, 2010. This work was supported by a NSERC individual research grant. The associate editor coordinating the review of this manuscript and approving it for publication was Prof. Peter C. Doerschuk. The author is with the Département d’Informatique et de Recherche Opérationnelle (DIRO), Université de Montréal, Faculté des Arts et des Sciences, Montréal H3C 3J7 QC, Canada (e-mail: mignotte@iro.umontreal.ca). Color versions of one or more of the figures in this paper are available online at . Digital Object Identifier 10.1109/TIP.2010.2044965[1], spatial-based segmentation methods which exploit the connectivity information between neighboring pixels and have led to Markov Random Field (MRF)-based statistical models [2], mean-shift-based techniques [3], [4], graph-based [5], [6], variational methods [7], [8], or by region-based split and merge procedures, sometimes directly expressed by a global energy function to be optimized [9]. Years of research in segmentation have demonstrated that significant improvements on the final segmentation results may be achieved either by using notably more sophisticated feature selection procedures, or more elaborate clustering techniques (sometimes involving a mixture of different or non-Gaussian distributions for the multidimensional texture features [10], [11]) or by taking into account prior distribution on the labels, region process, or the number of classes [9], [12], [13]. In all cases, these improvements lead to computationally expensive segmentation algorithms and, in the case of energy-based segmentation models, to costly optimization techniques. The segmentation approach, proposed in this paper, is conceptually different and explores another strategy initially introduced in [14]. Instead of considering an elaborate and better designed segmentation model of textured natural image, our technique explores the possible alternative of fusing (i.e., efficiently combining) several quickly estimated segmentation maps associated with simpler segmentation models for a final reliable and accurate segmentation result. These initial segmentations to be fused can be given either by different algorithms or by the same algorithm with different values of the internal parameters such as several -means clustering results with different values of , or by several -means results using different distance metrics, and applied on an input image possibly expressed in different color spaces or by other means. The fusion model, presented in this paper, is derived from the recently introduced probabilistic rand index (PRI) [15], [16] which measures the agreement of one segmentation result to multiple (manually generated) ground-truth segmentations. This measure efficiently takes into account the inherent variation existing across hand-labeled possible segmentations. We will show that this non-parametric measure allows us to derive an appealing fusion model of label fields, easily expressed as a Gibbs distribution, or as a nonstationary MRF model defined on a complete graph. Finally, this fusion model emerges as a classical optimization problem in which the Gibbs energy function related to this model has to be minimized. In other words, or analytically expressed in the regularization framework, each quickly estimated segmentation (to be fused) provides a set of constraints in terms of pairs of pixel labels (i.e., binary cliques) that should be equal or not. Finally, our fusion result is found1057-7149/$26.00 © 2010 IEEEMIGNOTTE: LABEL FIELD FUSION BAYESIAN MODEL AND ITS PENALIZED MAXIMUM RAND ESTIMATOR FOR IMAGE SEGMENTATION1611by searching for a segmentation map that minimizes an energy function encoding this precomputed set of binary constraints (thus optimizing the so-called PRI criterion). In our application, this final optimization task is performed by a robust multiresolution coarse-to-fine minimization strategy. This fusion of simple, quickly estimated segmentation results appears as an interesting alternative to complex, computationally demanding segmentation models existing in the literature. This new strategy of segmentation is validated in the Berkeley natural image database (also containing, for quantitative evaluations, ground truth segmentations obtained from human subjects). Conceptually, our fusion strategy is in the framework of the so-called decision fusion approaches recently proposed in clustering or imagery [17]–[21]. With these methods, a series of energy functions are first minimized before their outputs (i.e., their decisions) are merged. Following this strategy, Fred et al. [17] have explored the idea of evidence accumulation for combining the results of multiple clusterings. Reed et al. have proposed a Gibbs energy-based fusion model that differs from ours in the likelihood and prior energy design, as final merging procedure (for the fusion of large scale classified sonar image [21]). More precisely, Reed et al. employed a voting scheme-based likelihood regularized by an isotropic Markov random field priorly used to inpaint regions where the likelihood decision is not available. More generally, the concept of combining classifiers for the improvement of the performance of individual classifiers is known, in machine learning field, as a committee machine or mixture of experts [22], [23]. In this context, Dietterich [23] have provided an accessible and informal reasoning, from statistical, computational and representational viewpoints, of why ensembles can improve results. In this recent field of research, two major categories of committee machines are generally found in the literature. Our fusion decision approach is in the category of the committee machine model that utilizes an ensemble of classifiers with a static structure type. In this class of committee machines, the responses of several classifiers are combined by means of a mechanism that does not involve the input data (contrary to the dynamic structure type-based mixture of experts). In order to create an efficient ensemble of classifiers, three major categories of methods have been suggested whose goal is to promote diversity in order to increase efficiency of the final classification result. This can be done either by using different subsets of the input data, either by using a great diversity of the behavior between classifiers on the input data or finally by using the diversity of the behavior of the input data. Conceptually, our ensemble of classifiers is in this third category, since we intend to express the input data in different color spaces, thus encouraging diversity and different properties such as data decorrelation, decoupling effects, perceptually uniform metrics, compaction and invariance to various features, etc. In this framework, the combination itself can be performed according to several strategies or criteria (e.g., weighted majority vote, probability rules: sum, product, mean, median, classifier as combiner, etc.) but, none (to our knowledge) uses the PRI fusion (PRIF) criterion. Our segmentation strategy, based on the fusion of quickly estimated segmentation maps, is similar to the one proposed in [14] but the criterion which is now used in this new fusion model is different. In [14], the fusion strategy can be viewed as a two-stephierarchical segmentation procedure in which the first step remains identical and a set of initial input texton segmentation maps (in each color space) is estimated. Second, a final clustering, taking into account this mixture of textons (expressed in the set of different color space) is then used as a discriminant feature descriptor for a final -mean clustering whose output is the final fused segmentation map. Contrary to the fusion model presented in this paper, this second step (fusion of texton segmentation maps) is thus achieved in the intra-class inertia sense which is also the so-called squared-error criterion of the -mean algorithm. Let us add that a conceptually different label field fusion model has been also recently introduced in [24] with the goal of blending a spatial segmentation (region map) and a quickly estimated and to-be-refined application field (e.g., motion estimation/segmentation field, occlusion map, etc.). The goal of the fusion procedure explained in [24] is to locally fuse label fields involving labels of two different natures at different level of abstraction (i.e., pixel-wise and region-wise). More precisely, its goal is to iteratively modify the application field to make its regions fit the color regions of the spatial segmentation with the assumption that the color segmentation is more detailed than the regions of the application field. In this way, misclassified pixels in the application field (false positives and false negatives) are filtered out and blobby shapes are sharpened, resulting in a more accurate final application label field. The remainder of this paper is organized as follows. Section II describes the proposed Bayesian fusion model. Section III describes the optimization strategy used to minimize the Gibbs energy field related to this model and Section IV describes the segmentation model whose outputs will be fused by our model. Finally, Section V presents a set of experimental results and comparisons with existing segmentation techniques.II. PROPOSED FUSION MODEL A. Rand Index The Rand index [25] is a clustering quality metric that measures the agreement of the clustering result with a given ground truth. This non-parametric statistical measure was recently used in image segmentation [16] as a quantitative and perceptually interesting measure to compare automatic segmentation of an image to a ground truth segmentation (e.g., a manually hand-segmented image given by an expert) and/or to objectively evaluate the efficiency of several unsupervised segmentation methods. be the number of pixels assigned to the same region Let (i.e., matched pairs) in both the segmentation to be evaluated and the ground truth segmentation , and be the number of pairs of pixels assigned to different regions (i.e., misand . The Rand index is defined as matched pairs) in to the total number of pixel pairs, i.e., the ratio of for an image of size pixels. More formally [16], and designate the set of region labels respecif tively associated to the segmentation maps and at pixel location and where is an indicator function, the Rand index1612IEEE TRANSACTIONS ON IMAGE PROCESSING, VOL. 19, NO. 6, JUNE 2010is given by the following relation:given by the empirical proportion (3) where is the delta Kronecker function. In this way, the PRI measure is simply the mean of the Rand index computed between each [16]. As a consequence, the PRI pair measure will favor (i.e., give a high score to) a resulting acceptable segmentation map which is consistent with most of the segmentation results given by human experts. More precisely, the resulting segmentation could result in a compromise or a consensus, in terms of level of details and contour accuracy exhibited by each ground-truth segmentations. Fig. 8 gives a fusion map example, using a set of manually generated segmentations exhibiting a high variation, in terms of level of details. Let us add that this probabilistic metric is not degenerate; all the bad segmentations will give a low score without exception [16]. C. Generative Gibbs Distribution Model of Correct Segmentations (i.e., the pairwise empirical As indicated in [15], the set ) defines probabilities for each pixel pair computed over an appealing generative model of correct segmentation for the image, easily expressed as a Gibbs distribution. In this way, the Gibbs distribution, generative model of correct segmentation, which can also be considered as a likelihood of , in the PRI sense, may be expressed as(1) which simply computes the proportion (value ranging from 0 to 1) of pairs of pixels with compatible region label relationships between the two segmentations to be compared. A value of 1 indicates that the two segmentations are identical and a value of 0 indicates that the two segmentations do not agree on any pair of points (e.g., when all the pixels are gathered in a single region in one segmentation whereas the other segmentation assigns each pixel to an individual region). When the number of and are much smaller than the number of data labels in points , a computationally inexpensive estimator of the Rand index can be found in [16]. B. Probabilistic Rand Index (PRI) The PRI was recently introduced by Unnikrishnan [16] to take into accounttheinherentvariabilityofpossible interpretationsbetween human observers of an image, i.e., the multiple acceptable ground truth segmentations associated with each natural image. This variability between observers, recently highlighted by the Berkeley segmentation dataset [26] is due to the fact that each human chooses to segment an image at different levels of detail. This variability is also due image segmentation being an ill-posed problem, which exhibits multiple solutions for the different possible values of the number of classes not known a priori. Hence, in the absence of a unique ground-truth segmentation, the clustering quality measure has to quantify the agreement of an automatic segmentation (i.e., given by an algorithm) with the variation in a set of available manual segmentations representing, in fact, a very small sample of the set of all possible perceptually consistent interpretations of an image [15]. The authors [16] address this concern by soft nonuniform weighting of pixel pairs as a means of accounting for this variability in the ground truth set. More formally, let us consider a set of manually segmented (ground truth) images corresponding to an be the segmentation to be compared image of size . Let with the manually labeled set and designates the set of reat pixel gion labels associated with the segmentation maps location , the probabilistic RI is defined bywhere is the set of second order cliques or binary cliques of a Markov random field (MRF) model defined on a complete graph (each node or pixel is connected to all other pixels of is the temperature factor of the image) and this Boltzmann–Gibbs distribution which is twice less than the normalization factor of the Rand Index in (1) or (2) since there than pairs of pixels for which are twice more binary cliques . is the constant partition function. After simplification, this yields(2) where a good choice for the estimator of (the probability of the pixel and having the same label across ) is simply (4)MIGNOTTE: LABEL FIELD FUSION BAYESIAN MODEL AND ITS PENALIZED MAXIMUM RAND ESTIMATOR FOR IMAGE SEGMENTATION1613where is a constant partition function (with a factor which depends only on the data), namelywhere is the set of all possible (configurations for the) segof size pixels. Let us add mentations into regions that, since the number of classes (and thus the number of regions) of this final segmentation is not a priori known, there are possibly, between one and as much as regions that the number of pixels in this image (assigning each pixel to an individual can region is a possible configuration). In this setting, be viewed as the potential of spatially variant binary cliques (or pairwise interaction potentials) of an equivalent nonstationary MRF generative model of correct segmentations in the case is assumed to be a set of representative ground where truth segmentations. Besides, , the segmentation result (to be ), can be considered as a realization of this compared to generative model with PRand, a statistical measure proportional to its negative likelihood energy. In other words, an estimate of , in the maximum likelihood sense of this generative model, will give a resulting segmented map (i.e., a fusion result) with a to be fused. high fidelity to the set of segmentations D. Label Field Fusion Model for Image Segmentation Let us consider that we have at our disposal, a set of segmentations associated to an image of size to be fused (i.e., to efficiently combine) in order to obtain a final reliable and accurate segmentation result. The generative Gibbs distribution model of correct segmentations expressed in (4) gives us an interesting fusion model of segmentation maps, in the maximum PRI sense, or equivalently in the maximum likelihood (ML) sense for the underlying Gibbs model expressed in (4). In this framework, the set of is computed with the empirical proportion estimator [see (3)] on the data . Once has been estimated, the resulting ML fusion segmentation map is thus defined by maximizing the likelihood distributiontions for different possible values of the number of classes which is not a priori known. To render this problem well-posed with a unique solution, some constraints on the segmentation process are necessary, favoring over segmentation or, on the contrary, merging regions. From the probabilistic viewpoint, these regularization constraints can be expressed by a prior distribution of treated as a realization of the unknown segmentation a random field, for example, within a MRF framework [2], [27] or analytically, encoded via a local or global [13], [28] prior energy term added to the likelihood term. In this framework, we consider an energy function that sets a particular global constraint on the fusion process. This term restricts the number of regions (and indirectly, also penalizes small regions) in the resulting segmentation map. So we consider the energy function (6) where designates the number of regions (set of connected pixels belonging to the same class) in the segmented is the Heaviside (or unit step) function, and an image , internal parameter of our fusion model which physically represents the number of classes above which this prior constraint, limiting the number of regions, is taken into account. From the probabilistic viewpoint, this regularization constraint corresponds to a simple shifted (from ) exponential distribution decreasing with the number of regions displayed by the final segmentation. In this framework, a regularized solution corresponds to the maximum a posteriori (MAP) solution of our fusion model, i.e., that maximizes the posterior distribution the solution , and thus(7) with is the regularization parameter controlling the contribuexpressing fidelity to the set of segtion of the two terms; encoding our prior knowledge or mentations to be fused and beliefs concerning the types of acceptable final segmentations as estimates (segmentation with a number of limited regions). In this way, the resulting criteria used in this resulting fusion model can be viewed as a penalized maximum rand estimator. III. COARSE-TO-FINE OPTIMIZATION STRATEGY A. Multiresolution Minimization Strategy Our fusion procedure of several label fields emerges as an optimization problem of a complex non-convex cost function with several local extrema over the label parameter space. In order to find a particular configuration of , that efficiently minimizes this complex energy function, we can use a global optimization procedure such as a simulated annealing algorithm [27] whose advantages are twofold. First, it has the capability of avoiding local minima, and second, it does not require a good solution. initial guess in order to estimate the(5) where is the likelihood energy term of our generative fusion . model which has to be minimized in order to find Concretely, encodes the set of constraints, in terms of pairs of pixel labels (identical or not), provided by each of the segmentations to be fused. The minimization of finds the resulting segmentation which also optimizes the PRI criterion. E. Bayesian Fusion Model for Image Segmentation As previously described in Section II-B, the image segmentation problem is an ill-posed problem exhibiting multiple solu-1614IEEE TRANSACTIONS ON IMAGE PROCESSING, VOL. 19, NO. 6, JUNE 2010Fig. 1. Duplication and “coarse-to-fine” minimization strategy.An alternative approach to this stochastic and computationally expensive procedure is the iterative conditional modes (ICM) introduced by Besag [2]. This method is deterministic and simple, but has the disadvantage of requiring a proper initialization of the segmentation map close to the optimal solution. Otherwise it will converge towards a bad local minima . In order associated with our complex energy function to solve this problem, we could take, as initialization (first such as iteration), the segmentation map (8) i.e., in choosing for the first iteration of the ICM procedure amongst the segmentation to be fused, the one closest to the optimal solution of the Gibbs energy function of our fusion model [see (5)]. A more robust optimization method consists of a multiresolution approach combined with the classical ICM optimization procedure. In this strategy, rather than considering the minimization problem on the full and original configuration space, the original inverse problem is decomposed in a sequence of approximated optimization problems of reduced complexity. This drastically reduces computational effort and provides an accelerated convergence toward improved estimate. Experimentally, estimation results are nearly comparable to those obtained by stochastic optimization procedures as noticed, for example, in [10] and [29]. To this end, a multiresolution pyramid of segmentation maps is preliminarily derived, in order to for each at different resolution levels, and a set estimate a set of of similar spatial models is considered for each resolution level of the pyramidal data structure. At the upper level of the pyramidal structure (lower resolution level), the ICM optimization procedure is initialized with the segmentation map given by the procedure defined in (8). It may also be initialized by a random solution and, starting from this initial segmentation, it iterates until convergence. After convergence, the result obtained at this resolution level is interpolated (see Fig. 1) and then used as initialization for the next finer level and so on, until the full resolution level. B. Optimization of the Full Energy Function Experiments have shown that the full energy function of our model, (with the region based-global regularization constraint) is complex for some images. Consequently it is preferable toFig. 2. From top to bottom and left to right; A natural image from the Berkeley database (no. 134052) and the formation of its region process (algorithm PRIF ) at the (l = 3) upper level of the pyramidal structure at iteration [0–6], 8 (the last iteration) of the ICM optimization algorithm. Duplication and result of the ICM relaxation scheme at the finest level of the pyramid at iteration 0, 1, 18 (last iteration) and segmentation result (region level) after the merging of regions and the taking into account of the prior. Bottom: evolution of the Gibbs energy for the different steps of the multiresolution scheme.perform the minimization in two steps. In a first step, the minimization is performed without considering the global constraint (considering only ), with the previously mentioned multiresolution minimization strategy and the ICM optimization procedure until its convergence at full resolution level. At this finest resolution level, the minimization is then refined in a second step by identifying each region of the resulting segmentation map. This creates a region adjacency graph (a RAG is an undirected graph where the nodes represent connected regions of the image domain) and performs a region merging procedure by simply applying the ICM relaxation scheme on each region (i.e., by merging the couple of adjacent regions leading to a reduction of the cost function of the full model [see (7)] until convergence). In the second step, minimization can also be performed . according to the full modelMIGNOTTE: LABEL FIELD FUSION BAYESIAN MODEL AND ITS PENALIZED MAXIMUM RAND ESTIMATOR FOR IMAGE SEGMENTATION1615with its four nearest neighbors and a fixed number of connections (85 in our application), regularly spaced between all other pixels located within a square search window of fixed size 30 pixels centered around . Fig. 3 shows comparison of segmentation results with a fully connected graph computed on a search window two times larger. We decided to initialize the lower (or third upper) level of the pyramid with a sequence of 20 different random segmentations with classes. The full resolution level is then initialized with the duplication (see Fig. 1) of the best segmentation result (i.e., the one associated to the lowest Gibbs energy ) obtained after convergence of the ICM at this lower resolution level (see Fig. 2). We provide details of our optimization strategy in Algorithm 1. Algo I. Multiresolution minimization procedure (see also Fig. 2). Two-Step Multiresolution Minimization Set of segmentations to be fusedPairwise probabilities for each pixel pair computed over at resolution level 1. Initialization Step • Build multiresolution Pyramids from • Compute the pairwise probabilities from at resolution level 3 • Compute the pairwise probabilities from at full resolution PIXEL LEVEL Initialization: Random initialization of the upper level of the pyramidal structure with classes • ICM optimization on • Duplication (cf. Fig 1) to the full resolution • ICM optimization on REGION LEVEL for each region at the finest level do • ICM optimization onFig. 4. Segmentation (image no. 385028 from Berkeley database). From top to bottom and left to right; segmentation map respectively obtained by 1] our multiresolution optimization procedure: = 3402965 (algo), 2] SA : = 3206127, 3] rithm PRIF : = 3312794, 4] SA : = 3395572, 5] SA : = 3402162. SAFig. 3. Comparison of two segmentation results of our multiresolution fusion procedure (algorithm PRIF ) using respectively: left] a subsampled and fixed number of connections (85) regularly spaced and located within a square search window of size = 30 pixels. right] a fully connected graph computed on a search window two times larger (and requiring a computational load increased by 100).NUU 0 U 00 U 0 U 0D. Comparison With a Monoresolution Stochastic Relaxation In order to test the efficiency of our two-step multiresolution relaxation (MR) strategy, we have compared it to a standard monoresolution stochastic relaxation algorithm, i.e., a so-called simulated annealing (SA) algorithm based on the Gibbs sampler [27]. In order to restrict the number of iterations to be finite, we have implemented a geometric temperature cooling schedule , where is the [30] of the form starting temperature, is the final temperature, and is the maximal number of iterations. In this stochastic procedure, is crucial. The temperathe choice of the initial temperature ture must be sufficiently high in the first stages of simulatedC. Algorithm In order to decrease the computational load of our multiresolution fusion procedure, we only use two levels of resolution in our pyramidal structure (see Fig. 2): the full resolution and an image eight times smaller (i.e., at the third upper level of classical data pyramidal structure). We do not consider a complete graph: we consider that each node (or pixel) is connected。
《数据结构——C语言描述》习题及答案耿国华
第1章绪论习题一、问答题1. 什么是数据结构?2. 四类基本数据结构的名称与含义。
3. 算法的定义与特性。
4. 算法的时间复杂度。
5. 数据类型的概念。
6. 线性结构与非线性结构的差别。
7. 面向对象程序设计语言的特点。
8. 在面向对象程序设计中,类的作用是什么?9. 参数传递的主要方式及特点。
10.抽象数据类型的概念。
二、判断题1. 线性结构只能用顺序结构来存放,非线性结构只能用非顺序结构来存放。
2. 算法就是程序。
3. 在高级语言(如C、或PASCAL)中,指针类型是原子类型。
三、计算下列程序段中XX1 的语句频度fori1iltni forj1jltij fork1kltjk xx1 提示: i1 时:1 11×1/2 112/2 i2 时:12 12×2/2 222/2 i3 时:123 13×3/2 332/2 … in 时:123……n 1n×n/2 nn2/2 fn 123……n 12 22 32 …… n2 / 2 1nn/2 nn12n1/6 / 2 nn1n2/6 n3/6n2/2n/3区分语句频度和算法复杂度:Ofn On3 四、试编写算法求一元多项式Pnxa0a1xa2x2a3x3…anxn 的值Pnx0,并确定算法中的每一语句的执行次数和整个算法的时间复杂度,要求时间复杂度尽可能的小,规定算法中不能使用求幂函数。
注意:本题中的输入aii01…n x 和n,输出为Pnx0.通常算法的输入和输出可采用下列两种方式之一:(1)通过参数表中的参数显式传递;(2)通过全局变量隐式传递。
试讨论这两种方法的优缺点,并在本题算法中以你认为较好的一种方式实现输入和输出。
提示:floatPolyValuefloat a float x int n…… 核心语句:p1 x 的零次幂s0 i 从0 到n 循环ssaip ppx 或:px x 的一次幂sa0 i 从1 到n 循环ssaip ppx 实习题设计实现抽象数据类型“有理数”。
斑马技术公司DS8108数字扫描仪产品参考指南说明书
代数英语
(0,2) 插值||(0,2) interpolation0#||zero-sharp; 读作零井或零开。
0+||zero-dagger; 读作零正。
1-因子||1-factor3-流形||3-manifold; 又称“三维流形”。
AIC准则||AIC criterion, Akaike information criterionAp 权||Ap-weightA稳定性||A-stability, absolute stabilityA最优设计||A-optimal designBCH 码||BCH code, Bose-Chaudhuri-Hocquenghem codeBIC准则||BIC criterion, Bayesian modification of the AICBMOA函数||analytic function of bounded mean oscillation; 全称“有界平均振动解析函数”。
BMO鞅||BMO martingaleBSD猜想||Birch and Swinnerton-Dyer conjecture; 全称“伯奇与斯温纳顿-戴尔猜想”。
B样条||B-splineC*代数||C*-algebra; 读作“C星代数”。
C0 类函数||function of class C0; 又称“连续函数类”。
CA T准则||CAT criterion, criterion for autoregressiveCM域||CM fieldCN 群||CN-groupCW 复形的同调||homology of CW complexCW复形||CW complexCW复形的同伦群||homotopy group of CW complexesCW剖分||CW decompositionCn 类函数||function of class Cn; 又称“n次连续可微函数类”。
Cp统计量||Cp-statisticC。
zemax非序列布尔运算
zemax非序列布尔运算English Answer:In ZEMAX, non-sequential Boolean operations allow you to combine multiple optical elements or surfaces into a single, complex shape. This can be useful for creating complex optical systems that would be difficult or impossible to create using traditional methods.There are two main types of non-sequential Boolean operations:Union: This operation combines two or more optical elements or surfaces into a single, contiguous shape. The resulting shape is the sum of the individual shapes.Intersection: This operation creates a new optical element or surface that is the intersection of two or more existing optical elements or surfaces. The resulting shape is the common area of the individual shapes.Non-sequential Boolean operations can be used to create a wide variety of complex optical shapes, including:Apertures: Non-sequential Boolean operations can be used to create complex apertures with arbitrary shapes. This can be useful for creating custom apertures for imaging systems or for blocking unwanted light.Filters: Non-sequential Boolean operations can be used to create complex filters with arbitrary transmission or reflection characteristics. This can be useful for creating custom filters for imaging systems or for blocking unwanted light.Mirrors: Non-sequential Boolean operations can be used to create complex mirrors with arbitrary shapes. This can be useful for creating custom mirrors for imaging systems or for redirecting light.Lenses: Non-sequential Boolean operations can be used to create complex lenses with arbitrary shapes. This can beuseful for creating custom lenses for imaging systems or for correcting optical aberrations.Non-sequential Boolean operations are a powerful tool for creating complex optical systems. They can be used to create a wide variety of shapes that would be difficult or impossible to create using traditional methods.Chinese Answer:在 ZEMAX 中,非序列布尔运算允许您将多个光学元件或表面组合成一个单一的复杂形状。
non-numeric argument to binary operator 科学计数法
non-numeric argument to binary operator 科学计数法1. 引言1.1 概述科学计数法是一种常用的表示大或小数值的方法,它能够简化数字的表达并提高计算机处理效率。
然而,在使用科学计数法进行运算时,我们经常会遇到一个错误信息:“non-numeric argument to binary operator”,这意味着在二元运算符(如加减乘除)中出现了非数值的参数。
本文将探讨这个问题,并介绍解决非数值参数对二元运算符的影响以及相关技术和算法。
1.2 文章结构本文分为五个主要部分:引言、科学计数法的介绍、非数值参数对二元运算符的影响、解决非数值参数问题的技术与算法,以及结论与展望。
在引言部分,我们将概述本文的主要内容,并阐述研究目的和意义。
1.3 目的本文旨在帮助读者理解非数值参数对二元运算符所带来的问题,并提供解决这些问题的技术与算法。
通过深入探讨科学计数法和其应用场景,我们可以更好地理解这一问题,并为开发者提供有效的解决方案。
最终目标是提高程序员编写代码时对于数据类型处理和异常检测的准确性,从而提高代码的可靠性和可维护性。
在总结和展望部分,我们将简要总结文章主要观点和结果,并对未来的研究方向和改进方案进行展望。
2. 科学计数法的介绍2.1 定义和原理:科学计数法是一种用于表示非常大或非常小数字的方法。
它基于指数表示,将一个数字表示为两部分:尾数和指数。
通常,尾数位于1到10之间,并将其乘以10的整数次幂,其中指数表示了小数点向右(正指数)或向左(负指数)移动的位数。
例如,科学计数法可以将1000000表示为1 x 10^6,其中1为尾数,6为指数。
同样地,0.00001可以表示为1 x 10^-5。
2.2 常见用途:科学计数法在许多科学和工程领域中被广泛使用。
它提供了一种简洁且易于理解的方式来处理极大和极小数字,使得进行精确计算更加便捷。
在天文学中,科学计数法常用于描述恒星的亮度、距离以及行星轨道参数等。
Indradrive 系列 故障代码
Error MessagesF9001 Error internal function call.F9002 Error internal RTOS function callF9003 WatchdogF9004 Hardware trapF8000 Fatal hardware errorF8010 Autom. commutation: Max. motion range when moving back F8011 Commutation offset could not be determinedF8012 Autom. commutation: Max. motion rangeF8013 Automatic commutation: Current too lowF8014 Automatic commutation: OvercurrentF8015 Automatic commutation: TimeoutF8016 Automatic commutation: Iteration without resultF8017 Automatic commutation: Incorrect commutation adjustment F8018 Device overtemperature shutdownF8022 Enc. 1: Enc. signals incorr. (can be cleared in ph. 2) F8023 Error mechanical link of encoder or motor connectionF8025 Overvoltage in power sectionF8027 Safe torque off while drive enabledF8028 Overcurrent in power sectionF8030 Safe stop 1 while drive enabledF8042 Encoder 2 error: Signal amplitude incorrectF8057 Device overload shutdownF8060 Overcurrent in power sectionF8064 Interruption of motor phaseF8067 Synchronization PWM-Timer wrongF8069 +/-15Volt DC errorF8070 +24Volt DC errorF8076 Error in error angle loopF8078 Speed loop error.F8079 Velocity limit value exceededF8091 Power section defectiveF8100 Error when initializing the parameter handlingF8102 Error when initializing power sectionF8118 Invalid power section/firmware combinationF8120 Invalid control section/firmware combinationF8122 Control section defectiveF8129 Incorrect optional module firmwareF8130 Firmware of option 2 of safety technology defectiveF8133 Error when checking interrupting circuitsF8134 SBS: Fatal errorF8135 SMD: Velocity exceededF8140 Fatal CCD error.F8201 Safety command for basic initialization incorrectF8203 Safety technology configuration parameter invalidF8813 Connection error mains chokeF8830 Power section errorF8838 Overcurrent external braking resistorF7010 Safely-limited increment exceededF7011 Safely-monitored position, exceeded in pos. DirectionF7012 Safely-monitored position, exceeded in neg. DirectionF7013 Safely-limited speed exceededF7020 Safe maximum speed exceededF7021 Safely-limited position exceededF7030 Position window Safe stop 2 exceededF7031 Incorrect direction of motionF7040 Validation error parameterized - effective thresholdF7041 Actual position value validation errorF7042 Validation error of safe operation modeF7043 Error of output stage interlockF7050 Time for stopping process exceeded8.3.15 F7051 Safely-monitored deceleration exceeded (159)8.4 Travel Range Errors (F6xxx) (161)8.4.1 Behavior in the Case of Travel Range Errors (161)8.4.2 F6010 PLC Runtime Error (162)8.4.3 F6024 Maximum braking time exceeded (163)8.4.4 F6028 Position limit value exceeded (overflow) (164)8.4.5 F6029 Positive position limit exceeded (164)8.4.6 F6030 Negative position limit exceeded (165)8.4.7 F6034 Emergency-Stop (166)8.4.8 F6042 Both travel range limit switches activated (167)8.4.9 F6043 Positive travel range limit switch activated (167)8.4.10 F6044 Negative travel range limit switch activated (168)8.4.11 F6140 CCD slave error (emergency halt) (169)8.5 Interface Errors (F4xxx) (169)8.5.1 Behavior in the Case of Interface Errors (169)8.5.2 F4001 Sync telegram failure (170)8.5.3 F4002 RTD telegram failure (171)8.5.4 F4003 Invalid communication phase shutdown (172)8.5.5 F4004 Error during phase progression (172)8.5.6 F4005 Error during phase regression (173)8.5.7 F4006 Phase switching without ready signal (173)8.5.8 F4009 Bus failure (173)8.5.9 F4012 Incorrect I/O length (175)8.5.10 F4016 PLC double real-time channel failure (176)8.5.11 F4017 S-III: Incorrect sequence during phase switch (176)8.5.12 F4034 Emergency-Stop (177)8.5.13 F4140 CCD communication error (178)8.6 Non-Fatal Safety Technology Errors (F3xxx) (178)8.6.1 Behavior in the Case of Non-Fatal Safety Technology Errors (178)8.6.2 F3111 Refer. missing when selecting safety related end pos (179)8.6.3 F3112 Safe reference missing (179)8.6.4 F3115 Brake check time interval exceeded (181)Troubleshooting Guide | Rexroth IndraDrive Electric Drivesand ControlsI Bosch Rexroth AG VII/XXIITable of ContentsPage8.6.5 F3116 Nominal load torque of holding system exceeded (182)8.6.6 F3117 Actual position values validation error (182)8.6.7 F3122 SBS: System error (183)8.6.8 F3123 SBS: Brake check missing (184)8.6.9 F3130 Error when checking input signals (185)8.6.10 F3131 Error when checking acknowledgment signal (185)8.6.11 F3132 Error when checking diagnostic output signal (186)8.6.12 F3133 Error when checking interrupting circuits (187)8.6.13 F3134 Dynamization time interval incorrect (188)8.6.14 F3135 Dynamization pulse width incorrect (189)8.6.15 F3140 Safety parameters validation error (192)8.6.16 F3141 Selection validation error (192)8.6.17 F3142 Activation time of enabling control exceeded (193)8.6.18 F3143 Safety command for clearing errors incorrect (194)8.6.19 F3144 Incorrect safety configuration (195)8.6.20 F3145 Error when unlocking the safety door (196)8.6.21 F3146 System error channel 2 (197)8.6.22 F3147 System error channel 1 (198)8.6.23 F3150 Safety command for system start incorrect (199)8.6.24 F3151 Safety command for system halt incorrect (200)8.6.25 F3152 Incorrect backup of safety technology data (201)8.6.26 F3160 Communication error of safe communication (202)8.7 Non-Fatal Errors (F2xxx) (202)8.7.1 Behavior in the Case of Non-Fatal Errors (202)8.7.2 F2002 Encoder assignment not allowed for synchronization (203)8.7.3 F2003 Motion step skipped (203)8.7.4 F2004 Error in MotionProfile (204)8.7.5 F2005 Cam table invalid (205)8.7.6 F2006 MMC was removed (206)8.7.7 F2007 Switching to non-initialized operation mode (206)8.7.8 F2008 RL The motor type has changed (207)8.7.9 F2009 PL Load parameter default values (208)8.7.10 F2010 Error when initializing digital I/O (-> S-0-0423) (209)8.7.11 F2011 PLC - Error no. 1 (210)8.7.12 F2012 PLC - Error no. 2 (210)8.7.13 F2013 PLC - Error no. 3 (211)8.7.14 F2014 PLC - Error no. 4 (211)8.7.15 F2018 Device overtemperature shutdown (211)8.7.16 F2019 Motor overtemperature shutdown (212)8.7.17 F2021 Motor temperature monitor defective (213)8.7.18 F2022 Device temperature monitor defective (214)8.7.19 F2025 Drive not ready for control (214)8.7.20 F2026 Undervoltage in power section (215)8.7.21 F2027 Excessive oscillation in DC bus (216)8.7.22 F2028 Excessive deviation (216)8.7.23 F2031 Encoder 1 error: Signal amplitude incorrect (217)VIII/XXII Bosch Rexroth AG | Electric Drivesand ControlsRexroth IndraDrive | Troubleshooting GuideTable of ContentsPage8.7.24 F2032 Validation error during commutation fine adjustment (217)8.7.25 F2033 External power supply X10 error (218)8.7.26 F2036 Excessive position feedback difference (219)8.7.27 F2037 Excessive position command difference (220)8.7.28 F2039 Maximum acceleration exceeded (220)8.7.29 F2040 Device overtemperature 2 shutdown (221)8.7.30 F2042 Encoder 2: Encoder signals incorrect (222)8.7.31 F2043 Measuring encoder: Encoder signals incorrect (222)8.7.32 F2044 External power supply X15 error (223)8.7.33 F2048 Low battery voltage (224)8.7.34 F2050 Overflow of target position preset memory (225)8.7.35 F2051 No sequential block in target position preset memory (225)8.7.36 F2053 Incr. encoder emulator: Pulse frequency too high (226)8.7.37 F2054 Incr. encoder emulator: Hardware error (226)8.7.38 F2055 External power supply dig. I/O error (227)8.7.39 F2057 Target position out of travel range (227)8.7.40 F2058 Internal overflow by positioning input (228)8.7.41 F2059 Incorrect command value direction when positioning (229)8.7.42 F2063 Internal overflow master axis generator (230)8.7.43 F2064 Incorrect cmd value direction master axis generator (230)8.7.44 F2067 Synchronization to master communication incorrect (231)8.7.45 F2068 Brake error (231)8.7.46 F2069 Error when releasing the motor holding brake (232)8.7.47 F2074 Actual pos. value 1 outside absolute encoder window (232)8.7.48 F2075 Actual pos. value 2 outside absolute encoder window (233)8.7.49 F2076 Actual pos. value 3 outside absolute encoder window (234)8.7.50 F2077 Current measurement trim wrong (235)8.7.51 F2086 Error supply module (236)8.7.52 F2087 Module group communication error (236)8.7.53 F2100 Incorrect access to command value memory (237)8.7.54 F2101 It was impossible to address MMC (237)8.7.55 F2102 It was impossible to address I2C memory (238)8.7.56 F2103 It was impossible to address EnDat memory (238)8.7.57 F2104 Commutation offset invalid (239)8.7.58 F2105 It was impossible to address Hiperface memory (239)8.7.59 F2110 Error in non-cyclical data communic. of power section (240)8.7.60 F2120 MMC: Defective or missing, replace (240)8.7.61 F2121 MMC: Incorrect data or file, create correctly (241)8.7.62 F2122 MMC: Incorrect IBF file, correct it (241)8.7.63 F2123 Retain data backup impossible (242)8.7.64 F2124 MMC: Saving too slowly, replace (243)8.7.65 F2130 Error comfort control panel (243)8.7.66 F2140 CCD slave error (243)8.7.67 F2150 MLD motion function block error (244)8.7.68 F2174 Loss of motor encoder reference (244)8.7.69 F2175 Loss of optional encoder reference (245)Troubleshooting Guide | Rexroth IndraDrive Electric Drivesand Controls| Bosch Rexroth AG IX/XXIITable of ContentsPage8.7.70 F2176 Loss of measuring encoder reference (246)8.7.71 F2177 Modulo limitation error of motor encoder (246)8.7.72 F2178 Modulo limitation error of optional encoder (247)8.7.73 F2179 Modulo limitation error of measuring encoder (247)8.7.74 F2190 Incorrect Ethernet configuration (248)8.7.75 F2260 Command current limit shutoff (249)8.7.76 F2270 Analog input 1 or 2, wire break (249)8.7.77 F2802 PLL is not synchronized (250)8.7.78 F2814 Undervoltage in mains (250)8.7.79 F2815 Overvoltage in mains (251)8.7.80 F2816 Softstart fault power supply unit (251)8.7.81 F2817 Overvoltage in power section (251)8.7.82 F2818 Phase failure (252)8.7.83 F2819 Mains failure (253)8.7.84 F2820 Braking resistor overload (253)8.7.85 F2821 Error in control of braking resistor (254)8.7.86 F2825 Switch-on threshold braking resistor too low (255)8.7.87 F2833 Ground fault in motor line (255)8.7.88 F2834 Contactor control error (256)8.7.89 F2835 Mains contactor wiring error (256)8.7.90 F2836 DC bus balancing monitor error (257)8.7.91 F2837 Contactor monitoring error (257)8.7.92 F2840 Error supply shutdown (257)8.7.93 F2860 Overcurrent in mains-side power section (258)8.7.94 F2890 Invalid device code (259)8.7.95 F2891 Incorrect interrupt timing (259)8.7.96 F2892 Hardware variant not supported (259)8.8 SERCOS Error Codes / Error Messages of Serial Communication (259)9 Warnings (Exxxx) (263)9.1 Fatal Warnings (E8xxx) (263)9.1.1 Behavior in the Case of Fatal Warnings (263)9.1.2 E8025 Overvoltage in power section (263)9.1.3 E8026 Undervoltage in power section (264)9.1.4 E8027 Safe torque off while drive enabled (265)9.1.5 E8028 Overcurrent in power section (265)9.1.6 E8029 Positive position limit exceeded (266)9.1.7 E8030 Negative position limit exceeded (267)9.1.8 E8034 Emergency-Stop (268)9.1.9 E8040 Torque/force actual value limit active (268)9.1.10 E8041 Current limit active (269)9.1.11 E8042 Both travel range limit switches activated (269)9.1.12 E8043 Positive travel range limit switch activated (270)9.1.13 E8044 Negative travel range limit switch activated (271)9.1.14 E8055 Motor overload, current limit active (271)9.1.15 E8057 Device overload, current limit active (272)X/XXII Bosch Rexroth AG | Electric Drivesand ControlsRexroth IndraDrive | Troubleshooting GuideTable of ContentsPage9.1.16 E8058 Drive system not ready for operation (273)9.1.17 E8260 Torque/force command value limit active (273)9.1.18 E8802 PLL is not synchronized (274)9.1.19 E8814 Undervoltage in mains (275)9.1.20 E8815 Overvoltage in mains (275)9.1.21 E8818 Phase failure (276)9.1.22 E8819 Mains failure (276)9.2 Warnings of Category E4xxx (277)9.2.1 E4001 Double MST failure shutdown (277)9.2.2 E4002 Double MDT failure shutdown (278)9.2.3 E4005 No command value input via master communication (279)9.2.4 E4007 SERCOS III: Consumer connection failed (280)9.2.5 E4008 Invalid addressing command value data container A (280)9.2.6 E4009 Invalid addressing actual value data container A (281)9.2.7 E4010 Slave not scanned or address 0 (281)9.2.8 E4012 Maximum number of CCD slaves exceeded (282)9.2.9 E4013 Incorrect CCD addressing (282)9.2.10 E4014 Incorrect phase switch of CCD slaves (283)9.3 Possible Warnings When Operating Safety Technology (E3xxx) (283)9.3.1 Behavior in Case a Safety Technology Warning Occurs (283)9.3.2 E3100 Error when checking input signals (284)9.3.3 E3101 Error when checking acknowledgment signal (284)9.3.4 E3102 Actual position values validation error (285)9.3.5 E3103 Dynamization failed (285)9.3.6 E3104 Safety parameters validation error (286)9.3.7 E3105 Validation error of safe operation mode (286)9.3.8 E3106 System error safety technology (287)9.3.9 E3107 Safe reference missing (287)9.3.10 E3108 Safely-monitored deceleration exceeded (288)9.3.11 E3110 Time interval of forced dynamization exceeded (289)9.3.12 E3115 Prewarning, end of brake check time interval (289)9.3.13 E3116 Nominal load torque of holding system reached (290)9.4 Non-Fatal Warnings (E2xxx) (290)9.4.1 Behavior in Case a Non-Fatal Warning Occurs (290)9.4.2 E2010 Position control with encoder 2 not possible (291)9.4.3 E2011 PLC - Warning no. 1 (291)9.4.4 E2012 PLC - Warning no. 2 (291)9.4.5 E2013 PLC - Warning no. 3 (292)9.4.6 E2014 PLC - Warning no. 4 (292)9.4.7 E2021 Motor temperature outside of measuring range (292)9.4.8 E2026 Undervoltage in power section (293)9.4.9 E2040 Device overtemperature 2 prewarning (294)9.4.10 E2047 Interpolation velocity = 0 (294)9.4.11 E2048 Interpolation acceleration = 0 (295)9.4.12 E2049 Positioning velocity >= limit value (296)9.4.13 E2050 Device overtemp. Prewarning (297)Troubleshooting Guide | Rexroth IndraDrive Electric Drivesand Controls| Bosch Rexroth AG XI/XXIITable of ContentsPage9.4.14 E2051 Motor overtemp. prewarning (298)9.4.15 E2053 Target position out of travel range (298)9.4.16 E2054 Not homed (300)9.4.17 E2055 Feedrate override S-0-0108 = 0 (300)9.4.18 E2056 Torque limit = 0 (301)9.4.19 E2058 Selected positioning block has not been programmed (302)9.4.20 E2059 Velocity command value limit active (302)9.4.21 E2061 Device overload prewarning (303)9.4.22 E2063 Velocity command value > limit value (304)9.4.23 E2064 Target position out of num. range (304)9.4.24 E2069 Holding brake torque too low (305)9.4.25 E2070 Acceleration limit active (306)9.4.26 E2074 Encoder 1: Encoder signals disturbed (306)9.4.27 E2075 Encoder 2: Encoder signals disturbed (307)9.4.28 E2076 Measuring encoder: Encoder signals disturbed (308)9.4.29 E2077 Absolute encoder monitoring, motor encoder (encoder alarm) (308)9.4.30 E2078 Absolute encoder monitoring, opt. encoder (encoder alarm) (309)9.4.31 E2079 Absolute enc. monitoring, measuring encoder (encoder alarm) (309)9.4.32 E2086 Prewarning supply module overload (310)9.4.33 E2092 Internal synchronization defective (310)9.4.34 E2100 Positioning velocity of master axis generator too high (311)9.4.35 E2101 Acceleration of master axis generator is zero (312)9.4.36 E2140 CCD error at node (312)9.4.37 E2270 Analog input 1 or 2, wire break (312)9.4.38 E2802 HW control of braking resistor (313)9.4.39 E2810 Drive system not ready for operation (314)9.4.40 E2814 Undervoltage in mains (314)9.4.41 E2816 Undervoltage in power section (314)9.4.42 E2818 Phase failure (315)9.4.43 E2819 Mains failure (315)9.4.44 E2820 Braking resistor overload prewarning (316)9.4.45 E2829 Not ready for power on (316)。
纹理物体缺陷的视觉检测算法研究--优秀毕业论文
摘 要
在竞争激烈的工业自动化生产过程中,机器视觉对产品质量的把关起着举足 轻重的作用,机器视觉在缺陷检测技术方面的应用也逐渐普遍起来。与常规的检 测技术相比,自动化的视觉检测系统更加经济、快捷、高效与 安全。纹理物体在 工业生产中广泛存在,像用于半导体装配和封装底板和发光二极管,现代 化电子 系统中的印制电路板,以及纺织行业中的布匹和织物等都可认为是含有纹理特征 的物体。本论文主要致力于纹理物体的缺陷检测技术研究,为纹理物体的自动化 检测提供高效而可靠的检测算法。 纹理是描述图像内容的重要特征,纹理分析也已经被成功的应用与纹理分割 和纹理分类当中。本研究提出了一种基于纹理分析技术和参考比较方式的缺陷检 测算法。这种算法能容忍物体变形引起的图像配准误差,对纹理的影响也具有鲁 棒性。本算法旨在为检测出的缺陷区域提供丰富而重要的物理意义,如缺陷区域 的大小、形状、亮度对比度及空间分布等。同时,在参考图像可行的情况下,本 算法可用于同质纹理物体和非同质纹理物体的检测,对非纹理物体 的检测也可取 得不错的效果。 在整个检测过程中,我们采用了可调控金字塔的纹理分析和重构技术。与传 统的小波纹理分析技术不同,我们在小波域中加入处理物体变形和纹理影响的容 忍度控制算法,来实现容忍物体变形和对纹理影响鲁棒的目的。最后可调控金字 塔的重构保证了缺陷区域物理意义恢复的准确性。实验阶段,我们检测了一系列 具有实际应用价值的图像。实验结果表明 本文提出的纹理物体缺陷检测算法具有 高效性和易于实现性。 关键字: 缺陷检测;纹理;物体变形;可调控金字塔;重构
Keywords: defect detection, texture, object distortion, steerable pyramid, reconstruction
II
STM32f10固件库使用手册中文版
UM0427 用户手册32 位基于ARM 微控制器STM32F101xx 与STM32F103xx固件函数库介绍本手册介绍了32 位基于ARM 微控制器STM32F101xx 与STM32F103xx 的固件函数库。
该函数库是一个固件函数包,它由程序、数据结构和宏组成,包括了微控制器所有外设的性能特征。
该函数库还包括每一个外设的驱动描述和应用实例。
通过使用本固件函数库,无需深入掌握细节,用户也可以轻松应用每一个外设。
因此,使用本固态函数库可以大大减少用户的程序编写时间,进而降低开发成本。
每个外设驱动都由一组函数组成,这组函数覆盖了该外设所有功能。
每个器件的开发都由一个通用API (application programming interface 应用编程界面)驱动,API 对该驱动程序的结构,函数和参数名称都进行了标准化。
所有的驱动源代码都符合“Strict ANSI-C”标准(项目于范例文件符合扩充ANSI-C 标准)。
我们已经把驱动源代码文档化,他们同时兼容MISRA-C 2004 标准(根据需要,我们可以提供兼容矩阵)。
由于整个固态函数库按照“Strict ANSI-C”标准编写,它不受不同开发环境的影响。
仅对话启动文件取决于开发环境。
该固态函数库通过校验所有库函数的输入值来实现实时错误检测。
该动态校验提高了软件的鲁棒性。
实时检测适合于用户应用程序的开发和调试。
但这会增加了成本,可以在最终应用程序代码中移去,以优化代码大小和执行速度。
想要了解更多细节,请参阅Section 2.5。
因为该固件库是通用的,并且包括了所有外设的功能,所以应用程序代码的大小和执行速度可能不是最优的。
对大多数应用程序来说,用户可以直接使用之,对于那些在代码大小和执行速度方面有严格要求的应用程序,该固件库驱动程序可以作为如何设置外设的一份参考资料,根据实际需求对其进行调整。
此份固件库用户手册的整体架构如下:定义,文档约定和固态函数库规则。
大金空调BACnetGateway协议说明
BACnet Gateway(DMS502A51)- Version 3 - Functional SpecificationsVersion DateRevision HistroyApproved by Checkedby Prepared by First 08/03/2002 Newly compiledA 20/08/2003 (Revision outline)E The postscript of notes about indoor temperature E The postscript of notes of the number of times of change about a setup of an air-conditioning unit(Revision page) P2, 10,11,27, 32K.tamakoshi K.shimatani K.matsuuraContents11. Summary2. Configuration of connection 13. Monitoring and Controlling Items of A/C 24. Applicable A/C Models and Monitoring and Controlling Items 35. BACnet Protocol Implementation Conformance Statement•i PICS•j 46. BACnet Interoperability Building Blocks Supported•i BIBBs•j 66.1. Data Sharing BIBBs (6)6.2. Alarm and Event Management BIBBs (6)BIBBs (6)6.3. SCHEDuling6.4. Trending BIBBs (7)6.5. Device Management BIBBs (7)Management BIBBs (8)6.6. Network97. ObjectsObject Type (9)7.1. SupportedObjects (10)7.2. Member148. Properties8.1. Analog Input Object Type (14)8.2. Analog Value Object Type (15)8.3. Binary Input Object Type(supported Intrinsic Reporting) (16)8.4. Binary Input Object Type(non-supported Intrinsic Reporting) (17)8.5. Binary Output Object Type (18)Type (19)ObjectValue8.6. BinaryType (20)Object8.7. Device8.8. Multi-state Input Object Type (21)8.9. Multi-state Output Object Type (22)239. ReportFunctionNotification (23)9.1. COVNotification (24)9.2. Event9.2.1. Registration Information on Event Notification Destination (24)9.2.2. Registration of Event Notification Destination (24)9.2.3. Deletion of Event Notification Destination (24)9.2.4. Event Notification Destination Re-registration (24)NotificationDestination in Memory (25)9.2.5. EventConfirmation (25)9.2.6. Event10. Error Responses in BACnet Communication 2611. Explanation of Objects in Detail 2711.1. Common to All Objects (27)11.2. On/Off Switching (Settings) (28)11.3. On/Off Switching (Status) (28)Signal (29)11.4. Alarm11.5. Error Code (29)11.6. Operating Mode (Settings) (30)11.7. Operating Mode (Status) (30)11.8. Airflow rate (Settings) (31)11.9. Airflow rate (Status) (31)11.10. Room Temperature Measurement Value (32)11.11. Room Temperature Set Value (33)11.12. Filter Used-up Signal (34)Used-up Signal Reset (34)11.13. Filter11.14. Remote Control Operation (On/Off Switching) (35)11.15. Remote Control Operation (Operating Mode) (35)11.16. RemoteOperation (Temperature Setting Value) (35)Control11.17. Central Control (Slave-centered Operation Prohibited) (36)Conditions (36)11.18. CommunicationOff (36)Forced11.19. System11.20. Air Direction (Settings) (37)11.21. Air Direction (Status) (37)11.22. Forced Thermo OFF (Settings) (38)11.23. Forced Thermo OFF (Settings) (38)11.24. Energy-saving Command (Settings) (38)11.25. Energy-saving Command (Status) (38)Status (39)11.26. ThermoStatus (39)11.27. Compressor11.28. Indoor Fan Status (39)11.29. Heater Operating Status (39)4012. Others12.1. Initialization at Starting (40)Network Layer (40)12.2. BACnetSettings (40)12.3. Clock1. SummaryIn response to the requests from the equipment (BACnet client) considered as a central monitoring panel which supports BACnet-ANSI/ASHRAE135 protocol, the BACnet Gateway actuates as a BACnet server that replies the status information of air conditioners connected to DIII-NET and receives the setting commands to air conditioners through the service specified by BACnet.2. Configuration of connectionA BACnet client that supports BACnet-ANSI/ASHRAE135 protocol allows direct connection via generally used HUBs such as Ethernet. The image of its connection configuration is as shown belowD‡V-NET, max. 4 ports (max. 256 groups)Communication protocol supports both IEEE802.3 and BACnetIP.The protocol can be switched for use by changing the setting with the Test Run Tool and then restarting the computer.3. Monitoring and Controlling Items of A/CThe items to monitor and control air conditioners from BACnet communication as well as descriptions of each item are listed below.Function DescriptionON/OFF StatusMonitors ON/OFF status of the respective air conditioners.Alarm Sign Monitors whether air conditioners are operating normally and, if not, sends out an alarmsign.Error CodeDisplays error code specified by the respective manufacturer if an abnormality occurs in the system.Operation ModeMonitors status of cooling, heating and ventilation operation.Room Temperature(*1)Monitors room temperature and displays the actual room temperature.Filter Limit Checks the limit of filters in use and monitors if there is a necessity to replace the filters. Thermostat StatusMonitors whether the thermostat in the air conditioner is operating properly.Compressor Status Monitors whether compressors in outdoor units that are connected to the indoor units are operating properly.Indoor Fan StatusMonitors whether fans in the air conditioners are operating properly. M o n i t o r i n gHeater Operation StatusMonitors whether heaters in the air conditioners are operating properly. ON/OFF Operation(*2)Starts and stops the respective air conditioners and monitors control results.Operation Mode Setting(*2) Sets the operation mode (cooling, heating, ventilation or auto mode) and monitors the setting results.Room Temperature Setting(*2) Sets room temperatures of the respective air conditioners and monitors the setting results.Filter Limit and ResetChecks whether there is a use limit for the respective filters and then resets the sign as necessary.Remote Control Operation Rejection Sets the permission/rejection function of remote controllers in order not to allow operationcontrol, such as ON/OFF, operation mode and room temperature, from the remote controllers.Sub Group Address Control Operation Rejection Sets the control permission/rejection function of centralized devices (i.e., air conditioners in a sub group address) connected on the DIII-NET. Airflow Rate Setting Operation(*2)Sets the airflow rate and monitors the setting results. Air Direction Setting Operation(*2)Sets the air direction and monitors the setting results.System Forced OFF Setting Rejection Upon receiving a Forced OFF Command, checks whether it is a normal reset or forced OFFand then operates as necessary. Forced Thermostat OFF Setting Upon receiving a Thermostat OFF command, checks whether it is a rest or set and then monitors setting results.O p e r a t i o n , S e t t i n g a n d M o n i t o r i n gEnergy Efficiency SettingUpon receiving an Energy Efficiency Setting command, checks whether it is a rest or set and then monitors setting results.(*1)As the indoor fan stops when the operation is in special operation mode such as thermostat off, at rest or defrosting, the ‘suction air temperature’ is affected by the heat exchanger and the sensor may happen to detect the temperature different from that of the indoor and transmit the signal. Due to the above mentioned reason, consider the temperature as a rule of thumb. If the system control is to be based on this temperature (such as changeover of operation mode and changing the set temperature), the manufacturer of the building management system is kindly requested to carry out on its own responsibility.(*2)The system is designed to keep the memory of the set conditions even when the air conditioner stops due to a power failure. Each time when the setting of temperature, ON/OFF, heat/cool mode, air flow direction or air volume is changed, it is written into the non-volatile memory. The frequency of writing the setting into the non-volatile memory is limited and if the setting is frequently written into the memory after exceeding the limit, it may cause malfunction.Therefore, take caution so that the frequency of changing the setting of each indoor unit may not exceed 7000 times/year when changing the setting of temperature, ON/OFF, heat/cool mode, air flow direction or air volume frequently by automatic control or the like from the central monitoring panel.4. Applicable A/C Models and Monitoring and Controlling ItemsA/C models that are supported by BACnet Gateway are VRV , Hi Sky Multi, Sky Air, Facility A/C, HRV and RA. Applicable monitoring and controlling items for each model are listed below.Sky Air Facility A/C RAFunctionVRV Hi Sky Multi(with connection adapter for Sky Air) (with centralized control adapter)HRV (with general adapter)ON/OFF Operation and MonitoringA/C Error ReportRoom Temperature MonitoringÍ Í Temperature Setting and Monitoring Í Í Thermostat Mode Setting and MonitoringÍ Í Remote Control Mode Setting and MonitoringÍ Filter Sign Monitoring and Reset Í Í Thermostat Status Monitoring Í Í Í Compressor Operation Status MonitoringÍ Í Í Indoor Fan Operation Status MonitoringÍ Í Heater Operation Status Monitoring Í Í Í Humidifier Operation Status MonitoringÍ Í Í Air Direction Setting and Monitoring Í Í Í Airflow Rate Setting and Monitoring Í r (*2) Only monitoringÍ Forced Thermostat OFF Setting and Monitoring(*1) Í ÍÍ Energy Efficiency Command (Set Temperature Shift)ÍÍÍÍ(*1): When this is set from the remote controller, it is not reported to the upper system and, therefore, this setting cannot be monitored by the upper system.(*2): The triangle mark denotes the function that is only available for some of the models.5. BACnet Protocol Implementation Conformance Statement•i PICS•jBACnet Protocol Implementation Conformance StatementDate: 30-Aug-2002Vendor Name: DAIKIN Insustries LTD.Product Name: D-BACS BACnet GatewayProduct Model Number: DMS502A51Applications Software Version: 3000Firmware Revision: 3000 BACnet Protocol Revision: 3000Product Description:BACnet Standardized Device Profile (Annex L):o BACnet Operator Workstation (B-OWS)o BACnet Building Controller (B-BC)o BACnet Advanced Application Controller (B-AAC)¢BACnet Application Specific Controller (B-ASC)o BACnet Smart Sensor (B-SS)o BACnet Smart Actuator (B-SA)Additional BACnet Interoperability Building Blocks Supported (Annex K):Reference of BIBBs ListSegmentation Capability:¢Segmented requests supported Window Size P¢Segmented responses supported Window Size PStandard Object Types Supported:An object type is supported if it may be present in the device. For each standard Object Type supported provide the following data:1) Whether objects of this type are dynamically creatable2) Whether objects of this type are dynamically deletable3) List of the optional properties supported4) List of all properties that are writable where not otherwise required by this standard5) List of proprietary properties and for each its property identifier, datatype, and meaning6) List of any property range restrictionsData Link Layer Options:¢BACnet IP, (Annex J)o BACnet IP, (Annex J), Foreign Device¢ ISO 8802-3, Ethernet (Clause 7)o ANSI/ATA 878.1, 2.5 Mb. ARCNET (Clause 8)o ANSI/ATA 878.1, RS-485 ARCNET (Clause 8), baud rate(s)o MS/TP master (Clause 9), baud rate(s):o MS/TP slave (Clause 9), baud rate(s):o Point-To-Point, EIA 232 (Clause 10), baud rate(s):o Point-To-Point, modem, (Clause 10), baud rate(s):o LonTalk, (Clause 11), medium:o Other:Device Address Binding:Is static device binding supported? (This is currently necessary for two-way communication with MS/TP slaves and certainother devices.) o Yes ¢ NoNetworking Options:o Router, Clause 6 - List all routing configurations, e.g., ARCNET-Ethernet, Ethernet-MS/TP, etc.o Annex H, BACnet Tunneling Router over IPo BACnet/IP Broadcast Management Device (BBMD)Does the BBMD support registrations by Foreign Devices? o Yes o NoCharacter Sets Supported:Indicating support for multiple character sets does not imply that they can all be supported simultaneously.¢ ANSI X3.4 o IBMÔ/MicrosoftÔ DBCS o ISO 8859-1o ISO 10646 (UCS-2) o ISO 10646 (UCS-4) o JIS C 6226If this product is a communication gateway, describe the types of non-BACnet equipment/networks(s) that the gateway supports:6. BACnet Interoperability Building Blocks Supported•i BIBBs•j6.1. Data Sharing BIBBsBIBB TypeSupportedBACnet ServiceInitiateExecuteDS-RP-A Data Sharing-ReadProperty–AoReadProperty XDS-RP-B Data Sharing-ReadProperty–B ¢ ReadProperty XDS-RPM-A Data Sharing-ReadPropertyMultiple–A o ReadPropertyMultiple X DS-RPM-B Data Sharing-ReadPropertyMultiple–B ¢ ReadPropertyMultiple XDS-RPC-A Data Sharing-ReadPropertyConditiona–A o ReadPropertyConditional X DS-RPC-B Data Sharing-ReadPropertyConditional–B o ReadPropertyConditional X DS-WP-A Data Sharing-WriteProperty–A o WriteProperty X DS-WP-B Data Sharing-WriteProperty–B ¢ WriteProperty XDS-WPM-A Data Sharing-WritePropertyMultiple–A o WritePropertyMultiple X DS-WPM-B Data Sharing-WritePropertyMultiple–B ¢ WritePropertyMultiple XSubscribeCOV X ConfirmedCOVNotification X DS-COV-A Data Sharing-COV–AoUnconfirmedCOVNotification X SubscribeCOV X ConfirmedCOVNotification X DS-COV-BData Sharing-COV–B¢UnconfirmedCOVNotification XSubscribeCOV X ConfirmedCOVNotification X DS-COVP-A Data Sharing-COVP–AoUnconfirmedCOVNotification X SubscribeCOV X ConfirmedCOVNotification X DS-COVP-B Data Sharing-COVP–BoUnconfirmedCOVNotification X DS-COVU-A Data Sharing-COV-Unsolicited–A o UncofirmedCOVNotification X DS-COVU-B Data Sharing-COV-UnsolicitedvBoUncofirmedCOVNotification X6.2. Alarm and Event Management BIBBsBIBB Type SupportedBACnet ServiceInitiateExecuteConfirmedEventNotification XAE-N-A Alarm and Event-Notification–A o UnconfirmedEventNotification XConfirmedEventNotification X AE-N-I-B Alarm and Event-Notification Internal–B ¢ UnconfirmedEventNotification X ConfirmedEventNotification X AE-N-E-BAlarm and Event-Notification External–Bo UnconfirmedEventNotification X AE-ACK-A Alarm and Event-ACK–AoAcknowledgeAlarm X AE-ACK-B Alarm and Event-ACK–Bo AcknowledgeAlarm X AE-ASUM-A Alarm and Event-Summary–A o GetAlarmSummary X AE-ASUM-B Alarm and Event-Summary–B o GetAlarmSummary X AE-ESUM-A Event-Summary–A o GetEnrollmentSummary X AE-ESUM-B Event-Summary–Bo GetEnrollmentSummary X AE-INFO-A Alarm and Event-Information–A o GetEventInformation X AE-INFO-B Alarm and Event-Information–B o GetEventInformation X AE-LS-A Alarm and Event-LifeSafety–A o LifeSafetyOperation X AE-LS-B Alarm and Event-LifeSafety–BoLifeSafetyOperation X6.3. SCHEDuling BIBBsBIBB Type SupportedBACnet Service Initiate ExecuteScheduling–ASCHED-A(must support DS-RP-A and DS-WP-A)o SCHED-I-B Scheduling-Internal–B (shall support DS-RP-B and DS-WP-B) (shall also support ether DM-TS-B or DS-UTC-B) oSCHED-E-B Scheduling-External–B(shall support SCHED-I-B and DS-WP-A)o6.4. Trending BIBBsBIBB Type SupportedBACnet ServiceInitiateExecuteT-VMT-A Trending - Viewing and Modifying Trends–A o ReadRange XT-VMT-I-B Trending - Viewing and Modifying Trends Inernal–B o ReadRange X T-VMT-E-B Trending - Viewing and Modifying Trends External–B o ReadRange X ConfirmedEventNotification X T-ATR-A Trending - Automated Trend Retrieval–A o ReadRange X ConfirmedEventNotification XT-ATR-BTrending - Automated Trend Retrieval–BoReadRange X6.5. Device Management BIBBsBIBB Type Supported BACnet ServiceInitiate ExecuteWho-IsXDM-DDB-A Device Management - Dynamic Device Binding–A ¢ I-Am XWho-Is X DM-DDB-B Device Management - Dynamic Device Binding–B ¢ I-Am XWho-Has X DM-DOB-A Device Management - Dynamic Object Binding–A o I-Have X Who-Has X DM-DOB-BDevice Management - Dynamic Object Binding–B¢ I-Have XDM-DCC-A Device Management - DeviceCommunicationControl–A oDeviceCommunicationControl X DM-DCC-B Device Management - DeviceCommunicationControl–B o DeviceCommunicationControl X ConfirmedPrivateTransfer X DM-PT-A Device Management - PrivateTransfer–A o UnconfirmedPrivateTransfer X ConfirmedPrivateTransfer X DM-PT-B Device Management - PrivateTransfer–B o UnconfirmedPrivateTransfer X ConfirmedTextMessage X DM-TM-A Device Management - Text Message–A o UnconfirmedTextMessage X ConfirmedTextMessage X DM-TM-BDevice Management - Text Message–Bo UnconfirmedTextMessage X DM-TS-A Device Management - TimeSynchronization–A o TimeSynchronization X DM-TS-B Device Management - TimeSynchronization–B ¢ TimeSynchronization X DM-UTC-A Device Management - UTCTimeSynchronization–A o UTCTimeSynchronization X DM-UTC-B Device Management - UTCTimeSynchronization–B ¢ UTCTimeSynchronization XDM-RD-A Device Management - ReinitializeDevice–A o ReinitializeDevice X DM-RD-B Device Management - ReinitializeDevice–B o ReinitializeDevice X AtomicReadFile X AtomicWriteFile X CreateObject X DM-BR-A Device Management - Backup and Restore–AoReinitializeDevice X AtomicReadFile X AtomicWriteFile X DM-BR-B Device Management - Backup and Restore–B oReinitializeDevice X DM-R-A Device Management - Restart–A o UnconfimedCOVNotification X DM-R-B Device Management - Restart–Bo UnconfimedCOVNotification X AddListElement X DM-LM-A Device Management - List Manipulation–A o RemoveListElement X AddListElement X DM-LM-B Device Management - List Manipulation–B¢ RemoveListElement XCreateObject X DM-OCD-A Device Management - Object Creation and Deletion–A o DeleteObject X CreateObject X DM-OCD-BDevice Management - Object Creation and Deletion–Bo DeleteObject X VT-Open X VT-Close X X DM-VT-A Device Management - Virtual Terminal–AoVT-Data X X VT-Open X VT-Close X X DM-VT-B Device Management - Virtual Terminal–B oVT-DataXX6.6. Network Management BIBBsBIBB Type Supported BACnet Network Layer Message Initiate ExecuteNM-CE-A Network Management - Connection Establishment–A oEstablish-Connection-To-Network XDisconnect-Connection-To-Network XNM-CE-B Network Management - Connection Establishment– B oEstablish-Connection-To-Network XDisconnect-Connection-To-Network XWho-Is-Router-To-Network XNM-RC-A Network Management - Router Configuration–A oI-Am-Router-To-NetworkXXI-Could-Be-Router-To-NetworkInitialize-Routing-Table XXInitialize-Routing-Table-AckNM-RC-B Network Management - Router Configuration–B oXWho-Is-Router-To-Network XI-Am-Router-To-Network XXInitialize-Routing-TableXInitialize-Routing-Table-Ack X7. Objects7.1. Supported Object TypeMonitoring and controlling items of air conditioners supported are assigned with general object types specified by BACnet. Support status of each object type is shown in the table below.Object Type Supported A/C Management PointAnalog-Input 0¢Measured Room Temperature, Air Direction Level (status)Analog-Output 1¢Analog-Value 2¢Set Room Temperature, Air Direction Level (status)Averaging 18oBinary-Input 3¢ON/OFF (status), Alarm Sign, Filter Sign status, Forced Thermostat OFF (status), Energy Efficiency Operation Command (status), Thermostat status, Compressor status, Indoor Fan Operation status, Heater Operation status, Communication statusBinary-Output 4¢ON/OFF (setting), Forced Thermostat OFF (setting), Energy Efficiency Operation Command(setting)Binary-Value 5¢Filter Sign Reset Remote Control Setting (ON/OFF, Operation Mode, Set Temperature), SubGroup Address Control System, Forced OFFCalendar 6oCommand 7oDevice 8¢Event-Enrollment 9oFile 10oGroup 11oLife-Safety-Point 21oLife-Safety-Zone 22oLoop 12oMultistate-Input 13¢Operation Mode (status), Error Code, Airflow Rate (status)Multistate-Output 14¢Operation Mode (setting), Airflow Rate (setting)Multistate-Value 19oNotification-Class 15¢Alarm Notification Class InformationProgram 16oSchedule 17oTrend-Log 20o7.2. Member ObjectsEach air conditioner management point is assigned to the respective Instance Number of BACnet Objects. For the BACnet Objects, Instance Number 22-bit data field is used as below.31 22 21 16 15 8 7 0BACnet Object Type Not Used (Zero) A/C Number Member NumberA/C Numbers represent the number of air conditioners managed via the A/C line and are used when specifying A/Cs from BACnet client.Member Numbers correspond to the management items of each air conditioner and are defined as per the following list.Unit Inactive Active Membe r Numbe rStandard Name Object Name (however, ‘XXX’ represents an A/C Number) Object Type Text-1 Text-2 Text-3 Text-4 1 ON/OFF (setting)(*2) StartStopCommand_XXX BO OFF ON 2 ON/OFF (status) StartStopStatus_XXX BI OFF ON 3 Alarm Sign Alarm_XXX BI Normal Abnormal 4 Error Code MalfunctionCode_XXX MI Normal (Specified by manufacturer) 5 Operation Mode (setting) (*2) AirConModeCommand_XXX MO Cooling Heating Ventila-ti onAuto6 Operation Mode (status) AirConModeStatus_XXX MI Cooling Heating Ventila-ti on7 Airflow Rate (setting) (*2) AirFlowRateCommand_XXX MO Weak Strong 8 Airflow Rate (status) AirFlowRateStatus_XXX MI Weak Strong 9 Measured Room Temperature(*1)RoomTemp_XXX AI Degree10 Set Room Temperature(*2)TempAdjust_XXX AV Degree11 Filer Limit Sign FilterSign_XXX BI No Yes 12 Filter Limit Sign Reset FilterSignReset_XXX BV Reset 13 Remote Control Operation (ON/OFF)RemoteControlStart_XXX BV Permitted Prohibited14 Remote Control Operation (Operation Mode)RemoteControlAirConModeSet_XXX BV Permitted Prohibited15 Vacant 16 Remote Control Operation (Set Temperature)RemoteControlTempAdjust_XXX BV Permitted Prohibited(*)17 Remote Control Operation (Sub Group Address Control Rejection)CL_Rejection_XXX BV Permitted Prohibited18 Vacant 19 Vacant 20 Communication Status CommunicationStatus_XXX BI Normal Communi cation Abnormal Communi cation(*)21 System Forced OFF SystemForcedOff_XXX BV Normal Reset Forced OFF22 Air Direction (setting) (*2) AirDirectionCommand_XXX AV 23 Air Direction (status) AirDirectionStatus_XXX AI 24 Forced Thermostat OFF (setting)ForcedThermoOFFCommand_XXX BO Reset Set25 Forced Thermostat OFF (status)ForcedThermoOFFStatus_XXX BI Reset Set26 Energy Efficiency Command (setting)EnergyEfficiencyCommand_XXX BO Reset Set27 Energy Efficiency Command (status)EnergyEfficiencyStatus_XXX BI Reset Set28 Thermostat Status ThermoStatus_XXX BI OFF ON 29 Compressor Status CompressorStatus_XXX BI OFF ON 30 Indoor Fan Status IndoorFanStatus_XXX BI OFF ON 31 Heater Operation Status HeaterStatus_XXX BI OFF ONCentralized Control (Sub Group Address Control Rejection) and System Forced OFF are only applicable to A/Cs numbered ‘000’, ‘064’, ‘128’ and ‘192’. (*1)As the indoor fan stops when the operation is in special operation mode such as thermostat off, at rest or defrosting, the ‘suction air temperature’ is affected by the heat exchanger and the sensor may happen to detect the temperature different from that of the indoor and transmit the signal. Due to the above mentioned reason, consider the temperature as a rule of thumb. If the system control is to be based on this temperature (such as changeover of operation mode and changing the set temperature), the manufacturer of the building management system is kindly requested to carry out on its own responsibility.(*2)The system is designed to keep the memory of the set conditions even when the air conditioner stops due to a power failure. Each time when the setting of temperature, ON/OFF, heat/cool mode, air flow direction or air volume is changed, it is written into the non-volatile memory. The frequency of writing the setting into the non-volatile memory is limited and if the setting is frequently written into the memory after exceeding the limit, it may cause malfunction.Therefore, take caution so that the frequency of changing the setting of each indoor unit may not exceed 7000 times/year when changing the setting of temperature, ON/OFF, heat/cool mode, air flow direction or air volume frequently by automatic control or the like from the central monitoring panel.The list of the mappable objects for each model is shown as per the following table.Object NameSkyAir SpilitNumber Name(‘XXX’ represents an A/C Number.) ObjectTypeVRV(DTA101A52) HRV(KRP928A)1 ON/OFF (setting)StartStopCommand_XXXBO2 ON/OFF (status) StartStopStatus_XXX BI3 Alarm Sign Alarm_XXX BI4 Error Code MalfunctionCode_XXX MI5 Operation Mode (setting)AirConModeCommand_XXX MO Í (*1)6 Operation Mode (status) AirConModeStatus_XXX MI Í (*1)7 Airflow Rate (setting) AirFlowRateCommand_XXX MO Í Í8 Airflow Rate (status) AirFlowRateStatus_XXX MI Í9 Measured Room TemperatureRoomTemp_XXX AIÍ Í 10 Set Room Temperature TempAdjust_XXX AVÍ 11 Filer Limit Sign FilterSign_XXX BIÍ 12 Filter Limit Sign Reset FilterSignReset_XXX BVÍ 13 Remote Control Operation (ON/OFF)RemoteControlStart_XXX BVÍ 14 Remote Control Operation (Operation Mode)RemoteControlAirConModeSet_XXX BVÍ 15 Vacant 16 Remote Control Operation (Set Temperature)RemoteControlTempAdjust_XXX BVÍ 17 Remote Control Operation (Sub Group Address Control Rejection)CL_Rejection_XXX BV18 Vacant 19 Vacant20 Communication Status CommunicationStatus_XXX BI21 System Forced OFF SystemForcedOff_XXX BVÍ 22 Air Direction (setting) AirDirectionCommand_XXX AVÍ Í 23 Air Direction (status) AirDirectionStatus_XXX AIÍ Í 24 Forced Thermostat OFF (setting)ForcedThermoOFFCommand_XXX BOÍ Í 25 Forced Thermostat OFF (status)ForcedThermoOFFStatus_XXX BIÍ Í 26 Energy Efficiency Command (setting)EnergyEfficiencyCommand_XXX BOÍ Í Í 27 Energy Efficiency Command (status)EnergyEfficiencyStatus_XXX BIÍ Í Í 28 Thermostat Status ThermoStatus_XXX BI Í Í 29 Compressor Status CompressorStatus_XXX BI Í Í 30 Indoor Fan Status IndoorFanStatus_XXX BI Í 31 Heater Operation Status HeaterStatus_XXX BIÍ(*1) Does not support ‘Ventilation’ mode.Moreover, a slightly more complicated calculation must be employed when actually associating DIII addresses of air conditioners with the Object IDs of each monitoring/controlling item.The table below is an example of calculating Object IDs associated with ON/OFF (setting) Object of air conditioners.D3 Address A/C Number Object NameObjectID1-00000 StartStopCommand_000 BO(4) + 0*256 + 1 BO + 1 167772171-01 001 StartStopCommand_001 BO(4) + 1*256 + 1 BO•257 16777473 Main D3-14-15 063 StartStopCommand_063 BO(4) + 63*256 + 1 BO + 16129 167933451-00064 StartStopCommand_064 BO(4) + 64*256 + 1 BO + 16385 167936011-01 065 StartStopCommand_065 BO(4) + 65*256 + 1 BO + 16641 16793857Extended D3-24-15 127 StartStopCommand_127 BO(4) + 127*256 + 1 BO + 32513 168097291-00128 StartStopCommand_128 BO(4) + 128*256 + 1 BO + 32769 168099851-01 129 StartStopCommand_129 BO(4) + 129*256 + 1 BO + 33025 16810241Extended D3-34-15 191 StartStopCommand_191 BO(4) + 191*256 + 1 BO + 48897 168261131-00192 StartStopCommand_192 BO(4) + 192*256 + 1 BO + 49153 168263691-01 193 StartStopCommand_193 BO(4) + 193*256 + 1 BO + 49409 16826625Extended D3-4 4-15255StartStopCommand_255BO(4) + 255*256 + 1BO + 6528116842497As previously explained, Object Types are described using upper 10 bits of a total of 32 bits and the Instance Number of each Object Type is calculated as per following.Object TypeObject NumberHexadecimal NumberDecimal NumberAI 0 X'0000 0000'0 AO 1 X'0040 0000'4,194,304 AV 2 X'0080 0000'8,388,608 BI 3 X'00C0 0000'12,582,912 BO 4 X'0100 0000'16,777,216 BV 5 X'0140 0000'20,971,520 MI 13 X'0340 0000'54,525,952 MO 14X'0380 0000'58,720,256。
590P Rs485通讯手册
昆山科瑞艾特电气有限公司成立于 2010 年伊始。公司的经营项目主要是为各个行业的 自动化提供工业自动控制配套产品,涉及变频器、电机、直流调速器、PLC、调节器、智能 马达控制器、工业控制计算机、控制元器件等众多工业自动控制配套产品。
公司所代理的产品品种齐全,可以有效满足客户多方面的需要;先进的管理方式和人性 化的经营理念是及时把产品送到客户手中的有力保证,既能快速周到响应客户需求,同时也 为工程项目、产品技术支持提供了有力保障,这是科瑞艾特突出于其它供应商的强项之一!
Cont.1
Safety Information
!
WARNING!
During commissioning, remove the fuses (or trip the circuit breaker) on your 3phase supply.
Make sure the power is OFF, and that it cannot be switched on accidentally whilst you are working.
All rights strictly reserved. No part of this document may be stored in a retrieval system, or transmitted in any form or by any means to persons not employed by a Parker SSD Drives company without written permission from Parker SSD Drives, a division of Parker Hannifin Ltd . Although every effort has been taken to ensure the accuracy of this document it may be necessary, without notice, to make amendments or correct omissions. Parker SSD Drives cannot accept responsibility for damage, injury, or expenses resulting therefrom.
数据结构题集答案解析(C语言版)(严蔚敏_吴伟民著)
第1章 绪论1.1 简述下列术语:数据,数据元素、数据对象、数据结构、存储结构、数据类型和抽象数据类型。
解:数据是对客观事物的符号表示。
在计算机科学中是指所有能输入到计算机中并被计算机程序处理的符号的总称。
数据元素是数据的基本单位,在计算机程序中通常作为一个整体进行考虑和处理。
数据对象是性质相同的数据元素的集合,是数据的一个子集。
数据结构是相互之间存在一种或多种特定关系的数据元素的集合。
存储结构是数据结构在计算机中的表示。
数据类型是一个值的集合和定义在这个值集上的一组操作的总称。
抽象数据类型是指一个数学模型以及定义在该模型上的一组操作。
是对一般数据类型的扩展。
1.2 试描述数据结构和抽象数据类型的概念与程序设计语言中数据类型概念的区别。
解:抽象数据类型包含一般数据类型的概念,但含义比一般数据类型更广、更抽象。
一般数据类型由具体语言系统内部定义,直接提供给编程者定义用户数据,因此称它们为预定义数据类型。
抽象数据类型通常由编程者定义,包括定义它所使用的数据和在这些数据上所进行的操作。
在定义抽象数据类型中的数据部分和操作部分时,要求只定义到数据的逻辑结构和操作说明,不考虑数据的存储结构和操作的具体实现,这样抽象层次更高,更能为其他用户提供良好的使用接口。
1.3 设有数据结构(D,R),其中{}4,3,2,1d d d d D =,{}r R =,()()(){}4,3,3,2,2,1d d d d d d r =试按图论中图的画法惯例画出其逻辑结构图。
解:1.4 试仿照三元组的抽象数据类型分别写出抽象数据类型复数和有理数的定义(有理数是其分子、分母均为自然数且分母不为零的分数)。
解:ADT Complex{ 数据对象:D={r,i|r,i 为实数} 数据关系:R={<r,i>} 基本操作: InitComplex(&C,re,im)操作结果:构造一个复数C ,其实部和虚部分别为re 和imDestroyCmoplex(&C)操作结果:销毁复数CGet(C,k,&e)操作结果:用e返回复数C的第k元的值Put(&C,k,e)操作结果:改变复数C的第k元的值为eIsAscending(C)操作结果:如果复数C的两个元素按升序排列,则返回1,否则返回0IsDescending(C)操作结果:如果复数C的两个元素按降序排列,则返回1,否则返回0Max(C,&e)操作结果:用e返回复数C的两个元素中值较大的一个Min(C,&e)操作结果:用e返回复数C的两个元素中值较小的一个}ADT ComplexADT RationalNumber{数据对象:D={s,m|s,m为自然数,且m不为0}数据关系:R={<s,m>}基本操作:InitRationalNumber(&R,s,m)操作结果:构造一个有理数R,其分子和分母分别为s和m DestroyRationalNumber(&R)操作结果:销毁有理数RGet(R,k,&e)操作结果:用e返回有理数R的第k元的值Put(&R,k,e)操作结果:改变有理数R的第k元的值为eIsAscending(R)操作结果:若有理数R的两个元素按升序排列,则返回1,否则返回0IsDescending(R)操作结果:若有理数R的两个元素按降序排列,则返回1,否则返回0Max(R,&e)操作结果:用e返回有理数R的两个元素中值较大的一个Min(R,&e)操作结果:用e返回有理数R的两个元素中值较小的一个}ADT RationalNumber1.5 试画出与下列程序段等价的框图。
综保使用说明书
ABB Network PartnerRelay Configuration Tool (4)Specification for RE_ 54_ Configurations (5)Editing the RE_ 54_ Relay Terminal Configurations (6)Getting started (6)Libraries (6)Logical POUs (7)Program Organisation Unit (POU) (7)Physical hardware (9)Configuration (10)Resource (11)Hardware version (11)Analogue channels (11)Binary inputs (16)Measurements (17)Condition monitoring (18)Tasks (19)Programs and tasks (19)Task interval (19)Global variables (20)Declaring variables (21)Variables declared as global (25)Compiling the project (28)Main Configuration Rules for RE_ 54_ (29)General (29)Binary inputs (29)Explicit feedback (30)Measurement function blocks (31)Warnings (31)Execution order (32)F-key (33)APPENDIX A (35)APPENDIX B............................................................................................ 37-50 APPENDIX C............................................................................................ 51-65About this manualThis guideline describes in general the procedures for configuring the REF 54_ feeder terminals or REM 543 machine terminals correctly with the Relay Configuration Tool. Furthermore, chapter 4 provides some practical tips as well as recommendations and restrictions for doing the configuration.Please note that the examples and dialogue pictures of the Relay Configuration Tool in this manual refer to REF 54_ feeder terminals.1.Relay Configuration ToolThe Relay Configuration Tool, which is a standard programming system for RED500devices, is used for configuring the protection, control, condition monitoring, measure-ment and logic functions of the feeder terminal. The tool is based on the IEC 1131-3standard, which defines the programming language for relay terminals, and includes thefull range of IEC features. The PLC logics are programmed with Boolean functions,timers, counters, comparators and flip-flops. The programming language described inthis manual is a function block diagram (FBD) language.2.Specification for RE_ 54_ ConfigurationsPrior to starting the configuration of a relay terminal, the Specification for Relay Con-figuration is to be filled out. The specification can be found as appendix B for REF 54_and appendix C for REM 543 in the end of this manual.The purpose of the specification is to provide the technical information required for theproper configuration of the relay terminals.3.Editing the RE_ 54_ Relay Terminal Configurations 3.1.Getting startedStart up the tool by double clicking the icon. After adding a new object as an empty con-figuration to the CAP505 environment (refer to the CAP505 Operator’s Manual, 1MRS750838-RUM), the program opens an empty project template (see figure below) with atoolbar at the top. The next step is to build the project tree structure by inserting librar-ies, program organisation units (POUs) and target specific items to the project tree.The project tree editor is a window in which the whole project is represented as a tree.The project tree is illustrated with several icons. Most of the icons represent a file of theproject and different looking icons represent different types of files. The tree alwayscontains 4 subtrees: Libraries, Data Types, Logical POUs and Physical Hardware.Fig. 3.1-1. The project tree with its four subtrees.The project tree is the main tool for editing the project structure. Editing the projectstructure means inserting POUs or worksheets to the project structure or deleting exist-ing ones. The editors for editing the data of the code bodies and the variable declarationcan be called by double clicking the corresponding object icons.If you intend to edit an old project, note that saving the changes made with the “save as”project unchanged, the project has to be saved with a new name before making anychanges.3.1.1.LibrariesBefore editing any worksheets of POUs, the whole project tree structure must be build.The function block library (protection, control, measurement, condition monitoring andstandard functions) needed in the relay configuration is to be inserted to the “Libraries”subtree.Before inserting the library to the project, all worksheets are to be closed; otherwise theI/O description of function blocks will be confused. The programs, function blocks (e.g.NOC3Low, the low set stage of non-directional three-phase overcurrent protection) andfunctions of the library can be reused in the new project, which is edited.The library, e.g. REFLIB01 for REF54_ (see the figure below), includes all availablefunction blocks. Therefore, attention is to be paid to which function blocks can be usedin a specific configuration. For example, if the protection library PR116005(1MRS116005) has been ordered, the auto-reclose function block AR5Func cannot beinserted to the project since AR5Func is not included in that library.Fig. 3.1.1.-1. Libraries for REF54_ and REM 543.3.1.2.Logical POUsIn the project tree editor and in the library editor, the “Logical POUs” subtree representsa directory for all POUs related to the project. The maximum of 20 POUs can beinserted to the subtree. The figure below shows a “Logical POUs” subtree with 6 POUs;“Measure”, “Prot_Me” and “Co_CM_A” represent FBD (Function Block Diagram)programs, and “Horizon”, “CONDIS” and “SWG” are FBD function blocks.Fig. 3.1.2.-1. “Logical POUs” subtree with 6 POUs.3.1.3.Program Organisation Unit (POU)Each Program Organisation Unit, a POU, consists of several worksheets: a POUdescription worksheet for comments, a variable worksheet for variable declarations anda code body worksheet for the relay configuration. The name of each worksheet is indi-cated beside the corresponding icon and the *-symbol after the name of a worksheetindicates that the worksheet has not been compiled yet.Fig. 3.1.3.-1. Program organisation unit with three worksheets.The description worksheet (e.g. ProtectT) illustrated below is for describing the POU or the configuration element. The worksheet is named by adding a ’T’ to the name of the POU.Fig. 3.1.3.-2. Description worksheet.The variable worksheet (e.g. ProtectV) is for the variable declaration. The worksheet is named by adding a ’V’ to the name of the POU.Fig. 3.1.3.-3. Variable declaration worksheet.A code body worksheet (e.g. Protect, Measure) is for a code body declaration in theform of an FBD, a Function Block Diagram. All configurations for relays of the RED500 platform are made in the graphical FBD language. A code body programmed in theFBD language is composed of functions and function blocks that are connected to eachother using variables or lines. An output of a function block can be connected to the out-put of another function block only via an OR gate (refer to section 4.1.)Fig. 3.1.3.-4. Code body declaration in FBD language.Even though the tool permits adding several graphical worksheets under one POU, onlyone worksheet is recommended to be used per POU. If more space is needed for a con-figuration, the worksheet size can be increased or, if more I/O points are required, thefunctionality can be divided to several POUs. Note that one POU has altogether 511 I/Opoints available for function blocks. For example, the function block NOC3High in thefigure above includes 15 I/O points, which means that there are still 496 I/O pointsavailable.3.1.4.Physical hardwareIn the project tree editor, the physical hardware is represented as a subtree (see below)after the hardware of the relay terminal, i.e. Configuration, Resource and Tasks, hasbeen defined.Fig. 3.1.4.-1. Example of a subtree for the physical hardware.The configuration elements available in the “Physical Hardware” subtree may differfrom configuration to configuration. Each terminal of the RED 500 platform can beconfigured separately.3.1.4.1.ConfigurationThe name and target of the configuration are first defined in the dialogue Properties/Configuration.Fig. 3.1.4.1.-1. Defining the configuration type.3.1.4.2.ResourceThe configuration “Conf” above is for the REF 543 resource (the selected processortype), which is defined in the dialogue Properties/Resource. The resource must also begiven a name.Fig. 3.1.4.2.-1. Defining the processor type.Hardware versionAfter selecting the processor type, click “Settings...” in the dialogue Properties/Resource (see figure above) to define the correct hardware version.Note! After selecting the correct hardware version (Relay Variant; see figure below), donot click OK but wait until the next dialogue opens and select “Analog Channels” (seefigure 3.1.4.2.-3.).Fig. 3.1.4.2.-2. Defining the hardware version.Analogue channelsIn the dialogue Settings/Analog Channels, click each channel in turn to select the meas-uring device and signal type for the channels used and select “Not in use” for otherchannels.Furthermore, the technical data and measurements for the selected channels are to becompleted correctly before the configuration is used in a real application.Fig. 3.1.4.2.-3. Defining the analogue channels.Technical dataFig. 3.1.4.2.-4. Defining the rated values for the selected channel.MeasurementsFor information about the special measurements required for each function block, refer to the Technical Descriptions of Functions (CD-ROM 1MRS 750889-MCD).Phase currents and voltagesIf the signal type selected for an analogue channel is to be shown in the MIMIC view via the MMIDATA_ function block (MIMIC dynamic data point), the true RMS mode must be selected in the “Special Measurements” dialogue. Moreover, in case the Inrush3 function block (3-phase transformer inrush and motor start-up current detector) is to be used, the 2nd harmonic restraint must be selected for the analogue channels (IL1, IL2, IL3) used.Fig. 3.1.4.2.-5. Selecting the required special measurement modes for phase current measurement.Neutral currentWhen e.g. the DEF2_ function block (directional earth-fault protection) is going to be used, intermittent earth-fault protection must be selected for the channel via which the current Io is measured. Unless intermittent earth-fault protection has been chosen, the following configuration error indication will appear on the display of the relay terminal ( # denotes the number of the analogue channel in question):System: SUPERVCh # errorFig. 3.1.4.2.-6. Selecting the required special measurement modes for neutral current measurement.FrequencyWhen, for example, any of the function blocks MEFR_ (system frequency measure-ment), SCVCSt_ or Freq1St_ is in use, frequency measurement must be selected for the channel via which the voltage is measured for frequency measurement (for example: Channel 10, Voltage Transformer 4, Signal type U3 / Measurements button in the “Con-figuration of REF543” dialogue).Fig. 3.1.4.2.-7. Selecting the required special measurement modes for frequency meas-urement.Virtual channelsIn case no measuring devices are applied for measuring residual voltage (Uo) and neu-tral current (Io), the virtual channels 11 and 12 must be used.Fig. 3.1.4.2.-8. Using virtual channels 11 and 12 in case no measuring devices are applied for measuring Io and Uo.In case of the virtual channel 12, voltage measuring devices must be associated with phase voltages.Fig. 3.1.4.2.-9. Associating voltage measuring devices with phase voltages.After a compiled configuration is downloaded to a relay and the relay is started (storing and resetting are done), it will internally check whether the analogue channels are cor-rectly configured regarding the analogue inputs of function blocks. If the connectedchannels have been configured incorretly, the ERR output signal of the specific function block goes active and the event E48 is sent. Furthermore, either the event E13 or E5 is sent depending on the function block in question.Binary inputsThe filter time is set for each binary input of the relay terminal via the resource settings dialogue “Binary Inputs”. Inversion of the inputs can also be set. For further informa-tion refer to the Technical Reference Manual of REF 54_ or REM 543.Fig. 3.1.4.2.-10. Defining the binary inputs.MeasurementsWhen the MEPE7 function block (power and energy measurement) is used, the measur-ing mode must be selected via the resource settings dialogue “Measurements”.Fig. 3.1.4.2.-11. Selecting the measuring mode for power and energy measurement.Condition monitoringValues for the circuit-breaker wear function blocks CMBWEAR 1 and 2 can be set via the resource settings dialogue “Condition Monitoring”.Fig. 3.1.4.2.-12. Setting the values for circuit-breaker wear.3.1.4.3.TasksPrograms and tasksPrograms are associated with tasks via the dialogues Properties/Task and Properties/Program. Cyclic tasks are activated within a specific time interval and the program isexecuted periodically.The two dialogues below illustrate the association of a program type (Prot_Me) with atask (Task1) (see also figure 3.1.4.-1. in section “Physical hardware”).Fig. 3.1.4.3.-1. Naming a cyclic task.Fig. 3.1.4.3.-2. Associating the selected task with the desired program type.Task intervalGenerally, the operation accuracy is increased when the task speed is increased, but atthe same time, the load of the microprocessors is increased as well. Although the taskspeed can be freely chosen with the tool, it is necessary to determine a maximum taskexecution interval for each function block; otherwise the operation accuracy and operatetimes for protection functions cannot be guaranteed. The maximum task executioninterval is based on test results and has also been used in the type testing of the functionblocks. The recommended task execution interval quaranteed by the manufactirer canbe found in section Technical Data in the technical description of each function block.According to the standard, the Relay Configuration Tool includes the possibility ofdefining the tasks on two different levels:1) each POU (= program organisation unit) can be tied to a separate task2) a separate function block inside a POU can be tied to any taskHowever, the alternative 2) is not yet supported in the RED environment, which meansthat if a separate function block inside a POU is given a separate task definition, it willbe ignored when transferred to the relay. This means that when the function blocks arebeing placed in different POUs, not only the category of the function (protection, con-trol, etc.) but also the maximum task execution interval should be considered since allfunction blocks inside a POU will run at the same speed.For further information about the microprocessor loads and task execution intervals offunction blocks refer to the manual “Technical Descriptions of Functions, Introduction”(CD-ROM: Technical Descriptions of Functions, 1MRS750889-MCD).The task execution interval for each task is defined via the dialogue Properties/Task(click “Settings...”). For example, the task execution interval for Task1 in figure belowis defined as 10 ms, which means that the program Prot_Me is run 100 times per onesecond.Fig. 3.1.4.3.-3. Setting the task execution interval for a program.3.2.Global variablesThe physical contacts of RE_ 54_ are defined in the “Global Variables” worksheet.Declarations for the physical contacts are automatically defined when the correct hard-ware version of RE_ 54_ is selected. Declarations for the analogue channels are createdafter the analogue channel settings defined in the resource settings dialogue have beenapproved.Fig. 3.2-1. Global Variables worksheet.3.3.Declaring variablesAt its beginning, each programmable controller POU type declaration is to contain atleast one declaration part that specifies the types of the variables used in the organisa-tion unit. The declaration part shall have the textual form of one of the keywordsV AR_INPUT, VAR_OUTPUT, V AR and V AR_EXTERNAL followed by one or moredeclarations separated by semicolons and terminated by the keyword END_V AR. Allthe comments you write must be edited in parentheses and asterisks.(**********************************)(*Variable declaration*)(*of REF 541*)(**********************************)Caution is required regarding comments and variable declarations. The following codeexample will be compiled successfully but because of the non-closed comment theEND_VAR - V AR_EXTERNAL couple will be excluded and thus the channel numbersbecome local variables of the POU and they get the initial value zero.V AR (*AUTOINSERT*)NOC3Low_1:NOC3Low; (* Erroneous nonclosed comment *END_VARV AR_EXTERNALU12:SINT;(* Measuring channel 8 *)U23:SINT;(* Measuring channel 9 *)U31:SINT;(* Measuring channel 10 *)END_VARThree examples of creating the textual declaration for different kinds of graphical pro-grams are given below.EXAMPLE 1.•POU type:FBD program •Function block type declaration: VARINPUT1:BOOL :=FALSEINPUT2:BOOL :=FALSEINPUT3:BOOL :=FALSEOUTPUT:BOOL :=FALSE END_VARFig. 3.3-1. Function block image.EXAMPLE 2.•POU type:NOC3Low, manufacturer dependent function block •Function block type declaration:V AR_INPUTIL1:SINT :=0;(* Analogue channel *)IL2:SINT :=0;(* Analogue channel *)IL3:SINT :=0;(* Analogue channel *)BS1:BOOL :=FALSE;(* Blocking signal *)BS2:BOOL :=FALSE;(* Blocking signal *)TRIGG:BOOL :=FALSE;(* Triggering *)GROUP:BOOL :=FALSE;(* Grp1/Grp2 select *)DOUBLE:BOOL :=FALSE;(* Doubling signal *)BSREG:BOOL :=FALSE;(* Blocking registering *)RESET:BOOL :=FALSE;(* Reset signal *)END_VARV AR_OUTPUTSTART:BOOL :=FALSE; (* Start signal *)TRIP:BOOL :=FALSE; (* Trip signal *)CBFP:BOOL :=FALSE; (* CBFP signal *)ERR:BOOL :=FALSE; (* Error signal *)END_VARFig. 3.3-2. Function block image of NOC3Low.EXAMPLE 3.•POU type:Configurer dependent FBD function block CONDIS •Function block type declaration:Fig. 3.3-3. Type declaration of the configurer made function block CONDIS.Fig. 3.3-4. Use of the configurer made function block CONDIS.Fig. 3.3-5. Contents of the CONDIS function block.In the example 3 above, part of the configuration has been separated to a configurermade function block called CONDIS. Such function blocks may not be given namesalready belonging to library functions blocks or IEC standard function blocks. Thefunction block CONDIS has been used like any other function block in the graphicalprogram. The order of inputs of a function block that has been inserted to a worksheetmay not be changed. It must also be remembered that a function block with an instancenamed by the configurer can only be inserted to the project once.3.4.Variables declared as globalThe range of validity of the declarations included in the declaration part shall be“local”to the POU in which the declaration part is contained. One exception to this rule are var-iables that have been declared to be “global”. Such variables are only accessible to aPOU via a V AR_EXTERNAL declaration. The type of a variable declared in aV AR_EXTERNAL block shall agree with the type declared in the V AR_GLOBALblock of the associated program, configuration or resource.Fig. 3.4-1. Local and global variables.The figure above illustrates the ways how values of variables can be communicated among software elements. Variable values within a program can be communicated directly by connecting the output of one program element to the input of another or via local variables such as the variable y illustrated in the upper left corner of the figure above. In the same configuration, variable values can be communicated between pro-grams via global variables such as the variable x illustrated in “Configuration C” in the figure above. In such a case, make sure that the global variable is only written from one location in the project. The global variable can still be read from several locations. Do not use binary inputs or outputs for data transfer between tasks.Despite the fact that according to the IEC standard 1131-3 all local variables that have no initial value are initially FALSE (0), the initial values for all local variables have to be given in the variable worksheet of the logical POU. This is because somewhere in the configuration, especially in the beginning of running the configuration i.e. when the relay is started up, the variable can be used before the initial value has been created for the variable. The initial values for global variables are given in the global variable worksheet (see CASE 1 below).CASE 1. Variables declarationV ARIABLE WORKSHEET of logical POU*********************************************************************V ARTRIPPING:BOOL:= FALSE;BLOCK:BOOL:= TRUE;TMP1:BOOL:= FALSE;END_VARV AR_EXTERNALPS1_4_HSPO1 :BOOL; (* Double pole high speed power output *)(* 4.1/10,11,12,13 *)PS1_4_HSPO2 :BOOL; (* Double pole high speed power output *)(* X4.1/15,16,17,18 *)PS1_4_HSPO3 :BOOL; (* Double pole high speed power output *)(* X4.1/6,7,8,9 *)END_VARV AR_EXTERNALTCS1_ALARM:BOOL;END_VAR********************************************************************* GLOBAL V ARIABLE WORKSHEET*********************************************************************V AR_GLOBALPS1_4_HSPO1AT %QX 1.1.2 :BOOL := FALSE;(* Double pole high speed power output X4.1/10,11,12,13 *) PS1_4_HSPO2AT %QX 1.2.2 :BOOL := FALSE;(* Double pole high speed power output X4.1/15,16,17,18 *) PS1_4_HSPO3AT %QX 1.3.2 :BOOL := FALSE;(* Double pole high speed power output X4.1/6,7,8,9 *) END_VARV AR_GLOBALTCS1_ALARM:BOOL:= FALSE;END_VAR*********************************************************************piling the projectThe “Build Project” mode in the “Make” menu is used to compile the whole project forthe first time after editing, which means compiling all POUs, global variables, resourcesetc., whereas the “Make” mode can be used to compile the worksheets that have beenedited. The changed worksheets are marked with an asterisk in the project tree editor.“Make” is the standard mode for compiling and should normally be used when you havefinished editing.In the Relay ConfigurationTool you can view the execution order of the different func-tions or function blocks in your worksheet. The execution order corresponds to theintermediate PLC code created while compiling. Note that the execution order can onlybe seen if you have already compiled the worksheet using the menu item “CompleteWorksheet” in the submenu “Make”.By editing the mwt.ini file, one can affect the execution order. The line below can beadded to section [MAKE]:SH_EXECUTION_ORDER_TOP_BOTTOMSets the order of execution of functions and function blocks in graphical editor0Sets the execution order from left to right1Sets the execution order from top to bottomThe default value is …0“. The execution order can only be changed when compiling aworksheet again.4.Main Configuration Rules for RE_ 54_4.1.General Make sure that all analogue signals are connected and all necessary inputs and outputs are wired. Note that the outputs of function blocks may not be connected together. There are also many other FBD programming rules to follow. One of the most typical rules is not to use the “wired-OR” connection. All signals that are connected to the same output signal (both output relays and horizontal communication outputs) must be connected via an OR-gate (see figure below).Fig. 4.1-1. Use of an explicit Boolean OR gate (on the right).4.2.Binary inputs Do not write binary inputs - like BIO2_7_BI2.Fig. 4.2-1. Writing global binary inputs is not allowed.Binary inputs can be read from several locations.I>I>>TRIP TRIP PS1_4_HSPO1PS1_4_HSPO1I>I>>TRIP TRIP PS1_4_HSPO1"wired-OR" structure is not allowed an explicit Boolean "OR" block is required instead ORFig. 4.2-2. Correct way of using global binary inputs.4.3.Explicit feedbackAn explicit feedback loop may not be used. In case the tool gives a warning about thefeedback loop after compiling, the loop must be broken up by connecting the input ofthe function block and the output of another function block separately to the auxiliaryvariable.Fig. 4.3-1. Explicit feedback loop is not allowed.Fig. 4.3-2. Explicit feedback via the auxiliary variable FEEDBACK.4.4.Measurement function blocksAll the measurement inputs of the function blocks must be connected. In case e.g. thethree-phase current measurement function block MECU3A is implemented by twophases of currents, one of the currents available must be connected to the remainingthird input of MECU3A. Unless something is connected to the third current input, thefunction block will attempt to use the sensor channel 1 instead of the empty channel,and if no measurements have been defined for channel 1, a supervision error will result.4.5.WarningsIn case of the indication “Warning: Instance ‘xx’ is never used” in connection with Array compilation, remove the corresponding instances of the function block from the varia-bles worksheet of the POU. The tool will not give a separate warning for unused varia-bles, which is why they need to be removed manually. When a global variable is addedto a sheet as a copy-paste -function, the global radio button has to be chosen (see figurebelow); otherwise the variable becomes a local variable of the POU, which is due to theauto-insert feature of the tool (global variable = V AR_EXTERNAL, local variable =V AR).Fig. 4.5-1. Copying a global variable to a worksheet of a POU.4.6.Execution orderCheck the execution order after the compilation. The connection of simple variables toeach other generates a code, the execution order of which in relation to the callingsequence of POUs cannot be seen by means of the Layout Execution Order function.Fig. 4.6-1. The INTERLOCKING variable is updated (TMP1) during the task executioncycle (see the execution order 1,2,3).In addition, the execution order may be illogical or even incorrect considering the func-tionality.Fig. 4.6-2. The explicit feedback (TMP1) delays the updating of the INTERLOCKINGvariable by one task execution cycle.If the MOVE function is used instead of direct connection, the execution order can beutilised in concluding whether the result is desirable.4.7.F-keyThe freely programmable F-key is declared as VAR_GLOBAL in the global variableworksheet as follows:F001V021:BOOL:=0;(* Free configuration point (F-key) *)The F-key parameter can be added to the configuration logic as an external variable(V AR_EXTERNAL). Similar parameters that can be inserted to a relay logic are listedbelow:F001V011:BOOL:=0;(*(W) Resetting of operation indications*)F001V012:BOOL:=0;(*(W) Resetting of operation indications & latched output signals*)F001V013:BOOL:=0;(*(*(W) Resetting of operation indications, latched output signals & wave-form memory*)*)F001V020:BOOL:=0;(*(W) Resetting of accumulated energy measurement*) F001V021:BOOL:=0;(’(R, W) Free configuration point (F-key)*)F002V004:BOOL:=0;(*(*(R, W) Control: Interlocking bypass mode for all control objects (Enables all)*)*)F002V005:USINT:=0;(*(W) Control: Recent control position*) F002V006:BOOL:=0;(*(W) Control: Virtual LON input poll status*)F900V251:BOOL:=0;(*(*(W) Control: Execute all command for selected objects (inside module)*)*)F900V252:BOOL:=0;(*(W) Control: Cancel all command for selected objects (inside module)*)F000V251:BOOL:=0;(*(*(W) Control: Execute all command for selected objects (inside module)*)*)F000V252:BOOL:=0;(*(W) Control: Cancel all command for selected objects (inside module)*)。
有限元法和变分原理
带入试函数:
2 2 ⎧⎛ ⎫ ∂ψ i ⎞ ⎛ ∂ψ i ⎞ ⎪ ⎪ ∏(φ ) = ∫∫ ⎨⎜ ∑ Ci + ⎜ ∑ Ci − 2∑ Ciψ i f ⎬ dxdy ⎟ ⎟ ∂x ⎠ ⎝ ∂y ⎠ ⎪⎝ ⎪ ⎩ ⎭
⎧⎛ ∂ψ ⎞2 ⎛ ∂ψ ⎞2 ⎫ ⎪ ⎪ = ∑ Ci 2 ∫∫ ⎨⎜ i ⎟ + ⎜ i ⎟ ⎬ dxdy ⎪⎝ ∂x ⎠ ⎝ ∂y ⎠ ⎪ ⎩ ⎭ ⎛ ∂ψ i ∂ψ j ∂ψ i ∂ψ j +2∑ CiC j ∫∫ ⎜ + ∂y ∂y i≠ j ⎝ ∂x ∂x
第二章 连续体问题的离散化方法
1
应力场、温度场、电磁场等
数学
偏微分方程或微分方程+边条 件+初始条件,即边值问题
等价(若存在对应的泛函)
变分法(泛函求极值)
经典变分法 (整个求解域)
有限元法 (把求解域离散 许多子区域)
2
要点
微分方程的等效积分形式 加权余值法 变分原理和里兹法 有限元法 弹性力学变分原理
9
(3) 最小二乘法:
⎧ ∂ ⎫ ⎪ ⎪ {w j } = ⎨ ∂a A ( Na ) ⎬ ⎪ j ⎪ ⎩ ⎭ ∂ ⎡ A Na 等价于 ⎢ ∫Ω ( ) ∂a j ⎣
{
} {A ( Na )}d Ω⎤ = 0 ⎥ ⎦
lpSolve-5.6.20 用户指南 说明书
Package‘lpSolve’December10,2023Version5.6.20Title Interface to'Lp_solve'v.5.5to Solve Linear/Integer ProgramsAuthor Michel Berkelaar and othersMaintainer Gábor Csárdi<**********************>Description Lp_solve is freely available(under LGPL2)software forsolving linear,integer and mixed integer programs.In thisimplementation we supply a``wrapper''function in C and some Rfunctions that solve general linear/integer problems,assignment problems,and transportation problems.This versioncalls lp_solve version5.5.License LGPL-2URL https:///gaborcsardi/lpSolveBugReports https:///gaborcsardi/lpSolve/issuesEncoding UTF-8NeedsCompilation yesRepository CRANDate/Publication2023-12-1013:40:02UTCR topics documented:lp (2)lp.assign (4)lp.object (6)lp.transport (7)make.q8 (8)print.lp (9)Index1112lp lp Linear and Integer ProgrammingDescriptionInterface to lp_solve linear/integer programming systemUsagelp(direction="min",objective.in,const.mat,const.dir,const.rhs,transpose.constraints=TRUE,int.vec,presolve=0,compute.sens=0,binary.vec,all.int=FALSE,all.bin=FALSE,scale=196,dense.const,num.bin.solns=1,use.rw=FALSE,timeout=0L)Argumentsdirection Character string giving direction of optimization:"min"(default)or"max."objective.in Numeric vector of coefficients of objective functionconst.mat Matrix of numeric constraint coefficients,one row per constraint,one column per variable(unless transpose.constraints=FALSE;see below).const.dir Vector of character strings giving the direction of the constraint:each value should be one of"<,""<=,""=,""==,"">,"or">=".(In each pair the two valuesare identical.)const.rhs Vector of numeric values for the right-hand sides of the constraints.transpose.constraintsBy default each constraint occupies a row of const.mat,and that matrix needs tobe transposed before being passed to the optimizing code.For very large con-straint matrices it may be wiser to construct the constraints in a matrix column-by-column.In that case set transpose.constraints to FALSE.int.vec Numeric vector giving the indices of variables that are required to be integer.The length of this vector will therefore be the number of integer variables.presolve Numeric:presolve?Default0(no);any non-zero value means"yes."Currently ignored.compute.sens Numeric:compute sensitivity?Default0(no);any non-zero value means"yes."binary.vec Numeric vector like int.vec giving the indices of variables that are required to be binary.all.int Logical:should all variables be integer?Default:FALSE.all.bin Logical:should all variables be binary?Default:FALSE.scale Integer:value for lpSolve scaling.Details can be found in the lpSolve docu-mentation.Set to0for no scaling.Default:196dense.const Three column dense constraint array.This is ignored if const.mat is supplied.Otherwise the columns are constraint number,column number,and value;thereshould be one row for each non-zero entry in the constraint matrix.lp3 num.bin.solns Integer:if all.bin=TRUE,the user can request up to num.bin.solns optimal so-lutions to be returned.use.rw Logical:if TRUE and num.bin.solns>1,write the lp out to afile and read it back in for each solution after thefirst.This is just to defeat a bug somewhere.Although the default is FALSE,we recommend you set this to TRUE if youneed num.bin.solns>1,until the bug is found.timeout Integer:timeout variable in seconds,defaults to0L which means no limit is set. DetailsThis function calls the lp_solve5.5solver.That system has many options not supported here.The current version is maintained at https:///5.5/Note that every variable is assumed to be>=0!ValueAn lp object.See lp.object for details.Author(s)Sam Buttrey,<***************>See Alsolp.assign,lp.transportExamples##Set up problem:maximize#x1+9x2+x3subject to#x1+2x2+3x3<=9#3x1+2x2+2x3<=15#f.obj<-c(1,9,1)f.con<-matrix(c(1,2,3,3,2,2),nrow=2,byrow=TRUE)f.dir<-c("<=","<=")f.rhs<-c(9,15)##Now run.#lp("max",f.obj,f.con,f.dir,f.rhs)##Not run:Success:the objective function is40.5lp("max",f.obj,f.con,f.dir,f.rhs)$solution##Not run:[1]0.04.50.0##The same problem using the dense constraint approach:#f.con.d<-matrix(c(rep(1:2,each=3),rep(1:3,2),t(f.con)),ncol=3)lp("max",f.obj,,f.dir,f.rhs,dense.const=f.con.d)##Not run:Success:the objective function is40.5##Get sensitivities#lp("max",f.obj,f.con,f.dir,f.rhs,compute.sens=TRUE)$sens.coef.from##Not run:[1]-1e+302e+00-1e+30lp("max",f.obj,f.con,f.dir,f.rhs,compute.sens=TRUE)$sens.coef.to##Not run:[1]4.50e+001.00e+301.35e+01##Right now the dual values for the constraints and the variables are#combined,constraints coming first.So in this example...#lp("max",f.obj,f.con,f.dir,f.rhs,compute.sens=TRUE)$duals##Not run:[1] 4.50.0-3.50.0-10.5##...the duals of the constraints are4.5and0,and of the variables,#-3.5,0.0,-10.5.Here are the lower and upper limits on these:#lp("max",f.obj,f.con,f.dir,f.rhs,compute.sens=TRUE)$duals.from##Not run:[1]0e+00-1e+30-1e+30-1e+30-6e+00lp("max",f.obj,f.con,f.dir,f.rhs,compute.sens=TRUE)$duals.to##Not run:[1]1.5e+011.0e+303.0e+001.0e+303.0e+00##Run again,this time requiring that all three variables be integer#lp("max",f.obj,f.con,f.dir,f.rhs,int.vec=1:3)##Not run:Success:the objective function is37lp("max",f.obj,f.con,f.dir,f.rhs,int.vec=1:3)$solution##Not run:[1]140##You can get sensitivities in the integer case,but they re harder to#interpret.#lp("max",f.obj,f.con,f.dir,f.rhs,int.vec=1:3,compute.sens=TRUE)$duals ##Not run:[1]10070##Here s an example in which we want more than one solution to a problem#in which all variables are binary:the8-queens problem,#with dense constraints.#chess.obj<-rep(1,64)q8<-make.q8()chess.dir<-rep(c("=","<"),c(16,26))chess.rhs<-rep(1,42)lp( max ,chess.obj,,chess.dir,chess.rhs,dense.const=q8, all.bin=TRUE,num.bin.solns=3)lp.assign Integer Programming for the Assignment ProblemDescriptionInterface to lp_solve linear/integer programming system specifically for solving assignment prob-lemsUsagelp.assign(cost.mat,direction="min",presolve=0,compute.sens=0)Argumentscost.mat Matrix of costs:the ij-th element is the cost of assigning source i to destination j.direction Character vector,length1,containing either"min"(the default)or"max"presolve Numeric:presolve?Default0(no);any non-zero value means"yes."Currently ignored.compute.sens Numeric:compute sensitivity?Default0(no);any non-zero value means"yes."In that case presolving is attempted.DetailsThis is a particular integer programming problem.All the decision variables are assumed to be integers;each row has the constraint that its entries must add up to1(so that there is one1and the remaining entries are0)and each column has the same constraint.This is assumed to be a minimization problem.ValueAn lp object.See documentation for details.The constraints are assumed(each row adds to1,each column adds to1,and no others)and are not returned.Author(s)Sam Buttrey,<***************>See Alsolp,lp.transportExamplesassign.costs<-matrix(c(2,7,7,2,7,7,3,2,7,2,8,10,1,9,8,2),4,4)##Not run:>assign.costs[,1][,2][,3][,4][1,]2771[2,]7729[3,]7388[4,]221026lp.object ##End(Not run)lp.assign(assign.costs)##Not run:Success:the objective function is8lp.assign(assign.costs)$solution##Not run:[,1][,2][,3][,4][1,]0001[2,]0010[3,]0100[4,]1000##End(Not run)lp.object LP(linear programming)objectDescriptionStructure of lp objectValueAn lp.object is a list containing the following elements:direction Optimization direction,as enteredx.count Number of variables in objective functionobjective Vector of objective function coefficients,as enteredconst.count Number of constraints enteredconstraints Constraint matrix,as entered(not returned by lp.assign or lp.transport) int.count Number of integer variablesint.vec Vector of integer variables’indices,as enteredobjval Value of objective function at optimumsolution Vector of optimal coefficientsnum.bin.solns Numeric indicator of number of solutions returnedstatus Numeric indicator:0=success,2=no feasible solutionAuthor(s)Sam Buttrey,<***************>See Alsolp,lp.assign,lp.transportlp.transport7 lp.transport Integer Programming for the Transportation ProblemDescriptionInterface to lp_solve linear/integer programming system specifically for solving transportation problemsUsagelp.transport(cost.mat,direction="min",row.signs,row.rhs,col.signs,col.rhs,presolve=0,compute.sens=0,integers=1:(nc*nr)) Argumentscost.mat Matrix of costs;ij-th element is the cost of transporting one item from source i to destination j.direction Character,length1:"min"or"max"row.signs Vector of character strings giving the direction of the row constraints:each value should be one of"<,""<=,""=,""==,"">,"or">=."(In each pair the two valuesare identical.)row.rhs Vector of numeric values for the right-hand sides of the row constraints.col.signs Vector of character strings giving the direction of the column constraints:each value should be one of"<,""<=,""=,""==,"">,"or">=."col.rhs Vector of numeric values for the right-hand sides of the column constraints.presolve Numeric:presolve?Default0(no);any non-zero value means"yes."Currently ignored.compute.sens Numeric:compute sensitivity?Default0(no);any non-zero value means"yes."integers Vector of integers whose ith element gives the index of the ith integer variable.Its length will be the number of integer variables.Default:all variables areinteger.Set to NULL to have no variables be integer.DetailsThis is a particular integer programming problem.All the decision variables are assumed to be integers,and there is one constraint per row and one per column(and no others).This is assumed to be a minimization problem.ValueAn lp object.Constraints are implicit and not returned.See documentation for details.Author(s)Sam Buttrey,<***************>8make.q8 ReferencesExample problem from Bronson(1981),Operations Research,Scahum’s Outline Series,McGraw-Hill.See Alsolp.assign,lp.transportExamples##Transportation problem,Bronson,problem9.1,p.86##Set up cost matrix#costs<-matrix(10000,8,5);costs[4,1]<-costs[-4,5]<-0costs[1,2]<-costs[2,3]<-costs[3,4]<-7;costs[1,3]<-costs[2,4]<-7.7costs[5,1]<-costs[7,3]<-8;costs[1,4]<-8.4;costs[6,2]<-9costs[8,4]<-10;costs[4,2:4]<-c(.7,1.4,2.1)##Set up constraint signs and right-hand sides.#row.signs<-rep("<",8)row.rhs<-c(200,300,350,200,100,50,100,150)col.signs<-rep(">",5)col.rhs<-c(250,100,400,500,200)##Run#lp.transport(costs,"min",row.signs,row.rhs,col.signs,col.rhs)##Not run:Success:the objective function is7790lp.transport(costs,"min",row.signs,row.rhs,col.signs,col.rhs)$solution##Not run:[,1][,2][,3][,4][,5][1,]010001000[2,]0030000[3,]0003500[4,]2000000[5,]5000050[6,]000050[7,]0010000[8,]00050100##End(Not run)make.q8Generate sparse constraint matrix for8-queens problemDescriptionGenerate sparse constraint matrix for8-queens problemUsagemake.q8()ArgumentsNone.DetailsSparse constraints come in a three-column matrix or data frame.Each row gives the row number, column number,and value of a particular non-zero entry in the constraint matrix.This function produces the sparse constraint matrix for the8-queens problem(in which the object is to place eight queens on a chessboard with no two sharing a row,column or diagonal).The resulting sparse representation is252x3,compared to42x64for the usual representation.ValueA252x3numeric matrix.See lp for the complete example.Author(s)Sam Buttrey,<***************>See Alsolpprint.lp Print an lp objectDescriptionPrint method for lp objectsUsage##S3method for class lpprint(x,...)Argumentsx List with items named objval and status.Normally this will have been called by lp,lp.assign,or lp.transport....Other arguments,all currently ignoredDetailsThis function prints the objective function value,together with the word"Success"if the operation is successful,or an indication of the error if not.If multiple solutions have been produced(because this was an all-binary problem and lp was called with num.bin.solns>1)the number of solutions is also displayed.ValueNoneAuthor(s)Sam Buttrey,<***************>See Alsolp,lp.assign,lp.transportIndex∗optimizelp,2lp.assign,4lp.object,6lp.transport,7make.q8,8print.lp,98-queens problem(make.q8),8lp,2,5–7,9,10lp.assign,3,4,6,8–10lp.object,3,6lp.transport,3,5,6,7,8–10make.q8,8print.lp,911。
- 1、下载文档前请自行甄别文档内容的完整性,平台不提供额外的编辑、内容补充、找答案等附加服务。
- 2、"仅部分预览"的文档,不可在线预览部分如存在完整性等问题,可反馈申请退款(可完整预览的文档不适用该条件!)。
- 3、如文档侵犯您的权益,请联系客服反馈,我们会尽快为您处理(人工客服工作时间:9:00-18:30)。
Christian Bessi re
LIRMM-CNRS, 161 rue Ada, 34392 Montpellier, France
bessiere@lຫໍສະໝຸດ rmm.frAbstract
Since the origins of the constraint satisfaction paradigm, its restriction to binary constraints has concentrated a signi cant part of the work. This is understandable because new ideas/techniques are usually much simpler to present/ elaborate by rst restricting them to the binary case. (See for example the arc consistency algorithms, such as AC-3 or AC-4, which have been presented rst in their binary version 10, 12], before being extended to non-binary constraints 11, 13].) But this inclination has highly increased in the early nineties. Authors indeed justi ed this restriction by the fact that any non-binary constraint network can polyniomally be converted into an equivalent binary one 6, 8, 5, 19]. And, in most cases, they never extended their work to non-binary constraints. Up to now, constraint reasoning has generated robust formal de nitions (local consistencies, etc.), original resolution methods ( ltering, look-back schemes, decomposition techniques, heuristics, etc.), and theoretical results on tractable classes. They were proved useful on many academic problems, and are probably at the origin of the success of this area. But now, constraint reasoning is going towards its maturity, and should then be able to propose e cient resolution techniques for real-world problems, for which the binary conversion is sometimes/often impracticable. This observation, stressed by van Beek in its CP'96 invocation, has started having its e ect since papers especially devoted to non-binary constraints or to their binary conversion begin to appear in this end of decade 4, 1, 22, 2]. Dealing with non-binary constraints for real-world problems raises questions that do not appear as crucial on binary constraints. Applying ltering techniques during search is central in the e ciency of constraint satisfaction algorithms. But applying ltering on non-binary constraints is much more expensive than on binary ones. The weaknesses of the algorithms appear more accurately. Does this mean that we must circumscribe ltering to its weakest form, as in the classical extension to non-binary constraints of the forward checking algorithm? The answer is no. This algorithm is much more subject to thrashing than on binary networks 1]. Local consistencies, which are one of the strengths of constraint reasoning, must also be applied in the non-binary case. But they have perhaps to be seen in a new way.
Perhaps we should accept the idea that the constraint solving tool of the next years will apply di erent levels of local consistency on di erent constraints at each node of the search tree, and more, a di erent algorithm for the same level of consistency depending on the constraint on which it applies. In the rst case, the di erences can come from the position of the constraint w.r.t. the current node,1 or from the constraint type itself.2 In the second case, speci c constraint semantics can make e cient adapted algorithms applicable.3 Because of this already mentioned high complexity of applying local consistencies on non-binary constraints, the theoretically wide expressive power of constraint reasoning is perhaps not as wide as that in practice. If applying local consistency on a given constraint is extremely expensive even for low levels (arc consistency is usually the standard level), it is as if this constraint was not allowed by the model. This leads us to the modelling aspects of constraint reasoning. Modelling a problem as a constraint network requires nding the best representation of the original knowledge. The criterion under which to decide which representation is better than the others is the e ciency of the available resolution technique to solve it 16, 21]. If no acceptable representation is found, this can be because for some of the original constraints, neither their decomposition in simple sub-constraints nor their direct integration were satisfactory. The former reason is usually due to a loss of globality in the decomposition. (Reasoning locally on the sub-constraints of the decomposition cannot detect inconsistencies.) The latter comes from the fact that no e cient ltering algorithm dedicated to this constraint exists while generic ltering algorithms are very time-consuming when applied to it. If we want to solve the original problem, an alternative is to write a dedicated ltering algorithm e cient enough to be incorporated in the solving engine. This has the clear advantage of saving the semantics of the constraint, and thus the potential ability to deal globally with it. We know indeed that the more globally we deal with locality, the more we are able to detect inconsistencies. This approach has been initiated with success on the very common alldi constraint 17] for which the decomposition in a clique of binary = constraints was almost una ected by arc consistency processing. Even in paradigms such as SAT, where the simplicity and genericity of the model is claimed as its strength, recent works have shown the advantage of making global inferences speci c to the problem type before losing all the structure in the SAT encoding 9]. After a few years, that approach will of course have to deal with the issue of the size of the constraint solving engine. The number of di erent constraints added with their associated ltering algorithm will probably