Cluster Detection in Point Event Data having Tendency Towards Spatially Repetitive Events
k-means算法
k-means算法k-means算法是无监督学习领域最为经典的算法之一。
接触聚类算法,首先需要了解k-means算法的实现原理和步骤。
本文将对k-means算法的基本原理和实现实例进行分析。
希望对喜欢机器学习的童鞋们,有一定的帮助和启发。
首先看看wiki上对k-means算法的基本阐述。
k-means clustering is a method of vectorquantization, originally from signalprocessing, that is popular for clusteranalysis in data mining. k-means clusteringaims to partition n observations into kclusters in which each observation belongs tothe cluster with the nearest mean, serving asa prototype of the cluster.可以看出,k-means算法就是将 n 个数据点进行聚类分析,得到 k 个聚类,使得每个数据点到聚类中心的距离最小。
而实际上,这个问题往往是NP-hard的,以此有许多启发式的方法求解,从而避开局部最小值。
值得注意的是,k-means算法往往容易和k-nearest neighbor classifier(k-NN)算法混淆。
后者是有监督学习的分类(回归)算法,主要是用来判定数据点属于哪个类别中心的。
A simple example for k-means clusteringk-means算法有很多应用:•图像分割(Image Segmentation)•基因分割数据聚类分析(Clustering GeneSegementation Data)•新闻聚类分析(News Article Clustering)•语言聚类分析(Clustering Languages)•物种分析(Species Clustering)•异常检测(Anomaly Detection)•\cdots数学描述给定数据集 X=\{x^{(1)},x^{(2)},\cdots,x^{(n)}\} ,其中每个数据样本 x^{(i)}\in \mathbb{R}^d . k-mean算法旨在将 n 个数据点划分为 k(k\leq n) 个聚类集合\bm{S}=\{S_1,S_2,\cdots,S_k\} ,使得每个聚类集合中的样本点与聚类中心的距离平方和最小(WCSS, within-cluster sum of squares),i.e. 方差最小。
国际自动化与计算杂志.英文版.
国际自动化与计算杂志.英文版.1.Improved Exponential Stability Criteria for Uncertain Neutral System with Nonlinear Parameter PerturbationsFang Qiu,Ban-Tong Cui2.Robust Active Suspension Design Subject to Vehicle Inertial Parameter VariationsHai-Ping Du,Nong Zhang3.Delay-dependent Non-fragile H∞ Filtering for Uncertain Fuzzy Systems Based on Switching Fuzzy Model and Piecewise Lyapunov FunctionZhi-Le Xia,Jun-Min Li,Jiang-Rong Li4.Observer-based Adaptive Iterative Learning Control for Nonlinear Systems with Time-varying DelaysWei-Sheng Chen,Rui-Hong Li,Jing Li5.H∞ Output Feedback Control for Stochastic Systems with Mode-dependent Time-varying Delays and Markovian Jump ParametersXu-Dong Zhao,Qing-Shuang Zeng6.Delay and Its Time-derivative Dependent Robust Stability of Uncertain Neutral Systems with Saturating ActuatorsFatima El Haoussi,El Houssaine Tissir7.Parallel Fuzzy P+Fuzzy I+Fuzzy D Controller:Design and Performance EvaluationVineet Kumar,A.P.Mittal8.Observers for Descriptor Systems with Slope-restricted NonlinearitiesLin-Na Zhou,Chun-Yu Yang,Qing-Ling Zhang9.Parameterized Solution to a Class of Sylvester MatrixEquationsYu-Peng Qiao,Hong-Sheng Qi,Dai-Zhan Cheng10.Indirect Adaptive Fuzzy and Impulsive Control of Nonlinear SystemsHai-Bo Jiang11.Robust Fuzzy Tracking Control for Nonlinear Networked Control Systems with Integral Quadratic ConstraintsZhi-Sheng Chen,Yong He,Min Wu12.A Power-and Coverage-aware Clustering Scheme for Wireless Sensor NetworksLiang Xue,Xin-Ping Guan,Zhi-Xin Liu,Qing-Chao Zheng13.Guaranteed Cost Active Fault-tolerant Control of Networked Control System with Packet Dropout and Transmission DelayXiao-Yuan Luo,Mei-Jie Shang,Cai-Lian Chen,Xin-Ping Guanparison of Two Novel MRAS Based Strategies for Identifying Parameters in Permanent Magnet Synchronous MotorsKan Liu,Qiao Zhang,Zi-Qiang Zhu,Jing Zhang,An-Wen Shen,Paul Stewart15.Modeling and Analysis of Scheduling for Distributed Real-time Embedded SystemsHai-Tao Zhang,Gui-Fang Wu16.Passive Steganalysis Based on Higher Order Image Statistics of Curvelet TransformS.Geetha,Siva S.Sivatha Sindhu,N.Kamaraj17.Movement Invariants-based Algorithm for Medical Image Tilt CorrectionMei-Sen Pan,Jing-Tian Tang,Xiao-Li Yang18.Target Tracking and Obstacle Avoidance for Multi-agent SystemsJing Yan,Xin-Ping Guan,Fu-Xiao Tan19.Automatic Generation of Optimally Rigid Formations Using Decentralized MethodsRui Ren,Yu-Yan Zhang,Xiao-Yuan Luo,Shao-Bao Li20.Semi-blind Adaptive Beamforming for High-throughput Quadrature Amplitude Modulation SystemsSheng Chen,Wang Yao,Lajos Hanzo21.Throughput Analysis of IEEE 802.11 Multirate WLANs with Collision Aware Rate Adaptation AlgorithmDhanasekaran Senthilkumar,A. Krishnan22.Innovative Product Design Based on Customer Requirement Weight Calculation ModelChen-Guang Guo,Yong-Xian Liu,Shou-Ming Hou,Wei Wang23.A Service Composition Approach Based on Sequence Mining for Migrating E-learning Legacy System to SOAZhuo Zhang,Dong-Dai Zhou,Hong-Ji Yang,Shao-Chun Zhong24.Modeling of Agile Intelligent Manufacturing-oriented Production Scheduling SystemZhong-Qi Sheng,Chang-Ping Tang,Ci-Xing Lv25.Estimation of Reliability and Cost Relationship for Architecture-based SoftwareHui Guan,Wei-Ru Chen,Ning Huang,Hong-Ji Yang1.A Computer-aided Design System for Framed-mould in Autoclave ProcessingTian-Guo Jin,Feng-Yang Bi2.Wear State Recognition of Drills Based on K-means Cluster and Radial Basis Function Neural NetworkXu Yang3.The Knee Joint Design and Control of Above-knee Intelligent Bionic Leg Based on Magneto-rheological DamperHua-Long Xie,Ze-Zhong Liang,Fei Li,Li-Xin Guo4.Modeling of Pneumatic Muscle with Shape Memory Alloy and Braided SleeveBin-Rui Wang,Ying-Lian Jin,Dong Wei5.Extended Object Model for Product Configuration DesignZhi-Wei Xu,Ze-Zhong Liang,Zhong-Qi Sheng6.Analysis of Sheet Metal Extrusion Process Using Finite Element MethodXin-Cun Zhuang,Hua Xiang,Zhen Zhao7.Implementation of Enterprises' Interoperation Based on OntologyXiao-Feng Di,Yu-Shun Fan8.Path Planning Approach in Unknown EnvironmentTing-Kai Wang,Quan Dang,Pei-Yuan Pan9.Sliding Mode Variable Structure Control for Visual Servoing SystemFei Li,Hua-Long Xie10.Correlation of Direct Piezoelectric Effect on EAPap under Ambient FactorsLi-Jie Zhao,Chang-Ping Tang,Peng Gong11.XML-based Data Processing in Network Supported Collaborative DesignQi Wang,Zhong-Wei Ren,Zhong-Feng Guo12.Production Management Modelling Based on MASLi He,Zheng-Hao Wang,Ke-Long Zhang13.Experimental Tests of Autonomous Ground Vehicles with PreviewCunjia Liu,Wen-Hua Chen,John Andrews14.Modelling and Remote Control of an ExcavatorYang Liu,Mohammad Shahidul Hasan,Hong-Nian Yu15.TOPSIS with Belief Structure for Group Belief Multiple Criteria Decision MakingJiang Jiang,Ying-Wu Chen,Da-Wei Tang,Yu-Wang Chen16.Video Analysis Based on Volumetric Event DetectionJing Wang,Zhi-Jie Xu17.Improving Decision Tree Performance by Exception HandlingAppavu Alias Balamurugan Subramanian,S.Pramala,B.Rajalakshmi,Ramasamy Rajaram18.Robustness Analysis of Discrete-time Indirect Model Reference Adaptive Control with Normalized Adaptive LawsQing-Zheng Gao,Xue-Jun Xie19.A Novel Lifecycle Model for Web-based Application Development in Small and Medium EnterprisesWei Huang,Ru Li,Carsten Maple,Hong-Ji Yang,David Foskett,Vince Cleaver20.Design of a Two-dimensional Recursive Filter Using the Bees AlgorithmD. T. Pham,Ebubekir Ko(c)21.Designing Genetic Regulatory Networks Using Fuzzy Petri Nets ApproachRaed I. Hamed,Syed I. Ahson,Rafat Parveen1.State of the Art and Emerging Trends in Operations and Maintenance of Offshore Oil and Gas Production Facilities: Some Experiences and ObservationsJayantha P.Liyanage2.Statistical Safety Analysis of Maintenance Management Process of Excavator UnitsLjubisa Papic,Milorad Pantelic,Joseph Aronov,Ajit Kumar Verma3.Improving Energy and Power Efficiency Using NComputing and Approaches for Predicting Reliability of Complex Computing SystemsHoang Pham,Hoang Pham Jr.4.Running Temperature and Mechanical Stability of Grease as Maintenance Parameters of Railway BearingsJan Lundberg,Aditya Parida,Peter S(o)derholm5.Subsea Maintenance Service Delivery: Mapping Factors Influencing Scheduled Service DurationEfosa Emmanuel Uyiomendo,Tore Markeset6.A Systemic Approach to Integrated E-maintenance of Large Engineering PlantsAjit Kumar Verma,A.Srividya,P.G.Ramesh7.Authentication and Access Control in RFID Based Logistics-customs Clearance Service PlatformHui-Fang Deng,Wen Deng,Han Li,Hong-Ji Yang8.Evolutionary Trajectory Planning for an Industrial RobotR.Saravanan,S.Ramabalan,C.Balamurugan,A.Subash9.Improved Exponential Stability Criteria for Recurrent Neural Networks with Time-varying Discrete and Distributed DelaysYuan-Yuan Wu,Tao Li,Yu-Qiang Wu10.An Improved Approach to Delay-dependent Robust Stabilization for Uncertain Singular Time-delay SystemsXin Sun,Qing-Ling Zhang,Chun-Yu Yang,Zhan Su,Yong-Yun Shao11.Robust Stability of Nonlinear Plants with a Non-symmetric Prandtl-Ishlinskii Hysteresis ModelChang-An Jiang,Ming-Cong Deng,Akira Inoue12.Stability Analysis of Discrete-time Systems with Additive Time-varying DelaysXian-Ming Tang,Jin-Shou Yu13.Delay-dependent Stability Analysis for Markovian Jump Systems with Interval Time-varying-delaysXu-Dong Zhao,Qing-Shuang Zeng14.H∞ Synchronization of Chaotic Systems via Delayed Feedback ControlLi Sheng,Hui-Zhong Yang15.Adaptive Fuzzy Observer Backstepping Control for a Class of Uncertain Nonlinear Systems with Unknown Time-delayShao-Cheng Tong,Ning Sheng16.Simulation-based Optimal Design of α-β-γ-δ FilterChun-Mu Wu,Paul P.Lin,Zhen-Yu Han,Shu-Rong Li17.Independent Cycle Time Assignment for Min-max SystemsWen-De Chen,Yue-Gang Tao,Hong-Nian Yu1.An Assessment Tool for Land Reuse with Artificial Intelligence MethodDieter D. Genske,Dongbin Huang,Ariane Ruff2.Interpolation of Images Using Discrete Wavelet Transform to Simulate Image Resizing as in Human VisionRohini S. Asamwar,Kishor M. Bhurchandi,Abhay S. Gandhi3.Watermarking of Digital Images in Frequency DomainSami E. I. Baba,Lala Z. Krikor,Thawar Arif,Zyad Shaaban4.An Effective Image Retrieval Mechanism Using Family-based Spatial Consistency Filtration with Object RegionJing Sun,Ying-Jie Xing5.Robust Object Tracking under Appearance Change ConditionsQi-Cong Wang,Yuan-Hao Gong,Chen-Hui Yang,Cui-Hua Li6.A Visual Attention Model for Robot Object TrackingJin-Kui Chu,Rong-Hua Li,Qing-Ying Li,Hong-Qing Wang7.SVM-based Identification and Un-calibrated Visual Servoing for Micro-manipulationXin-Han Huang,Xiang-Jin Zeng,Min Wang8.Action Control of Soccer Robots Based on Simulated Human IntelligenceTie-Jun Li,Gui-Qiang Chen,Gui-Fang Shao9.Emotional Gait Generation for a Humanoid RobotLun Xie,Zhi-Liang Wang,Wei Wang,Guo-Chen Yu10.Cultural Algorithm for Minimization of Binary Decision Diagram and Its Application in Crosstalk Fault DetectionZhong-Liang Pan,Ling Chen,Guang-Zhao Zhang11.A Novel Fuzzy Direct Torque Control System for Three-level Inverter-fed Induction MachineShu-Xi Liu,Ming-Yu Wang,Yu-Guang Chen,Shan Li12.Statistic Learning-based Defect Detection for Twill FabricsLi-Wei Han,De Xu13.Nonsaturation Throughput Enhancement of IEEE 802.11b Distributed Coordination Function for Heterogeneous Traffic under Noisy EnvironmentDhanasekaran Senthilkumar,A. Krishnan14.Structure and Dynamics of Artificial Regulatory Networks Evolved by Segmental Duplication and Divergence ModelXiang-Hong Lin,Tian-Wen Zhang15.Random Fuzzy Chance-constrained Programming Based on Adaptive Chaos Quantum Honey Bee Algorithm and Robustness AnalysisHan Xue,Xun Li,Hong-Xu Ma16.A Bit-level Text Compression Scheme Based on the ACW AlgorithmHussein A1-Bahadili,Shakir M. Hussain17.A Note on an Economic Lot-sizing Problem with Perishable Inventory and Economies of Scale Costs:Approximation Solutions and Worst Case AnalysisQing-Guo Bai,Yu-Zhong Zhang,Guang-Long Dong1.Virtual Reality: A State-of-the-Art SurveyNing-Ning Zhou,Yu-Long Deng2.Real-time Virtual Environment Signal Extraction and DenoisingUsing Programmable Graphics HardwareYang Su,Zhi-Jie Xu,Xiang-Qian Jiang3.Effective Virtual Reality Based Building Navigation Using Dynamic Loading and Path OptimizationQing-Jin Peng,Xiu-Mei Kang,Ting-Ting Zhao4.The Skin Deformation of a 3D Virtual HumanXiao-Jing Zhou,Zheng-Xu Zhao5.Technology for Simulating Crowd Evacuation BehaviorsWen-Hu Qin,Guo-Hui Su,Xiao-Na Li6.Research on Modelling Digital Paper-cut PreservationXiao-Fen Wang,Ying-Rui Liu,Wen-Sheng Zhang7.On Problems of Multicomponent System Maintenance ModellingTomasz Nowakowski,Sylwia Werbinka8.Soft Sensing Modelling Based on Optimal Selection of Secondary Variables and Its ApplicationQi Li,Cheng Shao9.Adaptive Fuzzy Dynamic Surface Control for Uncertain Nonlinear SystemsXiao-Yuan Luo,Zhi-Hao Zhu,Xin-Ping Guan10.Output Feedback for Stochastic Nonlinear Systems with Unmeasurable Inverse DynamicsXin Yu,Na Duan11.Kalman Filtering with Partial Markovian Packet LossesBao-Feng Wang,Ge Guo12.A Modified Projection Method for Linear FeasibilityProblemsYi-Ju Wang,Hong-Yu Zhang13.A Neuro-genetic Based Short-term Forecasting Framework for Network Intrusion Prediction SystemSiva S. Sivatha Sindhu,S. Geetha,M. Marikannan,A. Kannan14.New Delay-dependent Global Asymptotic Stability Condition for Hopfield Neural Networks with Time-varying DelaysGuang-Deng Zong,Jia Liu hHTTp://15.Crosscumulants Based Approaches for the Structure Identification of Volterra ModelsHouda Mathlouthi,Kamel Abederrahim,Faouzi Msahli,Gerard Favier1.Coalition Formation in Weighted Simple-majority Games under Proportional Payoff Allocation RulesZhi-Gang Cao,Xiao-Guang Yang2.Stability Analysis for Recurrent Neural Networks with Time-varying DelayYuan-Yuan Wu,Yu-Qiang Wu3.A New Type of Solution Method for the Generalized Linear Complementarity Problem over a Polyhedral ConeHong-Chun Sun,Yan-Liang Dong4.An Improved Control Algorithm for High-order Nonlinear Systems with Unmodelled DynamicsNa Duan,Fu-Nian Hu,Xin Yu5.Controller Design of High Order Nonholonomic System with Nonlinear DriftsXiu-Yun Zheng,Yu-Qiang Wu6.Directional Filter for SAR Images Based on NonsubsampledContourlet Transform and Immune Clonal SelectionXiao-Hui Yang,Li-Cheng Jiao,Deng-Feng Li7.Text Extraction and Enhancement of Binary Images Using Cellular AutomataG. Sahoo,Tapas Kumar,B.L. Rains,C.M. Bhatia8.GH2 Control for Uncertain Discrete-time-delay Fuzzy Systems Based on a Switching Fuzzy Model and Piecewise Lyapunov FunctionZhi-Le Xia,Jun-Min Li9.A New Energy Optimal Control Scheme for a Separately Excited DC Motor Based Incremental Motion DriveMilan A.Sheta,Vivek Agarwal,Paluri S.V.Nataraj10.Nonlinear Backstepping Ship Course ControllerAnna Witkowska,Roman Smierzchalski11.A New Method of Embedded Fourth Order with Four Stages to Study Raster CNN SimulationR. Ponalagusamy,S. Senthilkumar12.A Minimum-energy Path-preserving Topology Control Algorithm for Wireless Sensor NetworksJin-Zhao Lin,Xian Zhou,Yun Li13.Synchronization and Exponential Estimates of Complex Networks with Mixed Time-varying Coupling DelaysYang Dai,YunZe Cai,Xiao-Ming Xu14.Step-coordination Algorithm of Traffic Control Based on Multi-agent SystemHai-Tao Zhang,Fang Yu,Wen Li15.A Research of the Employment Problem on Common Job-seekersand GraduatesBai-Da Qu。
华为智能网试题(等级)
华为智能网部分试题一. 填空:1.移动智能网中英文缩略词CAMEL的中文全称是移动客户增强逻辑应用。
(3)2.移动智能网中英文缩略词TCAP的中文全称是事务处理应用部分。
(3)3.智能网技术采用overlay方式,其基本思想是:业务_与_交换_分离。
即交换机仅完成最基本的接续功能,而所有增值业务的形成均由另一个附加网络——即智能层(智能网)来完成。
(1)1.移动智能网一般由业务交换点(SSP)、业务控制点(SCP)、信令转接点(STP)、智能外设(IP)、业务管理系统(SMS)、业务生成环境(SCE)等几部分组成。
(3)2.SSP主要作用是连接现有移动网与智能网的连接点,提供接入智能网功能集的功能。
SSP可检出智能业务的请求,并与SCP通信;对SCP的请求作出响应,允许SCP中的业务逻辑影响呼叫处理。
(3)3.从功能上讲,一个业务交换点应包括呼叫控制功能(CCF,Call ControlFunction)和业务交换功能(SSF,Service Switching Function)。
在我国目前不采用独立的IP(智能外设)的情况下,SSP还应包括部分的专用资源功能(SRF,Specialized Resource Function)。
(4)4.SCP是智能网的核心构件,它存储用户数据和业务逻辑。
(2)5.IP是协助完成智能业务的特殊资源功能,通常为各种语音功能。
(2)6.SMS一般具备5种功能,即业务逻辑管理、业务数据管理、用户数据管理、业务监测以及业务量管理。
(3)7.SCE的功能是根据客户的需求生成新的业务逻辑。
(1)8.利用移动智能网的概念模型INCM(Intelligent Network Concept Model)来描述移动智能网体系由四个平面组成,它们分别是:业务平面、总功能平面、分布功能平面及物理平面。
(2)9.一个业务由一个或几个业务特征组成,它表明了网络向用户提供的业务能力。
(2)10.一个业务的生成过程可以描述为:利用业务生成环境TELLIN-SCE描述并定义了业务之后,便可以经由网络下载到业务管理系统TELLIN-SMS,再将业务逻辑下载到TELLIN-SCP,把业务数据下载到SDP(Service Data Point),把业务触发下载到TELLIN-SSP,完成新业务在网络中的引入。
机器学习与人工智能领域中常用的英语词汇
机器学习与人工智能领域中常用的英语词汇1.General Concepts (基础概念)•Artificial Intelligence (AI) - 人工智能1)Artificial Intelligence (AI) - 人工智能2)Machine Learning (ML) - 机器学习3)Deep Learning (DL) - 深度学习4)Neural Network - 神经网络5)Natural Language Processing (NLP) - 自然语言处理6)Computer Vision - 计算机视觉7)Robotics - 机器人技术8)Speech Recognition - 语音识别9)Expert Systems - 专家系统10)Knowledge Representation - 知识表示11)Pattern Recognition - 模式识别12)Cognitive Computing - 认知计算13)Autonomous Systems - 自主系统14)Human-Machine Interaction - 人机交互15)Intelligent Agents - 智能代理16)Machine Translation - 机器翻译17)Swarm Intelligence - 群体智能18)Genetic Algorithms - 遗传算法19)Fuzzy Logic - 模糊逻辑20)Reinforcement Learning - 强化学习•Machine Learning (ML) - 机器学习1)Machine Learning (ML) - 机器学习2)Artificial Neural Network - 人工神经网络3)Deep Learning - 深度学习4)Supervised Learning - 有监督学习5)Unsupervised Learning - 无监督学习6)Reinforcement Learning - 强化学习7)Semi-Supervised Learning - 半监督学习8)Training Data - 训练数据9)Test Data - 测试数据10)Validation Data - 验证数据11)Feature - 特征12)Label - 标签13)Model - 模型14)Algorithm - 算法15)Regression - 回归16)Classification - 分类17)Clustering - 聚类18)Dimensionality Reduction - 降维19)Overfitting - 过拟合20)Underfitting - 欠拟合•Deep Learning (DL) - 深度学习1)Deep Learning - 深度学习2)Neural Network - 神经网络3)Artificial Neural Network (ANN) - 人工神经网络4)Convolutional Neural Network (CNN) - 卷积神经网络5)Recurrent Neural Network (RNN) - 循环神经网络6)Long Short-Term Memory (LSTM) - 长短期记忆网络7)Gated Recurrent Unit (GRU) - 门控循环单元8)Autoencoder - 自编码器9)Generative Adversarial Network (GAN) - 生成对抗网络10)Transfer Learning - 迁移学习11)Pre-trained Model - 预训练模型12)Fine-tuning - 微调13)Feature Extraction - 特征提取14)Activation Function - 激活函数15)Loss Function - 损失函数16)Gradient Descent - 梯度下降17)Backpropagation - 反向传播18)Epoch - 训练周期19)Batch Size - 批量大小20)Dropout - 丢弃法•Neural Network - 神经网络1)Neural Network - 神经网络2)Artificial Neural Network (ANN) - 人工神经网络3)Deep Neural Network (DNN) - 深度神经网络4)Convolutional Neural Network (CNN) - 卷积神经网络5)Recurrent Neural Network (RNN) - 循环神经网络6)Long Short-Term Memory (LSTM) - 长短期记忆网络7)Gated Recurrent Unit (GRU) - 门控循环单元8)Feedforward Neural Network - 前馈神经网络9)Multi-layer Perceptron (MLP) - 多层感知器10)Radial Basis Function Network (RBFN) - 径向基函数网络11)Hopfield Network - 霍普菲尔德网络12)Boltzmann Machine - 玻尔兹曼机13)Autoencoder - 自编码器14)Spiking Neural Network (SNN) - 脉冲神经网络15)Self-organizing Map (SOM) - 自组织映射16)Restricted Boltzmann Machine (RBM) - 受限玻尔兹曼机17)Hebbian Learning - 海比安学习18)Competitive Learning - 竞争学习19)Neuroevolutionary - 神经进化20)Neuron - 神经元•Algorithm - 算法1)Algorithm - 算法2)Supervised Learning Algorithm - 有监督学习算法3)Unsupervised Learning Algorithm - 无监督学习算法4)Reinforcement Learning Algorithm - 强化学习算法5)Classification Algorithm - 分类算法6)Regression Algorithm - 回归算法7)Clustering Algorithm - 聚类算法8)Dimensionality Reduction Algorithm - 降维算法9)Decision Tree Algorithm - 决策树算法10)Random Forest Algorithm - 随机森林算法11)Support Vector Machine (SVM) Algorithm - 支持向量机算法12)K-Nearest Neighbors (KNN) Algorithm - K近邻算法13)Naive Bayes Algorithm - 朴素贝叶斯算法14)Gradient Descent Algorithm - 梯度下降算法15)Genetic Algorithm - 遗传算法16)Neural Network Algorithm - 神经网络算法17)Deep Learning Algorithm - 深度学习算法18)Ensemble Learning Algorithm - 集成学习算法19)Reinforcement Learning Algorithm - 强化学习算法20)Metaheuristic Algorithm - 元启发式算法•Model - 模型1)Model - 模型2)Machine Learning Model - 机器学习模型3)Artificial Intelligence Model - 人工智能模型4)Predictive Model - 预测模型5)Classification Model - 分类模型6)Regression Model - 回归模型7)Generative Model - 生成模型8)Discriminative Model - 判别模型9)Probabilistic Model - 概率模型10)Statistical Model - 统计模型11)Neural Network Model - 神经网络模型12)Deep Learning Model - 深度学习模型13)Ensemble Model - 集成模型14)Reinforcement Learning Model - 强化学习模型15)Support Vector Machine (SVM) Model - 支持向量机模型16)Decision Tree Model - 决策树模型17)Random Forest Model - 随机森林模型18)Naive Bayes Model - 朴素贝叶斯模型19)Autoencoder Model - 自编码器模型20)Convolutional Neural Network (CNN) Model - 卷积神经网络模型•Dataset - 数据集1)Dataset - 数据集2)Training Dataset - 训练数据集3)Test Dataset - 测试数据集4)Validation Dataset - 验证数据集5)Balanced Dataset - 平衡数据集6)Imbalanced Dataset - 不平衡数据集7)Synthetic Dataset - 合成数据集8)Benchmark Dataset - 基准数据集9)Open Dataset - 开放数据集10)Labeled Dataset - 标记数据集11)Unlabeled Dataset - 未标记数据集12)Semi-Supervised Dataset - 半监督数据集13)Multiclass Dataset - 多分类数据集14)Feature Set - 特征集15)Data Augmentation - 数据增强16)Data Preprocessing - 数据预处理17)Missing Data - 缺失数据18)Outlier Detection - 异常值检测19)Data Imputation - 数据插补20)Metadata - 元数据•Training - 训练1)Training - 训练2)Training Data - 训练数据3)Training Phase - 训练阶段4)Training Set - 训练集5)Training Examples - 训练样本6)Training Instance - 训练实例7)Training Algorithm - 训练算法8)Training Model - 训练模型9)Training Process - 训练过程10)Training Loss - 训练损失11)Training Epoch - 训练周期12)Training Batch - 训练批次13)Online Training - 在线训练14)Offline Training - 离线训练15)Continuous Training - 连续训练16)Transfer Learning - 迁移学习17)Fine-Tuning - 微调18)Curriculum Learning - 课程学习19)Self-Supervised Learning - 自监督学习20)Active Learning - 主动学习•Testing - 测试1)Testing - 测试2)Test Data - 测试数据3)Test Set - 测试集4)Test Examples - 测试样本5)Test Instance - 测试实例6)Test Phase - 测试阶段7)Test Accuracy - 测试准确率8)Test Loss - 测试损失9)Test Error - 测试错误10)Test Metrics - 测试指标11)Test Suite - 测试套件12)Test Case - 测试用例13)Test Coverage - 测试覆盖率14)Cross-Validation - 交叉验证15)Holdout Validation - 留出验证16)K-Fold Cross-Validation - K折交叉验证17)Stratified Cross-Validation - 分层交叉验证18)Test Driven Development (TDD) - 测试驱动开发19)A/B Testing - A/B 测试20)Model Evaluation - 模型评估•Validation - 验证1)Validation - 验证2)Validation Data - 验证数据3)Validation Set - 验证集4)Validation Examples - 验证样本5)Validation Instance - 验证实例6)Validation Phase - 验证阶段7)Validation Accuracy - 验证准确率8)Validation Loss - 验证损失9)Validation Error - 验证错误10)Validation Metrics - 验证指标11)Cross-Validation - 交叉验证12)Holdout Validation - 留出验证13)K-Fold Cross-Validation - K折交叉验证14)Stratified Cross-Validation - 分层交叉验证15)Leave-One-Out Cross-Validation - 留一法交叉验证16)Validation Curve - 验证曲线17)Hyperparameter Validation - 超参数验证18)Model Validation - 模型验证19)Early Stopping - 提前停止20)Validation Strategy - 验证策略•Supervised Learning - 有监督学习1)Supervised Learning - 有监督学习2)Label - 标签3)Feature - 特征4)Target - 目标5)Training Labels - 训练标签6)Training Features - 训练特征7)Training Targets - 训练目标8)Training Examples - 训练样本9)Training Instance - 训练实例10)Regression - 回归11)Classification - 分类12)Predictor - 预测器13)Regression Model - 回归模型14)Classifier - 分类器15)Decision Tree - 决策树16)Support Vector Machine (SVM) - 支持向量机17)Neural Network - 神经网络18)Feature Engineering - 特征工程19)Model Evaluation - 模型评估20)Overfitting - 过拟合21)Underfitting - 欠拟合22)Bias-Variance Tradeoff - 偏差-方差权衡•Unsupervised Learning - 无监督学习1)Unsupervised Learning - 无监督学习2)Clustering - 聚类3)Dimensionality Reduction - 降维4)Anomaly Detection - 异常检测5)Association Rule Learning - 关联规则学习6)Feature Extraction - 特征提取7)Feature Selection - 特征选择8)K-Means - K均值9)Hierarchical Clustering - 层次聚类10)Density-Based Clustering - 基于密度的聚类11)Principal Component Analysis (PCA) - 主成分分析12)Independent Component Analysis (ICA) - 独立成分分析13)T-distributed Stochastic Neighbor Embedding (t-SNE) - t分布随机邻居嵌入14)Gaussian Mixture Model (GMM) - 高斯混合模型15)Self-Organizing Maps (SOM) - 自组织映射16)Autoencoder - 自动编码器17)Latent Variable - 潜变量18)Data Preprocessing - 数据预处理19)Outlier Detection - 异常值检测20)Clustering Algorithm - 聚类算法•Reinforcement Learning - 强化学习1)Reinforcement Learning - 强化学习2)Agent - 代理3)Environment - 环境4)State - 状态5)Action - 动作6)Reward - 奖励7)Policy - 策略8)Value Function - 值函数9)Q-Learning - Q学习10)Deep Q-Network (DQN) - 深度Q网络11)Policy Gradient - 策略梯度12)Actor-Critic - 演员-评论家13)Exploration - 探索14)Exploitation - 开发15)Temporal Difference (TD) - 时间差分16)Markov Decision Process (MDP) - 马尔可夫决策过程17)State-Action-Reward-State-Action (SARSA) - 状态-动作-奖励-状态-动作18)Policy Iteration - 策略迭代19)Value Iteration - 值迭代20)Monte Carlo Methods - 蒙特卡洛方法•Semi-Supervised Learning - 半监督学习1)Semi-Supervised Learning - 半监督学习2)Labeled Data - 有标签数据3)Unlabeled Data - 无标签数据4)Label Propagation - 标签传播5)Self-Training - 自训练6)Co-Training - 协同训练7)Transudative Learning - 传导学习8)Inductive Learning - 归纳学习9)Manifold Regularization - 流形正则化10)Graph-based Methods - 基于图的方法11)Cluster Assumption - 聚类假设12)Low-Density Separation - 低密度分离13)Semi-Supervised Support Vector Machines (S3VM) - 半监督支持向量机14)Expectation-Maximization (EM) - 期望最大化15)Co-EM - 协同期望最大化16)Entropy-Regularized EM - 熵正则化EM17)Mean Teacher - 平均教师18)Virtual Adversarial Training - 虚拟对抗训练19)Tri-training - 三重训练20)Mix Match - 混合匹配•Feature - 特征1)Feature - 特征2)Feature Engineering - 特征工程3)Feature Extraction - 特征提取4)Feature Selection - 特征选择5)Input Features - 输入特征6)Output Features - 输出特征7)Feature Vector - 特征向量8)Feature Space - 特征空间9)Feature Representation - 特征表示10)Feature Transformation - 特征转换11)Feature Importance - 特征重要性12)Feature Scaling - 特征缩放13)Feature Normalization - 特征归一化14)Feature Encoding - 特征编码15)Feature Fusion - 特征融合16)Feature Dimensionality Reduction - 特征维度减少17)Continuous Feature - 连续特征18)Categorical Feature - 分类特征19)Nominal Feature - 名义特征20)Ordinal Feature - 有序特征•Label - 标签1)Label - 标签2)Labeling - 标注3)Ground Truth - 地面真值4)Class Label - 类别标签5)Target Variable - 目标变量6)Labeling Scheme - 标注方案7)Multi-class Labeling - 多类别标注8)Binary Labeling - 二分类标注9)Label Noise - 标签噪声10)Labeling Error - 标注错误11)Label Propagation - 标签传播12)Unlabeled Data - 无标签数据13)Labeled Data - 有标签数据14)Semi-supervised Learning - 半监督学习15)Active Learning - 主动学习16)Weakly Supervised Learning - 弱监督学习17)Noisy Label Learning - 噪声标签学习18)Self-training - 自训练19)Crowdsourcing Labeling - 众包标注20)Label Smoothing - 标签平滑化•Prediction - 预测1)Prediction - 预测2)Forecasting - 预测3)Regression - 回归4)Classification - 分类5)Time Series Prediction - 时间序列预测6)Forecast Accuracy - 预测准确性7)Predictive Modeling - 预测建模8)Predictive Analytics - 预测分析9)Forecasting Method - 预测方法10)Predictive Performance - 预测性能11)Predictive Power - 预测能力12)Prediction Error - 预测误差13)Prediction Interval - 预测区间14)Prediction Model - 预测模型15)Predictive Uncertainty - 预测不确定性16)Forecast Horizon - 预测时间跨度17)Predictive Maintenance - 预测性维护18)Predictive Policing - 预测式警务19)Predictive Healthcare - 预测性医疗20)Predictive Maintenance - 预测性维护•Classification - 分类1)Classification - 分类2)Classifier - 分类器3)Class - 类别4)Classify - 对数据进行分类5)Class Label - 类别标签6)Binary Classification - 二元分类7)Multiclass Classification - 多类分类8)Class Probability - 类别概率9)Decision Boundary - 决策边界10)Decision Tree - 决策树11)Support Vector Machine (SVM) - 支持向量机12)K-Nearest Neighbors (KNN) - K最近邻算法13)Naive Bayes - 朴素贝叶斯14)Logistic Regression - 逻辑回归15)Random Forest - 随机森林16)Neural Network - 神经网络17)SoftMax Function - SoftMax函数18)One-vs-All (One-vs-Rest) - 一对多(一对剩余)19)Ensemble Learning - 集成学习20)Confusion Matrix - 混淆矩阵•Regression - 回归1)Regression Analysis - 回归分析2)Linear Regression - 线性回归3)Multiple Regression - 多元回归4)Polynomial Regression - 多项式回归5)Logistic Regression - 逻辑回归6)Ridge Regression - 岭回归7)Lasso Regression - Lasso回归8)Elastic Net Regression - 弹性网络回归9)Regression Coefficients - 回归系数10)Residuals - 残差11)Ordinary Least Squares (OLS) - 普通最小二乘法12)Ridge Regression Coefficient - 岭回归系数13)Lasso Regression Coefficient - Lasso回归系数14)Elastic Net Regression Coefficient - 弹性网络回归系数15)Regression Line - 回归线16)Prediction Error - 预测误差17)Regression Model - 回归模型18)Nonlinear Regression - 非线性回归19)Generalized Linear Models (GLM) - 广义线性模型20)Coefficient of Determination (R-squared) - 决定系数21)F-test - F检验22)Homoscedasticity - 同方差性23)Heteroscedasticity - 异方差性24)Autocorrelation - 自相关25)Multicollinearity - 多重共线性26)Outliers - 异常值27)Cross-validation - 交叉验证28)Feature Selection - 特征选择29)Feature Engineering - 特征工程30)Regularization - 正则化2.Neural Networks and Deep Learning (神经网络与深度学习)•Convolutional Neural Network (CNN) - 卷积神经网络1)Convolutional Neural Network (CNN) - 卷积神经网络2)Convolution Layer - 卷积层3)Feature Map - 特征图4)Convolution Operation - 卷积操作5)Stride - 步幅6)Padding - 填充7)Pooling Layer - 池化层8)Max Pooling - 最大池化9)Average Pooling - 平均池化10)Fully Connected Layer - 全连接层11)Activation Function - 激活函数12)Rectified Linear Unit (ReLU) - 线性修正单元13)Dropout - 随机失活14)Batch Normalization - 批量归一化15)Transfer Learning - 迁移学习16)Fine-Tuning - 微调17)Image Classification - 图像分类18)Object Detection - 物体检测19)Semantic Segmentation - 语义分割20)Instance Segmentation - 实例分割21)Generative Adversarial Network (GAN) - 生成对抗网络22)Image Generation - 图像生成23)Style Transfer - 风格迁移24)Convolutional Autoencoder - 卷积自编码器25)Recurrent Neural Network (RNN) - 循环神经网络•Recurrent Neural Network (RNN) - 循环神经网络1)Recurrent Neural Network (RNN) - 循环神经网络2)Long Short-Term Memory (LSTM) - 长短期记忆网络3)Gated Recurrent Unit (GRU) - 门控循环单元4)Sequence Modeling - 序列建模5)Time Series Prediction - 时间序列预测6)Natural Language Processing (NLP) - 自然语言处理7)Text Generation - 文本生成8)Sentiment Analysis - 情感分析9)Named Entity Recognition (NER) - 命名实体识别10)Part-of-Speech Tagging (POS Tagging) - 词性标注11)Sequence-to-Sequence (Seq2Seq) - 序列到序列12)Attention Mechanism - 注意力机制13)Encoder-Decoder Architecture - 编码器-解码器架构14)Bidirectional RNN - 双向循环神经网络15)Teacher Forcing - 强制教师法16)Backpropagation Through Time (BPTT) - 通过时间的反向传播17)Vanishing Gradient Problem - 梯度消失问题18)Exploding Gradient Problem - 梯度爆炸问题19)Language Modeling - 语言建模20)Speech Recognition - 语音识别•Long Short-Term Memory (LSTM) - 长短期记忆网络1)Long Short-Term Memory (LSTM) - 长短期记忆网络2)Cell State - 细胞状态3)Hidden State - 隐藏状态4)Forget Gate - 遗忘门5)Input Gate - 输入门6)Output Gate - 输出门7)Peephole Connections - 窥视孔连接8)Gated Recurrent Unit (GRU) - 门控循环单元9)Vanishing Gradient Problem - 梯度消失问题10)Exploding Gradient Problem - 梯度爆炸问题11)Sequence Modeling - 序列建模12)Time Series Prediction - 时间序列预测13)Natural Language Processing (NLP) - 自然语言处理14)Text Generation - 文本生成15)Sentiment Analysis - 情感分析16)Named Entity Recognition (NER) - 命名实体识别17)Part-of-Speech Tagging (POS Tagging) - 词性标注18)Attention Mechanism - 注意力机制19)Encoder-Decoder Architecture - 编码器-解码器架构20)Bidirectional LSTM - 双向长短期记忆网络•Attention Mechanism - 注意力机制1)Attention Mechanism - 注意力机制2)Self-Attention - 自注意力3)Multi-Head Attention - 多头注意力4)Transformer - 变换器5)Query - 查询6)Key - 键7)Value - 值8)Query-Value Attention - 查询-值注意力9)Dot-Product Attention - 点积注意力10)Scaled Dot-Product Attention - 缩放点积注意力11)Additive Attention - 加性注意力12)Context Vector - 上下文向量13)Attention Score - 注意力分数14)SoftMax Function - SoftMax函数15)Attention Weight - 注意力权重16)Global Attention - 全局注意力17)Local Attention - 局部注意力18)Positional Encoding - 位置编码19)Encoder-Decoder Attention - 编码器-解码器注意力20)Cross-Modal Attention - 跨模态注意力•Generative Adversarial Network (GAN) - 生成对抗网络1)Generative Adversarial Network (GAN) - 生成对抗网络2)Generator - 生成器3)Discriminator - 判别器4)Adversarial Training - 对抗训练5)Minimax Game - 极小极大博弈6)Nash Equilibrium - 纳什均衡7)Mode Collapse - 模式崩溃8)Training Stability - 训练稳定性9)Loss Function - 损失函数10)Discriminative Loss - 判别损失11)Generative Loss - 生成损失12)Wasserstein GAN (WGAN) - Wasserstein GAN(WGAN)13)Deep Convolutional GAN (DCGAN) - 深度卷积生成对抗网络(DCGAN)14)Conditional GAN (c GAN) - 条件生成对抗网络(c GAN)15)Style GAN - 风格生成对抗网络16)Cycle GAN - 循环生成对抗网络17)Progressive Growing GAN (PGGAN) - 渐进式增长生成对抗网络(PGGAN)18)Self-Attention GAN (SAGAN) - 自注意力生成对抗网络(SAGAN)19)Big GAN - 大规模生成对抗网络20)Adversarial Examples - 对抗样本•Encoder-Decoder - 编码器-解码器1)Encoder-Decoder Architecture - 编码器-解码器架构2)Encoder - 编码器3)Decoder - 解码器4)Sequence-to-Sequence Model (Seq2Seq) - 序列到序列模型5)State Vector - 状态向量6)Context Vector - 上下文向量7)Hidden State - 隐藏状态8)Attention Mechanism - 注意力机制9)Teacher Forcing - 强制教师法10)Beam Search - 束搜索11)Recurrent Neural Network (RNN) - 循环神经网络12)Long Short-Term Memory (LSTM) - 长短期记忆网络13)Gated Recurrent Unit (GRU) - 门控循环单元14)Bidirectional Encoder - 双向编码器15)Greedy Decoding - 贪婪解码16)Masking - 遮盖17)Dropout - 随机失活18)Embedding Layer - 嵌入层19)Cross-Entropy Loss - 交叉熵损失20)Tokenization - 令牌化•Transfer Learning - 迁移学习1)Transfer Learning - 迁移学习2)Source Domain - 源领域3)Target Domain - 目标领域4)Fine-Tuning - 微调5)Domain Adaptation - 领域自适应6)Pre-Trained Model - 预训练模型7)Feature Extraction - 特征提取8)Knowledge Transfer - 知识迁移9)Unsupervised Domain Adaptation - 无监督领域自适应10)Semi-Supervised Domain Adaptation - 半监督领域自适应11)Multi-Task Learning - 多任务学习12)Data Augmentation - 数据增强13)Task Transfer - 任务迁移14)Model Agnostic Meta-Learning (MAML) - 与模型无关的元学习(MAML)15)One-Shot Learning - 单样本学习16)Zero-Shot Learning - 零样本学习17)Few-Shot Learning - 少样本学习18)Knowledge Distillation - 知识蒸馏19)Representation Learning - 表征学习20)Adversarial Transfer Learning - 对抗迁移学习•Pre-trained Models - 预训练模型1)Pre-trained Model - 预训练模型2)Transfer Learning - 迁移学习3)Fine-Tuning - 微调4)Knowledge Transfer - 知识迁移5)Domain Adaptation - 领域自适应6)Feature Extraction - 特征提取7)Representation Learning - 表征学习8)Language Model - 语言模型9)Bidirectional Encoder Representations from Transformers (BERT) - 双向编码器结构转换器10)Generative Pre-trained Transformer (GPT) - 生成式预训练转换器11)Transformer-based Models - 基于转换器的模型12)Masked Language Model (MLM) - 掩蔽语言模型13)Cloze Task - 填空任务14)Tokenization - 令牌化15)Word Embeddings - 词嵌入16)Sentence Embeddings - 句子嵌入17)Contextual Embeddings - 上下文嵌入18)Self-Supervised Learning - 自监督学习19)Large-Scale Pre-trained Models - 大规模预训练模型•Loss Function - 损失函数1)Loss Function - 损失函数2)Mean Squared Error (MSE) - 均方误差3)Mean Absolute Error (MAE) - 平均绝对误差4)Cross-Entropy Loss - 交叉熵损失5)Binary Cross-Entropy Loss - 二元交叉熵损失6)Categorical Cross-Entropy Loss - 分类交叉熵损失7)Hinge Loss - 合页损失8)Huber Loss - Huber损失9)Wasserstein Distance - Wasserstein距离10)Triplet Loss - 三元组损失11)Contrastive Loss - 对比损失12)Dice Loss - Dice损失13)Focal Loss - 焦点损失14)GAN Loss - GAN损失15)Adversarial Loss - 对抗损失16)L1 Loss - L1损失17)L2 Loss - L2损失18)Huber Loss - Huber损失19)Quantile Loss - 分位数损失•Activation Function - 激活函数1)Activation Function - 激活函数2)Sigmoid Function - Sigmoid函数3)Hyperbolic Tangent Function (Tanh) - 双曲正切函数4)Rectified Linear Unit (Re LU) - 矩形线性单元5)Parametric Re LU (P Re LU) - 参数化Re LU6)Exponential Linear Unit (ELU) - 指数线性单元7)Swish Function - Swish函数8)Softplus Function - Soft plus函数9)Softmax Function - SoftMax函数10)Hard Tanh Function - 硬双曲正切函数11)Softsign Function - Softsign函数12)GELU (Gaussian Error Linear Unit) - GELU(高斯误差线性单元)13)Mish Function - Mish函数14)CELU (Continuous Exponential Linear Unit) - CELU(连续指数线性单元)15)Bent Identity Function - 弯曲恒等函数16)Gaussian Error Linear Units (GELUs) - 高斯误差线性单元17)Adaptive Piecewise Linear (APL) - 自适应分段线性函数18)Radial Basis Function (RBF) - 径向基函数•Backpropagation - 反向传播1)Backpropagation - 反向传播2)Gradient Descent - 梯度下降3)Partial Derivative - 偏导数4)Chain Rule - 链式法则5)Forward Pass - 前向传播6)Backward Pass - 反向传播7)Computational Graph - 计算图8)Neural Network - 神经网络9)Loss Function - 损失函数10)Gradient Calculation - 梯度计算11)Weight Update - 权重更新12)Activation Function - 激活函数13)Optimizer - 优化器14)Learning Rate - 学习率15)Mini-Batch Gradient Descent - 小批量梯度下降16)Stochastic Gradient Descent (SGD) - 随机梯度下降17)Batch Gradient Descent - 批量梯度下降18)Momentum - 动量19)Adam Optimizer - Adam优化器20)Learning Rate Decay - 学习率衰减•Gradient Descent - 梯度下降1)Gradient Descent - 梯度下降2)Stochastic Gradient Descent (SGD) - 随机梯度下降3)Mini-Batch Gradient Descent - 小批量梯度下降4)Batch Gradient Descent - 批量梯度下降5)Learning Rate - 学习率6)Momentum - 动量7)Adaptive Moment Estimation (Adam) - 自适应矩估计8)RMSprop - 均方根传播9)Learning Rate Schedule - 学习率调度10)Convergence - 收敛11)Divergence - 发散12)Adagrad - 自适应学习速率方法13)Adadelta - 自适应增量学习率方法14)Adamax - 自适应矩估计的扩展版本15)Nadam - Nesterov Accelerated Adaptive Moment Estimation16)Learning Rate Decay - 学习率衰减17)Step Size - 步长18)Conjugate Gradient Descent - 共轭梯度下降19)Line Search - 线搜索20)Newton's Method - 牛顿法•Learning Rate - 学习率1)Learning Rate - 学习率2)Adaptive Learning Rate - 自适应学习率3)Learning Rate Decay - 学习率衰减4)Initial Learning Rate - 初始学习率5)Step Size - 步长6)Momentum - 动量7)Exponential Decay - 指数衰减8)Annealing - 退火9)Cyclical Learning Rate - 循环学习率10)Learning Rate Schedule - 学习率调度11)Warm-up - 预热12)Learning Rate Policy - 学习率策略13)Learning Rate Annealing - 学习率退火14)Cosine Annealing - 余弦退火15)Gradient Clipping - 梯度裁剪16)Adapting Learning Rate - 适应学习率17)Learning Rate Multiplier - 学习率倍增器18)Learning Rate Reduction - 学习率降低19)Learning Rate Update - 学习率更新20)Scheduled Learning Rate - 定期学习率•Batch Size - 批量大小1)Batch Size - 批量大小2)Mini-Batch - 小批量3)Batch Gradient Descent - 批量梯度下降4)Stochastic Gradient Descent (SGD) - 随机梯度下降5)Mini-Batch Gradient Descent - 小批量梯度下降6)Online Learning - 在线学习7)Full-Batch - 全批量8)Data Batch - 数据批次9)Training Batch - 训练批次10)Batch Normalization - 批量归一化11)Batch-wise Optimization - 批量优化12)Batch Processing - 批量处理13)Batch Sampling - 批量采样14)Adaptive Batch Size - 自适应批量大小15)Batch Splitting - 批量分割16)Dynamic Batch Size - 动态批量大小17)Fixed Batch Size - 固定批量大小18)Batch-wise Inference - 批量推理19)Batch-wise Training - 批量训练20)Batch Shuffling - 批量洗牌•Epoch - 训练周期1)Training Epoch - 训练周期2)Epoch Size - 周期大小3)Early Stopping - 提前停止4)Validation Set - 验证集5)Training Set - 训练集6)Test Set - 测试集7)Overfitting - 过拟合8)Underfitting - 欠拟合9)Model Evaluation - 模型评估10)Model Selection - 模型选择11)Hyperparameter Tuning - 超参数调优12)Cross-Validation - 交叉验证13)K-fold Cross-Validation - K折交叉验证14)Stratified Cross-Validation - 分层交叉验证15)Leave-One-Out Cross-Validation (LOOCV) - 留一法交叉验证16)Grid Search - 网格搜索17)Random Search - 随机搜索18)Model Complexity - 模型复杂度19)Learning Curve - 学习曲线20)Convergence - 收敛3.Machine Learning Techniques and Algorithms (机器学习技术与算法)•Decision Tree - 决策树1)Decision Tree - 决策树2)Node - 节点3)Root Node - 根节点4)Leaf Node - 叶节点5)Internal Node - 内部节点6)Splitting Criterion - 分裂准则7)Gini Impurity - 基尼不纯度8)Entropy - 熵9)Information Gain - 信息增益10)Gain Ratio - 增益率11)Pruning - 剪枝12)Recursive Partitioning - 递归分割13)CART (Classification and Regression Trees) - 分类回归树14)ID3 (Iterative Dichotomiser 3) - 迭代二叉树315)C4.5 (successor of ID3) - C4.5(ID3的后继者)16)C5.0 (successor of C4.5) - C5.0(C4.5的后继者)17)Split Point - 分裂点18)Decision Boundary - 决策边界19)Pruned Tree - 剪枝后的树20)Decision Tree Ensemble - 决策树集成•Random Forest - 随机森林1)Random Forest - 随机森林2)Ensemble Learning - 集成学习3)Bootstrap Sampling - 自助采样4)Bagging (Bootstrap Aggregating) - 装袋法5)Out-of-Bag (OOB) Error - 袋外误差6)Feature Subset - 特征子集7)Decision Tree - 决策树8)Base Estimator - 基础估计器9)Tree Depth - 树深度10)Randomization - 随机化11)Majority Voting - 多数投票12)Feature Importance - 特征重要性13)OOB Score - 袋外得分14)Forest Size - 森林大小15)Max Features - 最大特征数16)Min Samples Split - 最小分裂样本数17)Min Samples Leaf - 最小叶节点样本数18)Gini Impurity - 基尼不纯度19)Entropy - 熵20)Variable Importance - 变量重要性•Support Vector Machine (SVM) - 支持向量机1)Support Vector Machine (SVM) - 支持向量机2)Hyperplane - 超平面3)Kernel Trick - 核技巧4)Kernel Function - 核函数5)Margin - 间隔6)Support Vectors - 支持向量7)Decision Boundary - 决策边界8)Maximum Margin Classifier - 最大间隔分类器9)Soft Margin Classifier - 软间隔分类器10) C Parameter - C参数11)Radial Basis Function (RBF) Kernel - 径向基函数核12)Polynomial Kernel - 多项式核13)Linear Kernel - 线性核14)Quadratic Kernel - 二次核15)Gaussian Kernel - 高斯核16)Regularization - 正则化17)Dual Problem - 对偶问题18)Primal Problem - 原始问题19)Kernelized SVM - 核化支持向量机20)Multiclass SVM - 多类支持向量机•K-Nearest Neighbors (KNN) - K-最近邻1)K-Nearest Neighbors (KNN) - K-最近邻2)Nearest Neighbor - 最近邻3)Distance Metric - 距离度量4)Euclidean Distance - 欧氏距离5)Manhattan Distance - 曼哈顿距离6)Minkowski Distance - 闵可夫斯基距离7)Cosine Similarity - 余弦相似度8)K Value - K值9)Majority Voting - 多数投票10)Weighted KNN - 加权KNN11)Radius Neighbors - 半径邻居12)Ball Tree - 球树13)KD Tree - KD树14)Locality-Sensitive Hashing (LSH) - 局部敏感哈希15)Curse of Dimensionality - 维度灾难16)Class Label - 类标签17)Training Set - 训练集18)Test Set - 测试集19)Validation Set - 验证集20)Cross-Validation - 交叉验证•Naive Bayes - 朴素贝叶斯1)Naive Bayes - 朴素贝叶斯2)Bayes' Theorem - 贝叶斯定理3)Prior Probability - 先验概率4)Posterior Probability - 后验概率5)Likelihood - 似然6)Class Conditional Probability - 类条件概率7)Feature Independence Assumption - 特征独立假设8)Multinomial Naive Bayes - 多项式朴素贝叶斯9)Gaussian Naive Bayes - 高斯朴素贝叶斯10)Bernoulli Naive Bayes - 伯努利朴素贝叶斯11)Laplace Smoothing - 拉普拉斯平滑12)Add-One Smoothing - 加一平滑13)Maximum A Posteriori (MAP) - 最大后验概率14)Maximum Likelihood Estimation (MLE) - 最大似然估计15)Classification - 分类16)Feature Vectors - 特征向量17)Training Set - 训练集18)Test Set - 测试集19)Class Label - 类标签20)Confusion Matrix - 混淆矩阵•Clustering - 聚类1)Clustering - 聚类2)Centroid - 质心3)Cluster Analysis - 聚类分析4)Partitioning Clustering - 划分式聚类5)Hierarchical Clustering - 层次聚类6)Density-Based Clustering - 基于密度的聚类7)K-Means Clustering - K均值聚类8)K-Medoids Clustering - K中心点聚类9)DBSCAN (Density-Based Spatial Clustering of Applications with Noise) - 基于密度的空间聚类算法10)Agglomerative Clustering - 聚合式聚类11)Dendrogram - 系统树图12)Silhouette Score - 轮廓系数13)Elbow Method - 肘部法则14)Clustering Validation - 聚类验证15)Intra-cluster Distance - 类内距离16)Inter-cluster Distance - 类间距离17)Cluster Cohesion - 类内连贯性18)Cluster Separation - 类间分离度19)Cluster Assignment - 聚类分配20)Cluster Label - 聚类标签•K-Means - K-均值1)K-Means - K-均值2)Centroid - 质心3)Cluster - 聚类4)Cluster Center - 聚类中心5)Cluster Assignment - 聚类分配6)Cluster Analysis - 聚类分析7)K Value - K值8)Elbow Method - 肘部法则9)Inertia - 惯性10)Silhouette Score - 轮廓系数11)Convergence - 收敛12)Initialization - 初始化13)Euclidean Distance - 欧氏距离14)Manhattan Distance - 曼哈顿距离15)Distance Metric - 距离度量16)Cluster Radius - 聚类半径17)Within-Cluster Variation - 类内变异18)Cluster Quality - 聚类质量19)Clustering Algorithm - 聚类算法20)Clustering Validation - 聚类验证•Dimensionality Reduction - 降维1)Dimensionality Reduction - 降维2)Feature Extraction - 特征提取3)Feature Selection - 特征选择4)Principal Component Analysis (PCA) - 主成分分析5)Singular Value Decomposition (SVD) - 奇异值分解6)Linear Discriminant Analysis (LDA) - 线性判别分析7)t-Distributed Stochastic Neighbor Embedding (t-SNE) - t-分布随机邻域嵌入8)Autoencoder - 自编码器9)Manifold Learning - 流形学习10)Locally Linear Embedding (LLE) - 局部线性嵌入11)Isomap - 等度量映射12)Uniform Manifold Approximation and Projection (UMAP) - 均匀流形逼近与投影13)Kernel PCA - 核主成分分析14)Non-negative Matrix Factorization (NMF) - 非负矩阵分解15)Independent Component Analysis (ICA) - 独立成分分析16)Variational Autoencoder (VAE) - 变分自编码器17)Sparse Coding - 稀疏编码18)Random Projection - 随机投影19)Neighborhood Preserving Embedding (NPE) - 保持邻域结构的嵌入20)Curvilinear Component Analysis (CCA) - 曲线成分分析•Principal Component Analysis (PCA) - 主成分分析1)Principal Component Analysis (PCA) - 主成分分析2)Eigenvector - 特征向量3)Eigenvalue - 特征值4)Covariance Matrix - 协方差矩阵。
Freescale MC13213 ZigBee 解决方案
Freescale MC13213 ZigBee 解决方案关键词:无线通信,无线宽带,ZigBee,摘要:Freescale 的MC1321x 系列是第二代ZigBee 平台,在9x9x1mm 71 引脚LGA 封装中集成了低功耗低功耗的2.4GHz RF 收发器收发器和8 位微控制器微控制器.MC13213 器件具有60KB 的闪存.MC1321x 解决方案能在简单的点对点连接到完整的ZigBee 网状网络中用作无线连接.小占位面积封装中的无线电收发器和微控制器的组合使它成为成本效益的解决方案.MC1321x 中的RF 收发器工作在2.4GHz ISM 频段,和802.15.4 标准兼容.收发器包括低噪音放大器,1mW 输出功率,带VCO 的功率放大器(PA),集成的发送/接收开关,板内的电源稳压器以及完全的扩展频谱的编码和译码. MC1321x 中的微控制器是基于HCS08 系列微控制器单元(MCU),HCS08 A 版本,高达60KB 的闪存和4KB 的RAM.Freescale 的MC1321x 系列是第二代ZigBee 平台,在9x9x1mm 71 引脚LGA 封装中集成了低功耗的2.4GHz RF 收发器和8 位微控制器.MC13213 器件具有60KB 的闪存.MC1321x解决方案能在简单的点对点连接到完整的ZigBee 网状网络中用作无线连接.小占位面积封装中的无线电收发器和微控制器的组合使它成为成本效益的解决方案.MC1321x 中的RF 收发器工作在 2.4GHz ISM 频段,和802.15.4 标准兼容.收发器包括低噪音放大器低噪音放大器,1mW输出功率,带VCO的功率放大器(PA),集成的发送/接收开关,板内的电源稳压器电源稳压器以及完全的扩展频谱的编码和译码. MC1321x 中的微控制器是基于HCS08 系列微控制器单元(MCU),HCS08 A版本,高达60KB 的闪存和4KB 的RAM.本文介绍了MC13213 的主要性能,以及MC1321x与其中的MCU,RF Modem 的方框图.此外,还提供了两种评估板的电路图.Freescale MC13213: 2.4GHz RF transceiver and 8-bit MCU with 60K of Flash for ZigBeeapplicationsThe MC1321x family is Freescale’s second-generation ZigBee platform whichincorporates a low power 2.4GHz radio frequency transceiver and an 8-bitmicrocontroller into a single 9x9x1 mm 71-pin LGA package. The MC1321x solutioncan be used for wireless applications from simple proprietary point-to-pointconnectivity to a complete ZigBee mesh network. The combination of the radio and amicrocontroller in a small footprint package allows for a cost-effective solution.The MC1321x contains an RF transceiver which is an 802.15.4 Standard compliantradio that operates in the 2.4 GHz ISM frequency band. The transceiver includes alow noise amplifier, 1mW nominal output power, PA with internal voltage controlledoscillator (VCO), integrated transmit/receive switch, on-board power supplyregulation, and full spread-spectrum encoding and decoding.Figure 1. MC1321x 系统级方框图The MC1321x also contains a microcontroller based on the HCS08 Family ofMicrocontroller Units (MCU), specifically the HCS08 Version A, and can provide upto 60KB of flash memory and 4KB of RAM. The onboard MCU allows thecommunications stack and also the application to reside on the samesystem-in-package (SIP). The MC1321x family is organized as follows:. The MC13211 has 16KB of flash and 1KB of RAM and is an ideal solution for lowcost, proprietary applications that require wireless point-to-point or star networkconnectivity. The MC13211 combined with the Freescale Simple MAC (SMAC)provides the foundation for proprietary applications by supplying the necessary sourcecode and application examples to get users started on implementing wirelessconnectivity.. The MC13212 contains 32K of flash and 2KB of RAMand is intended for use withthe Freescale fully compliant 802.15.4 MAC. Custom networks based on the 802.15.4Standard MAC can be implemented to fit user needs. The 802.15.4 Standard supportsstar, mesh and cluster tree topologies as well as beaconed networks.. The MC13213 contains 60K of flash and 4KB of RAM and is also intended for usewith the Freescale fully compliant 802.15.4 MAC where larger memory is required.In addition, this device can support ZigBee 2006 applications that use Freescale’sBeeStack.应用范围:Applications include, but are not limited to, the following:. Residential and commercial automation—Lighting control—Security—Access control— Heating, ventilation, air-conditioning (HVAC)— Automated meter reading (AMR). Industrial Control—Asset tracking and monitoring—Homeland security—Process management—Environmental monitoring and control—HVAC—Automated meter reading. Health Care—Patient monitoring—Fitness monitoring. Consumer— Human interface devices (keyboard, mice, etc.)— Remote control—Wireless toys通用平台特性:. 802.15.4 Standard compliant on-chip transceiver/modem— 2.4GHz—16 selectable channels—Programmable output power. Multiple power saving modes. 2V to 3.4V operating voltage with on-chip voltage regulators. -40°C to +85°C temperature range.Low external component count. Supports single 16 MHz crystal clock source operation or dual crystal operation. Support for SMAC, 802.15.4 Standard, and ZigBee software. 9mm x 9mm x 1mm 71-pin LGA微控制器特性:. Low voltage MCU with 40 MHz low power HCS08 CPU core. Up to 60K flash memory with block protection and security and 4K RAM—MC13211: 16KB Flash, 1KB RAM— MC13212: 32KB Flash, 2KB RAM— MC13213: 60KB Flash, 4KB RAM. Low power modes (Wait plus Stop2 and Stop3 modes). Dedicated serial peripheral interface (SPI) connected internally to 802.15.4 modem. One 4-channel and one 1-channel 16-bit timer/pulse width modulator (TPM) modulewith selectable input capture, output capture, and PWM capability.. 8-bit port keyboard interrupt (KBI). 8-channel 8-10-bit ADC. Two independent serial communication interfaces (SCI). Multiple clock source options—Internal clock generator (ICG) with 243 kHz oscillator that has +/-0.2% trimmingresolution and +/-0.5% deviation across voltage.—Startup oscillator of approximately 8 MHz—External crystal or resonator—External source from modem clock for very high accuracy source or systemlow-cost option. Inter-integrated circuit (IIC) interface.. In-circuit debug and flash programming available via on-chip background debugmodule (BDM)—Two comparator and 9 trigger modes—Eight deep FIFO for storing change-of-flow addresses and event-only data— Tag and force breakpoints— In-circuit debugging with single breakpoint. System protection features—Programmable low voltage interrupt (LVI)—Optional watchdog timer (COP)—Illegal opcode detection. Up to 32 MCU GPIO with programmable pullupsRF调制解调器特性:. Fully compliant 802.15.4 Standard transceiver supports 250 kbps O-QPSK data in5.0 MHz channels and full spread-spectrum encode and decode. Operates on one of 16 selectable channels in the 2.4 GHz ISM band. -1 dBm to 0 dBm nominal output power, programmable from -27 dBm to +3 dBmtypical. Receive sensitivity ofthan the 802.15.4 Standard of -85 dBm. Integrated transmit/receive switch. Dual PA ouput pairs which can be programmed for full differential single-port ordual-port operation that supports an external LNA and/or PA.. Three low power modes for increased battery life. Programmable frequency clock output for use by MCU. Onboard trim capability for 16 MHz crystal reference oscillator eliminates need forexternal variable capacitors and allows for automated production frequencycalibration. Four internal timer comparators available to supplement MCU timer resources. Supports both packet data mode and streaming data mode. Seven GPIO to supplement MCU GPIOMC13213 802.15.4标准调制解调器方框图软件特性:Freescale provides a wide range of software functionality to complement the MC1321xhardware. There are three levels of application solutions:Simple MACSmall memory footprint (Supports point-to-point and star network configurationsANSI C source code IEEE 802.15.4 compliant MACSupports star, mesh and cluster tree topologiesSupports beaconed and non-beaconed networksSupports guaranteed time slots (GTS) for predicable latency128-bit Asymmetric Encryption Standard (AES)Object Code BeeStack ZigBee Protocol StackZigBee 2006 Complian PlatformObject Code下面是13213-NCB 网络协调板的外形图和电路图:13213-NCB 电路图(2 of 2)下面是13213-SRB 传感器参考板外形图和电路图:13213-SRB 电路图。
强对流天气中多普勒天气雷达和闪电定位资料的应用分析
强对流天气中多普勒天气雷达和闪电定位资料的应用分析摘要利用近30年观测资料统计分析安徽强对流天气的气候分布特征。
分析多普勒天气雷达和闪电定位资料在安徽强对流天气中的应用。
最后介绍了目前较为先进的NCAR自动临近预报系统中区域追踪技术(CTREC)和雷暴识别、跟踪、分析和临近预报技术(TITAN)以及这二种技术的应用能力。
主要结果和创新点如下:1 安徽省雷暴、雷雨大风、冰雹的气候时空分布特征:安徽的雷暴分布在地理位置上呈现出随纬度增加雷暴减少和山区多平原少的特征,说明雷暴与纬度、地形这二个因素有关。
在季节上表现为冬季少,夏季多,7月是一年中雷暴最多的月份,但气温仍较高的9月其雷暴迅速减少,减到与3月相近,说明雷暴的产生和地面气温有关,但地面气温只是其中的一个影响因素,更多的影响因子是一个值得研究的问题。
雷雨大风和冰雹易出现在山区(皖南山区和大别山区)和沿淮东部。
雷雨大风主要出现在4~8月, 7月最多,其次是8月。
冰雹主要出现在3~8月, 3月最多,其次是5月,虽然7月最易出现雷暴,但冰雹不是最多,主要原因可能是0℃层太高,既不利于冰雹的形成,也使冰雹在下落过程中容易融化掉。
2 多普勒天气雷达在2002年8月24日飑线过程的分析应用结果:(1)多普勒雷达上飑线回波呈现弓形,伴有雷暴出流边界。
飑线前沿与强回波相对应处有辐合或伴有中气旋。
(2)飑线中的雷暴群其垂直结构基本是一致的,呈现前倾结构。
(3)边界层辐合线对飑线中的雷暴新生和演变有较好的指示性。
首先边界层辐合线与雷暴之间距离的变化一定程度上可以预示未来雷暴强弱的变化:边界层辐合线快速远离雷暴时,雷暴将迅速减弱;距离变化不大时,雷暴一般也基本维持原来的强度。
其次边界层辐合线相交处易新生雷暴或使移到此处的雷暴加强。
3 多普勒天气雷达和闪电定位资料分析2003年7月8日安徽无为龙卷表明:(1) 这次F3级龙卷在强度场上不同于经典结论,而类似于普通雷暴(雷达反射率因子35dBZ~50 dBZ,回波顶高6~9km,这一特征在雷暴的临近预报中值得警惕)。
基于局部信息熵的计算机网络高维数据离群点检测系统
现代电子技术Modern Electronics TechniqueMay 2024Vol. 47 No. 102024年5月15日第47卷第10期0 引 言计算机网络中,网络流量、用户行为、社交网络等数据呈现出高维度的特性[1],这些数据中可能隐藏着重要的信息和模式。
离群点是数据集中与其他数据点显著不同的观测值[2⁃4],也可能是异常事件、恶意行为或重要机会的指示器,因此,准确、高效地检测离群点对于网络安全、数据分析和决策支持等方面具有重要意义。
例DOI :10.16652/j.issn.1004⁃373x.2024.10.017引用格式:谭印,苏雯洁.基于局部信息熵的计算机网络高维数据离群点检测系统[J].现代电子技术,2024,47(10):91⁃95.基于局部信息熵的计算机网络高维数据离群点检测系统谭 印, 苏雯洁(桂林电子科技大学, 广西 北海 536000)摘 要: 通过离群点检测可以及时发现计算机网络中的异常,从而为风险预警和控制提供重要线索。
为此,设计一种基于局部信息熵的计算机网络高维数据离群点检测系统。
在高维数据采集模块中,利用Wireshark 工具采集计算机网络原始高维数据包;并在高维数据存储模块中建立MySQL 数据库、Zooleeper 数据库与Redis 数据库,用于存储采集的高维数据包。
在高维数据离群点检测模块中,通过微聚类划分算法划分存储的高维数据包,得到数个微聚类;然后计算各微聚类的局部信息熵,确定各微聚类内是否存在离群点;再依据偏离度挖掘微聚类内的离群点;最后,利用高维数据可视化模块呈现离群点检测结果。
实验证明:所设计系统不仅可以有效采集计算机网络高维数据并划分计算机网络高维数据,还能够有效检测高维数据离群点,且离群点检测效率较快。
关键词: 计算机网络; 高维数据; 离群点检测; 局部信息熵; Wireshark 工具; 微聚类划分中图分类号: TN919.1⁃34; TP391 文献标识码: A 文章编号: 1004⁃373X (2024)10⁃0091⁃05A computer network high⁃dimensional data outlier detection system based onlocal information entropyTAN Yin, SU Wenjie(Guilin University of Electronic Technology, Beihai 536000, China)Abstract : The anomalies in computer networks can be detected in a timely manner by means of outlier detection, so as to provide important clues for risk warning and control. On this basis, a computer network high⁃dimensional data outlier detection system based on local information entropy is designed. In the high⁃dimensional data collection module, Wireshark tool is used to collect raw high⁃dimensional data packets from computer networks. The high⁃dimensional data storage module is established by means of MySQL database, Zooleeper database, and Redis database to store the collected high⁃dimensional data packets. In thehigh ⁃dimensional data outlier detection module, the stored high ⁃dimensional data packets are divided by means of micro clustering partitioning algorithm to obtain several micro clusters. The local information entropy of each micro cluster is calculated to determine whether there are outliers within each micro cluster, and outliers within micro clustering are mined based on thedegree of deviation. The high⁃dimensional data visualization module is used to present outlier detection results. The experimental results show that the system can not only effectively collect high ⁃dimensional data from computer networks and partition them,but also effectively detect outliers in high⁃dimensional data, and the efficiency of outlier detection is fast.Keywords : computer network; high dimensional data; outlier detection; local information entropy; Wireshark tool;microclustering division收稿日期:2024⁃01⁃24 修回日期:2024⁃03⁃01基金项目:广西科技重点研发计划:基于区块链及大数据的跨境金融服务平台的研发与应用(2023AB01400)91现代电子技术2024年第47卷如,在网络安全领域,检测异常流量可以识别网络攻击和病毒传播;在用户行为分析中,检测异常行为有助于理解用户需求和市场趋势;在社交网络中,检测离群点可以发现关键人物和群体,为社交媒体分析和舆情监控提供支持。
常用计算机术语[中英文对照]
Aaccess control / 访问控制access control entry, ACE / 访问控制项account lockout / 帐户锁定ACE, access control entry / 访问控制项acknowledgment message / 应答消息ACPI (Advanced Configuration and Power Interface) / 高级配置和电源接口active / 活动active content / 活动内容Active DirectoryActive Directory Users and Computers / Active Directory 用户和计算机active partition / 活动分区active volume / 活动卷ActiveXAddress Resolution Protocol, ARP / 地址解析协议administration queue / 管理队列administrative alerts / 管理警报administrator / 管理员Advanced Configuration and Power Interface, ACPI / 高级配置和电源接口agent / 代理Alerter service / 警报器服务allocation unit size / 分配单元大小American Standard Code for Information Interchange, ASCII / 美国信息交换标准码AppleTalkAppleTalk Transport / AppleTalk 传输ARP, Address Resolution Protocol / 地址解析协议ASCII, American Standard Code for Information Interchange / 美国信息交换标准码Assistive Technology Program / 辅助技术程序asymmetric encryption / 非对称加密asynchronous communication / 异步通讯ATM asynchronous transfer mode / 异步传输模式attributes / 属性audit policy / 审核策略auditing / 审核authentication / 身份验证authoritative restore / 强制性还原authorization / 授权BB—channel / B—信道background program / 后台程序backup media pool / 备份媒体池backup operator / 备份操作员backup set / 备份集backup set catalog / 备份集分类backup types / 备份类型bandwidth / 带宽BAP, Bandwidth Allocation Protocol / 带宽分配协议base priority / 基本优先级basic disk / 基本磁盘basic input/output system, BIOS / 基本输入/输出系统basic volume / 基本卷batch program / 批处理程序baud rate / 波特率binary / 二进制binary digit, bit / 二进制数字,位bindery / 平构数据库BIOS, basic input/output system / 基本输入/输出系统bit, binary digit / 位,二进制数字bits per second, bps / 每秒位数boot / 启动boot files / 启动文件boot partition / 启动分区boot volume / 启动卷bps, bits per second / 每秒位数buffer / 缓冲区built—in groups / 内置组bus / 总线bytes received / 接收的字节数bytes transmitted / 传输的字节数CCA, certification authority / 证书颁发机构callback number / 回叫号码callback security / 回叫安全called subscriber ID (CSID) string / 被叫订户 ID (CSID)字符串CAPI (CryptoAPI)cartridge font / 字体盒字体catalog / 编录CDP, CRL Distribution Point / CRL 分发点certificate / 证书certificate revocation list, CRL / 证书吊销列表certificate store / 证书存储区certificate template / 证书模板certificate trust list, CTL / 证书信任列表certification authority, CA / 证书颁发机构certification hierarchy / 证书等级certification path / 证书路径channel / 信道CHAP, Challenge Handshake Authentication Protocol / 质询握手身份验证协议character mode / 字符方式child object / 子对象clear / 清除client / 客户client application / 客户应用程序Client Service for NetWare / NetWare 客户服务ClipBook Server / 剪贴簿服务器Cluster Administrator / 群集管理器Cluster Administrator extension / 群集管理器扩展Cluster service / 群集服务cluster size / 簇大小Cluster.exeCMYK color space / CMYK 颜色空间code page / 代码页codec / 编解码器color gamut / 色阶color management / 颜色管理color profile / 颜色配置文件color space / 颜色空间Command Prom pt window /“命令提示符"窗口common groups / 公用组communication port / 通讯端口communication settings / 通讯设置community name / 社团名Compression Control Protocol, CCP / 压缩控制协议computer account / 计算机帐户Computer Browser service / 计算机浏览器服务computer quota / 计算机配额connect / 连接connected, authenticating user / 已连接,正验证身份的用户connected, user authenticated / 已连接且身份已验证的用户connector application / 连接器应用程序connector queue / 连接器队列console tree / 控制台树container object / 容器对象copy backup / 副本备份CPU Time / CPU 时间CPU Usage / CPU 使用CRC errors / CRC 错误CRL, certificate revocation list / 证书吊销列表CRL Distribution Point, CDP / CRL 分发点CryptoAPI (CAPI)cryptographic service provider, CSP / 加密服务提供程序cryptography / 加密CSID (called subscriber ID) string / CSID(被叫订户 ID)字符串CSP, cryptographic service provider / 加密服务提供程序CTL, certificate trust list / 证书信任列表custom file type / 自定义文件类型DD-channel / D-信道DACL, discretionary access control list / 任意访问控制表daily backup / 每日备份Data Communications Equipment, DCE / 数据通讯设备Data Terminal Equipment, DTE / 数据终端设备data-overrun error / 数据溢出错误DCE, Data Communications Equipment / 数据通讯设备DDE, dynamic data exchange / 动态数据交换dead-letter queue / 死信队列debugger / 调试器default button / 默认按钮default network / 默认网络default printer / 默认打印机default tree and context / 默认树和上下文default user / 默认用户defragmentation / 碎片整理dependency / 从属关系dependent client / 从属客户descendent key / 派生项desktop / 桌面desktop pattern / 桌面方案destination document / 目标文档details pane / 详细信息窗格device / 设备device conflict / 设备冲突device driver / 设备驱动程序device fonts / 设备字体Device Manager / 设备管理器DHCP, Dynamic Host Configuration Protocol 动态主机配置协议DHCP option / DHCP 选项dial location / 拨号位置dial—up connection / 拨号连接differential backup / 差异备份digital signature / 数字签名Digital Signature Standard, DSS / 数字签名标准digital video disc, DVD / 数字化视频光盘direct cable connection / 直接电缆连接direct memory access, DMA / 直接内存访问directory partition / 目录分区disable / 禁用discretionary access control list, DACL / 任意访问控制表disk / 磁盘disk configuration information / 磁盘配置信息dismount / 卸除display adapter / 显示适配器DLL, dynamic-link library / 动态链接库DMA, direct memory access / 直接内存访问DNS, Domain Name System / 域名系统DNS server / DNS 服务器docking station / 插接站document / 文档domain / 域domain controller / 域控制器domain name / 域名Domain Name System, DNS / 域名系统domain namespace / 域名空间dots per inch, DPI / 每英寸点数downloadable fonts / 可下载字体drag / 拖动drive / 驱动器drive letter / 驱动器号drop folder / 拖动文件夹DSS, Digital Signature Standard / 数字签名标准DTE, Data Terminal Equipment / 数据终端设备dual boot / 双重启动duplex / 双工DVD, digital video disc / 数字化视频光盘DVD decoder / DVD 解码器DVD drive / DVD 驱动器DWORDdynamic data exchange, DDE / 动态数据交换dynamic disk / 动态磁盘Dynamic Host Configuration Protocol, DHCP / 动态主机配置协议dynamic volume / 动态卷dynamic—link library, DLL / 动态链接库EEAP, Extensible Authentication Protocol / 可扩展的身份验证协议EFS, encrypting file system / 加密文件系统embedded object / 内嵌对象emergency repair disk, ERD / 紧急修复磁盘enable / 启用encapsulated PostScript (EPS) file / 封装的 PostScript (EPS) 文件encrypted passwords / 加密的密码encrypting file system, EFS / 加密文件系统encryption / 加密enhanced small device interface, ESDI / 增强型小型设备接口environment variable / 环境变量EPS (encapsulated PostScript) file / EPS(封装的 PostScript)文件ERD, emergency repair disk / 紧急修复磁盘error detection / 错误检测event / 事件Event Log service / 事件日志服务event logging / 事件记录everyone category / everyone 的分类expanded memory / 扩充内存expansion slot / 扩展槽explicit permissions / 直接权限express message / 快递消息extended memory / 扩展内存extended partition / 扩展分区Extensible Authentication Protocol, EAP / 可扩展的身份验证协议external network number / 外部网络号Ffailback / 故障回复failed / 失败failover / 故障转移FAT, file allocation table / 文件分配表FAT32fault tolerance / 容错Fax Service / 传真服务FCB, file control block / 文件控制块Federal Information Processing Standard 140-1, FIPS 140-1 / 联邦信息处理标准 140-1 FEP, (front-end processor) / 前端处理器file allocation table, FAT / 文件分配表file control block, FCB / 文件控制块File Server for Macintosh / Macintosh 文件服务器file system / 文件系统file type / 文件类型filter / 筛选器FIPS 140—1, Federal Information Processing Standard 140-1 / 联邦信息处理标准 140-1font / 字体font cartridge / 字体盒foreground program / 前台程序foreign computer / 外部计算机form / 表单FORTEZZAfragmentation / 碎片frame type / 帧类型free media pool / 可用媒体池free space / 可用空间front-end processor, FEP / 前端处理器full—duplex / 全双工full name / 全名GGateway Service for NetWare / NetWare 网关服务GDI objects / GDI 对象global group / 全局组graphics mode / 图形模式group / 组group account / 组帐户group memberships / 组成员身份group name / 组名Group Policy / 组策略Group Policy object / 组策略对象guest / 来宾guest account / 来宾帐户Hhalf—duplex / 半双工handle count / 句柄数handshaking / 握手Hardware Compatibility List, HCL / 硬件兼容性列表hardware compression / 硬件压缩hardware configuration / 硬件配置hardware decoder / 硬件解码器hardware profile / 硬件配置文件hardware type / 硬件类型hash / 散列hash algorithm / 散列算法Hash-based Message Authentication Mode, HMAC / 基于散列的消息验证模式HCL, Hardware Compatibility List / 硬件兼容性列表hexadecimal / 十六进制histogram / 直方图hive / 配置单元HMAC, Hash—based Message Authentication Mode / 基于散列的消息验证模式home directory / 主目录host name / 主机名HTML, Hypertext Markup Language / 超文本标记语言hub / 网络集线器hubbed mode / 集线模式hue / 色调Hypertext Markup Language, HTML / 超文本标记语言II/O (input/output) port / I/O(输入/输出)端口ICMP, Internet Control Message Protocol / 网际消息控制协议IDE, integrated device electronics / 集成设备电路IEEE 1394Image Name / 映像名称IME, Input Method Editor / 输入法import media pool / 导入媒体池incremental backup / 增量备份independent client / 独立客户。
物联网中英文词汇对照表
英文缩写 XML FMCG FSK GID GCI GDD GDSN GLN GPC GR GSMP GTAG GTIN
HLS HIBCC HF
ID Code
ISO ISBN ISSN
4
中文翻译 可延伸式标记语言 法拉第笼 快速移转消费产品 定位图形 频移键控 GDSN 服务 基础编码方式 一般管理者代码 全球商务创建会 全球化数据字典 全球数据同步网络 全球位置码 全球产品分类系统 GS1 全球注册中心 全球标准管理程序 全球标准标签 全球交易品项识别代码 手持式读取器 杂凑锁 杂凑链 标头 健康医疗产业 美国制药团体事务管理 协会 高频 本地数据库 恶意编码传播 识别码 照相扫描枪 感应耦合 基础建设威胁 店内条形码 真确性 标准化国际组织 国际标准书号 国际标准期刊号
Auto-ID Lab
Auto-ID AIDC AIMUSA AIS AIAG
中文翻译 物联网 1 位询答器 矩阵式二维条形码 二维条形码扫描枪 堆栈式二维条形码 抽象数据模型层 动作威胁 主动式 主动式标签 可调适二元树 空中界面 美国国家标准协会 扩大器 幅移键控 天线 防碰撞 应用系列产品识别码 应用识别码 应用层事件标准 应用程序界面 应用系统 自动识别和行动技术协 会 关联威胁 Auto-ID 中心 Auto-ID 实验室 自动识别系统 自动识别 自动识别数据撷取 美国自动识别协会 自动识别系统 美国汽车工业行动集团 可用性 反向散射耦合
英文名称 Data Character Data Definition Layer Data Field Data Transfer Rate Decoder Defense Logistics Agency Denial of Service Domain Name Service Dot Double-Sideband Amplitude Shift Keying EAN International EAN.UCC EAN.UCC System EANCOM Eavesdropping Electromagnetic Backscatter Coupling Electronic Article Surveillance Electronic Bill of Rights Electronic Data Interchange Electronic Privacy Information Center Electronic Product Code Enterprise Resource Planning Entity and Economy TRON EPC Information Services EPCglobal EPCglobal C hina EPCglobal Network Erasure Correction Error Correction Error Correction Character Error Detection European Article Number
自动化专业词汇
(bypass)旁路(decoupling)去耦acceleration transducer 加速度传感器acceptance testing 验收测试accessibility 可及性accumulated error 累积误差AC-DC-AC frequency converter 交-直-交变频器AC (alternating current) electric drive 交流电子传动active attitude stabilization 主动姿态稳定actuator 驱动器,执行机构adaline 线性适应元adaptation layer 适应层adaptive telemeter system 适应遥测系统adjoint operator 伴随算子admissible error 容许误差aggregation matrix 集结矩阵AHP (analytic hierarchy process) 层次分析法amplifying element 放大环节analog-digital conversion 模数转换annunciator 信号器antenna pointing control 天线指向控制anti-integral windup 抗积分饱卷aperiodic decomposition 非周期分解a posteriori estimate 后验估计approximate reasoning 近似推理a priori estimate 先验估计articulated robot 关节型机器人assignment problem 配置问题,分配问题associative memory model 联想记忆模型associatron 联想机asymptotic stability 渐进稳定性attained pose drift 实际位姿漂移attitude acquisition 姿态捕获AOCS (attritude and orbit control system) 姿态轨道控制系统attitude angular velocity 姿态角速度attitude disturbance 姿态扰动attitude maneuver 姿态机动attractor 吸引子augment ability 可扩充性augmented system 增广系统automatic manual station 自动-手动操作器automaton 自动机autonomous system 自治系统backlash characteristics 间隙特性base coordinate system 基座坐标系Bayes classifier 贝叶斯分类器bearing alignment 方位对准bellows pressure gauge 波纹管压力表benefit-cost analysis 收益成本分析bilinear system 双线性系统biocybernetics 生物控制论biological feedback system 生物反馈系统black box testing approach 黑箱测试法blind search 盲目搜索block diagonalization 块对角化Boltzman machine 玻耳兹曼机bottom-up development 自下而上开发boundary value analysis 边界值分析brainstorming method 头脑风暴法breadth-first search 广度优先搜索butterfly valve 蝶阀CAE (computer aided engineering) 计算机辅助工程CAM (computer aided manufacturing) 计算机辅助制造Camflex valve 偏心旋转阀canonical state variable 规范化状态变量capacitive displacement transducer 电容式位移传感器capsule pressure gauge 膜盒压力表CARD 计算机辅助研究开发Cartesian robot 直角坐标型机器人cascade compensation 串联补偿catastrophe theory 突变论centrality 集中性chained aggregation 链式集结chaos 混沌characteristic locus 特征轨迹chemical propulsion 化学推进calrity 清晰性classical information pattern 经典信息模式classifier 分类器clinical control system 临床控制系统closed loop pole 闭环极点closed loop transfer function 闭环传递函数cluster analysis 聚类分析coarse-fine control 粗-精控制cobweb model 蛛网模型coefficient matrix 系数矩阵cognitive science 认知科学cognitron 认知机coherent system 单调关联系统combination decision 组合决策combinatorial explosion 组合爆炸combined pressure and vacuum gauge 压力真空表command pose 指令位姿companion matrix 相伴矩阵compartmental model 房室模型compatibility 相容性,兼容性compensating network 补偿网络compensation 补偿,矫正compliance 柔顺,顺应composite control 组合控制computable general equilibrium model 可计算一般均衡模型conditionally instability 条件不稳定性configuration 组态connectionism 连接机制connectivity 连接性conservative system 守恒系统consistency 一致性constraint condition 约束条件consumption function 消费函数context-free grammar 上下文无关语法continuous discrete event hybrid system simulation 连续离散事件混合系统仿真continuous duty 连续工作制control accuracy 控制精度control cabinet 控制柜controllability index 可控指数controllable canonical form 可控规范型[control] plant 控制对象,被控对象controlling instrument 控制仪表control moment gyro 控制力矩陀螺control panel 控制屏,控制盘control synchro 控制[式]自整角机control system synthesis 控制系统综合control time horizon 控制时程cooperative game 合作对策coordinability condition 可协调条件coordination strategy 协调策略coordinator 协调器corner frequency 转折频率costate variable 共态变量cost-effectiveness analysis 费用效益分析coupling of orbit and attitude 轨道和姿态耦合critical damping 临界阻尼critical stability 临界稳定性cross-over frequency 穿越频率,交越频率current source inverter 电流[源]型逆变器cut-off frequency 截止频率cybernetics 控制论cyclic remote control 循环遥控cylindrical robot 圆柱坐标型机器人damped oscillation 阻尼振荡damper 阻尼器damping ratio 阻尼比data acquisition 数据采集data encryption 数据加密data preprocessing 数据预处理data processor 数据处理器DC generator-motor set drive 直流发电机-电动机组传动D controller 微分控制器decentrality 分散性decentralized stochastic control 分散随机控制decision space 决策空间decision support system 决策支持系统decomposition-aggregation approach 分解集结法decoupling parameter 解耦参数deductive-inductive hybrid modeling method 演绎与归纳混合建模法delayed telemetry 延时遥测derivation tree 导出树derivative feedback 微分反馈describing function 描述函数desired value 希望值despinner 消旋体destination 目的站detector 检出器deterministic automaton 确定性自动机deviation 偏差deviation alarm 偏差报警器DFD 数据流图diagnostic model 诊断模型diagonally dominant matrix 对角主导矩阵diaphragm pressure gauge 膜片压力表difference equation model 差分方程模型differential dynamical system 微分动力学系统differential game 微分对策differential pressure level meter 差压液位计differential pressure transmitter 差压变送器differential transformer displacement transducer 差动变压器式位移传感器differentiation element 微分环节digital filer 数字滤波器digital signal processing 数字信号处理digitization 数字化digitizer 数字化仪dimension transducer 尺度传感器direct coordination 直接协调disaggregation 解裂discoordination 失协调discrete event dynamic system 离散事件动态系统discrete system simulation language 离散系统仿真语言discriminant function 判别函数displacement vibration amplitude transducer 位移振幅传感器dissipative structure 耗散结构distributed parameter control system 分布参数控制系统distrubance 扰动disturbance compensation 扰动补偿diversity 多样性divisibility 可分性domain knowledge 领域知识dominant pole 主导极点dose-response model 剂量反应模型dual modulation telemetering system 双重调制遥测系统dual principle 对偶原理dual spin stabilization 双自旋稳定duty ratio 负载比dynamic braking 能耗制动dynamic characteristics 动态特性dynamic deviation 动态偏差dynamic error coefficient 动态误差系数dynamic exactness 动它吻合性dynamic input-output model 动态投入产出模型econometric model 计量经济模型economic cybernetics 经济控制论economic effectiveness 经济效益economic evaluation 经济评价economic index 经济指数economic indicator 经济指标eddy current thickness meter 电涡流厚度计effectiveness 有效性effectiveness theory 效益理论elasticity of demand 需求弹性electric actuator 电动执行机构electric conductance levelmeter 电导液位计electric drive control gear 电动传动控制设备electric hydraulic converter 电-液转换器electric pneumatic converter 电-气转换器electrohydraulic servo vale 电液伺服阀electromagnetic flow transducer 电磁流量传感器electronic batching scale 电子配料秤electronic belt conveyor scale 电子皮带秤electronic hopper scale 电子料斗秤elevation 仰角emergency stop 异常停止empirical distribution 经验分布endogenous variable 内生变量equilibrium growth 均衡增长equilibrium point 平衡点equivalence partitioning 等价类划分ergonomics 工效学error 误差error-correction parsing 纠错剖析estimate 估计量estimation theory 估计理论evaluation technique 评价技术event chain 事件链evolutionary system 进化系统exogenous variable 外生变量expected characteristics 希望特性external disturbance 外扰fact base 事实failure diagnosis 故障诊断fast mode 快变模态feasibility study 可行性研究feasible coordination 可行协调feasible region 可行域feature detection 特征检测feature extraction 特征抽取feedback compensation 反馈补偿feedforward path 前馈通路field bus 现场总线finite automaton 有限自动机FIP (factory information protocol) 工厂信息协议first order predicate logic 一阶谓词逻辑fixed sequence manipulator 固定顺序机械手fixed set point control 定值控制FMS (flexible manufacturing system) 柔性制造系统flow sensor/transducer 流量传感器flow transmitter 流量变送器fluctuation 涨落forced oscillation 强迫振荡formal language theory 形式语言理论formal neuron 形式神经元forward path 正向通路forward reasoning 正向推理fractal 分形体,分维体frequency converter 变频器frequency domain model reduction method 频域模型降阶法frequency response 频域响应full order observer 全阶观测器functional decomposition 功能分解FES (functional electrical stimulation) 功能电刺激functional simularity 功能相似fuzzy logic 模糊逻辑game tree 对策树gate valve 闸阀general equilibrium theory 一般均衡理论generalized least squares estimation 广义最小二乘估计generation function 生成函数geomagnetic torque 地磁力矩geometric similarity 几何相似gimbaled wheel 框架轮global asymptotic stability 全局渐进稳定性global optimum 全局最优globe valve 球形阀goal coordination method 目标协调法grammatical inference 文法推断graphic search 图搜索gravity gradient torque 重力梯度力矩group technology 成组技术guidance system 制导系统gyro drift rate 陀螺漂移率gyrostat 陀螺体Hall displacement transducer 霍尔式位移传感器hardware-in-the-loop simulation 半实物仿真harmonious deviation 和谐偏差harmonious strategy 和谐策略heuristic inference 启发式推理hidden oscillation 隐蔽振荡hierarchical chart 层次结构图hierarchical planning 递阶规划hierarchical control 递阶控制homeostasis 内稳态homomorphic model 同态系统horizontal decomposition 横向分解hormonal control 内分泌控制hydraulic step motor 液压步进马达hypercycle theory 超循环理论I controller 积分控制器identifiability 可辨识性IDSS (intelligent decision support system) 智能决策支持系统image recognition 图像识别impulse 冲量impulse function 冲击函数,脉冲函数inching 点动incompatibility principle 不相容原理incremental motion control 增量运动控制index of merit 品质因数inductive force transducer 电感式位移传感器inductive modeling method 归纳建模法industrial automation 工业自动化inertial attitude sensor 惯性姿态敏感器inertial coordinate system 惯性坐标系inertial wheel 惯性轮inference engine 推理机infinite dimensional system 无穷维系统information acquisition 信息采集infrared gas analyzer 红外线气体分析器inherent nonlinearity 固有非线性inherent regulation 固有调节initial deviation 初始偏差initiator 发起站injection attitude 入轨姿势input-output model 投入产出模型instability 不稳定性instruction level language 指令级语言integral of absolute value of error criterion 绝对误差积分准则integral of squared error criterion 平方误差积分准则integral performance criterion 积分性能准则integration instrument 积算仪器integrity 整体性intelligent terminal 智能终端interacted system 互联系统,关联系统interactive prediction approach 互联预估法,关联预估法interconnection 互联intermittent duty 断续工作制internal disturbance 内扰ISM (interpretive structure modeling) 解释结构建模法invariant embedding principle 不变嵌入原理inventory theory 库伦论inverse Nyquist diagram 逆奈奎斯特图inverter 逆变器investment decision 投资决策isomorphic model 同构模型iterative coordination 迭代协调jet propulsion 喷气推进job-lot control 分批控制joint 关节Kalman-Bucy filer 卡尔曼-布西滤波器knowledge accomodation 知识顺应knowledge acquisition 知识获取knowledge assimilation 知识同化KBMS (knowledge base management system) 知识库管理系统knowledge representation 知识表达ladder diagram 梯形图lag-lead compensation 滞后超前补偿Lagrange duality 拉格朗日对偶性Laplace transform 拉普拉斯变换large scale system 大系统lateral inhibition network 侧抑制网络least cost input 最小成本投入least squares criterion 最小二乘准则level switch 物位开关libration damping 天平动阻尼limit cycle 极限环linearization technique 线性化方法linear motion electric drive 直线运动电气传动linear motion valve 直行程阀linear programming 线性规划LQR (linear quadratic regulator problem) 线性二次调节器问题load cell 称重传感器local asymptotic stability 局部渐近稳定性local optimum 局部最优log magnitude-phase diagram 对数幅相图long term memory 长期记忆lumped parameter model 集总参数模型Lyapunov theorem of asymptotic stability 李雅普诺夫渐近稳定性定理macro-economic system 宏观经济系统magnetic dumping 磁卸载magnetoelastic weighing cell 磁致弹性称重传感器magnitude-frequency characteristic 幅频特性magnitude margin 幅值裕度magnitude scale factor 幅值比例尺manipulator 机械手man-machine coordination 人机协调manual station 手动操作器MAP (manufacturing automation protocol) 制造自动化协议marginal effectiveness 边际效益Mason's gain formula 梅森增益公式master station 主站matching criterion 匹配准则maximum likelihood estimation 最大似然估计maximum overshoot 最大超调量maximum principle 极大值原理mean-square error criterion 均方误差准则mechanism model 机理模型meta-knowledge 元知识metallurgical automation 冶金自动化minimal realization 最小实现minimum phase system 最小相位系统minimum variance estimation 最小方差估计minor loop 副回路missile-target relative movement simulator 弹体-目标相对运动仿真器modal aggregation 模态集结modal transformation 模态变换MB (model base) 模型库model confidence 模型置信度model fidelity 模型逼真度model reference adaptive control system 模型参考适应控制系统model verification 模型验证modularization 模块化MEC (most economic control) 最经济控制motion space 可动空间MTBF (mean time between failures) 平均故障间隔时间MTTF (mean time to failures) 平均无故障时间multi-attributive utility function 多属性效用函数multicriteria 多重判据multilevel hierarchical structure 多级递阶结构multiloop control 多回路控制multi-objective decision 多目标决策multistate logic 多态逻辑multistratum hierarchical control 多段递阶控制multivariable control system 多变量控制系统myoelectric control 肌电控制Nash optimality 纳什最优性natural language generation 自然语言生成nearest-neighbor 最近邻necessity measure 必然性侧度negative feedback 负反馈neural assembly 神经集合neural network computer 神经网络计算机Nichols chart 尼科尔斯图noetic science 思维科学noncoherent system 非单调关联系统noncooperative game 非合作博弈nonequilibrium state 非平衡态nonlinear element 非线性环节nonmonotonic logic 非单调逻辑nonparametric training 非参数训练nonreversible electric drive 不可逆电气传动nonsingular perturbation 非奇异摄动non-stationary random process 非平稳随机过程nuclear radiation levelmeter 核辐射物位计nutation sensor 章动敏感器Nyquist stability criterion 奈奎斯特稳定判据objective function 目标函数observability index 可观测指数observable canonical form 可观测规范型on-line assistance 在线帮助on-off control 通断控制open loop pole 开环极点operational research model 运筹学模型optic fiber tachometer 光纤式转速表optimal trajectory 最优轨迹optimization technique 最优化技术orbital rendezvous 轨道交会orbit gyrocompass 轨道陀螺罗盘orbit perturbation 轨道摄动order parameter 序参数orientation control 定向控制originator 始发站oscillating period 振荡周期output prediction method 输出预估法oval wheel flowmeter 椭圆齿轮流量计overall design 总体设计overdamping 过阻尼overlapping decomposition 交叠分解Pade approximation 帕德近似Pareto optimality 帕雷托最优性passive attitude stabilization 被动姿态稳定path repeatability 路径可重复性pattern primitive 模式基元PR (pattern recognition) 模式识别P control 比例控制器peak time 峰值时间penalty function method 罚函数法perceptron 感知器periodic duty 周期工作制perturbation theory 摄动理论pessimistic value 悲观值phase locus 相轨迹phase trajectory 相轨迹phase lead 相位超前photoelectric tachometric transducer 光电式转速传感器phrase-structure grammar 短句结构文法physical symbol system 物理符号系统piezoelectric force transducer 压电式力传感器playback robot 示教再现式机器人PLC (programmable logic controller) 可编程序逻辑控制器plug braking 反接制动plug valve 旋塞阀pneumatic actuator 气动执行机构point-to-point control 点位控制polar robot 极坐标型机器人pole assignment 极点配置pole-zero cancellation 零极点相消polynomial input 多项式输入portfolio theory 投资搭配理论pose overshoot 位姿过调量position measuring instrument 位置测量仪posentiometric displacement transducer 电位器式位移传感器positive feedback 正反馈power system automation 电力系统自动化predicate logic 谓词逻辑pressure gauge with electric contact 电接点压力表pressure transmitter 压力变送器price coordination 价格协调primal coordination 主协调primary frequency zone 主频区PCA (principal component analysis) 主成分分析法principle of turnpike 大道原理priority 优先级process-oriented simulation 面向过程的仿真production budget 生产预算production rule 产生式规则profit forecast 利润预测PERT (program evaluation and review technique) 计划评审技术program set station 程序设定操作器proportional control 比例控制proportional plus derivative controller 比例微分控制器protocol engineering 协议工程prototype 原型pseudo random sequence 伪随机序列pseudo-rate-increment control 伪速率增量控制pulse duration 脉冲持续时间pulse frequency modulation control system 脉冲调频控制系统pulse width modulation control system 脉冲调宽控制系统PWM inverter 脉宽调制逆变器pushdown automaton 下推自动机QC (quality control) 质量管理quadratic performance index 二次型性能指标qualitative physical model 定性物理模型quantized noise 量化噪声quasilinear characteristics 准线性特性queuing theory 排队论radio frequency sensor 射频敏感器ramp function 斜坡函数random disturbance 随机扰动random process 随机过程rate integrating gyro 速率积分陀螺ratio station 比值操作器reachability 可达性reaction wheel control 反作用轮控制realizability 可实现性,能实现性real time telemetry 实时遥测receptive field 感受野rectangular robot 直角坐标型机器人rectifier 整流器recursive estimation 递推估计reduced order observer 降阶观测器redundant information 冗余信息reentry control 再入控制regenerative braking 回馈制动,再生制动regional planning model 区域规划模型regulating device 调节装载regulation 调节relational algebra 关系代数relay characteristic 继电器特性remote manipulator 遥控操作器remote regulating 遥调remote set point adjuster 远程设定点调整器rendezvous and docking 交会和对接reproducibility 再现性resistance thermometer sensor 热电阻resolution principle 归结原理resource allocation 资源分配response curve 响应曲线return difference matrix 回差矩阵return ratio matrix 回比矩阵reverberation 回响reversible electric drive 可逆电气传动revolute robot 关节型机器人revolution speed transducer 转速传感器rewriting rule 重写规则rigid spacecraft dynamics 刚性航天动力学risk decision 风险分析robotics 机器人学robot programming language 机器人编程语言robust control 鲁棒控制robustness 鲁棒性roll gap measuring instrument 辊缝测量仪root locus 根轨迹roots flowmeter 腰轮流量计rotameter 浮子流量计,转子流量计rotary eccentric plug valve 偏心旋转阀rotary motion valve 角行程阀rotating transformer 旋转变压器Routh approximation method 劳思近似判据routing problem 路径问题sampled-data control system 采样控制系统sampling control system 采样控制系统saturation characteristics 饱和特性scalar Lyapunov function 标量李雅普诺夫函数SCARA (selective compliance assembly robot arm) 平面关节型机器人scenario analysis method 情景分析法scene analysis 物景分析s-domain s域self-operated controller 自力式控制器self-organizing system 自组织系统self-reproducing system 自繁殖系统self-tuning control 自校正控制semantic network 语义网络semi-physical simulation 半实物仿真sensing element 敏感元件sensitivity analysis 灵敏度分析sensory control 感觉控制sequential decomposition 顺序分解sequential least squares estimation 序贯最小二乘估计servo control 伺服控制,随动控制servomotor 伺服马达settling time 过渡时间sextant 六分仪short term planning 短期计划short time horizon coordination 短时程协调signal detection and estimation 信号检测和估计signal reconstruction 信号重构similarity 相似性simulated interrupt 仿真中断simulation block diagram 仿真框图simulation experiment 仿真实验simulation velocity 仿真速度simulator 仿真器single axle table 单轴转台single degree of freedom gyro 单自由度陀螺single level process 单级过程single value nonlinearity 单值非线性singular attractor 奇异吸引子singular perturbation 奇异摄动sink 汇点slaved system 受役系统slower-than-real-time simulation 欠实时仿真slow subsystem 慢变子系统socio-cybernetics 社会控制论socioeconomic system 社会经济系统software psychology 软件心理学solar array pointing control 太阳帆板指向控制solenoid valve 电磁阀source 源点specific impulse 比冲speed control system 调速系统spin axis 自旋轴spinner 自旋体stability criterion 稳定性判据stability limit 稳定极限stabilization 镇定,稳定Stackelberg decision theory 施塔克尔贝格决策理论state equation model 状态方程模型state space description 状态空间描述static characteristics curve 静态特性曲线station accuracy 定点精度stationary random process 平稳随机过程statistical analysis 统计分析statistic pattern recognition 统计模式识别steady state deviation 稳态偏差steady state error coefficient 稳态误差系数step-by-step control 步进控制step function 阶跃函数stepwise refinement 逐步精化stochastic finite automaton 随机有限自动机strain gauge load cell 应变式称重传感器strategic function 策略函数strongly coupled system 强耦合系统subjective probability 主观频率suboptimality 次优性supervised training 监督学习supervisory computer control system 计算机监控系统sustained oscillation 自持振荡swirlmeter 旋进流量计switching point 切换点symbolic processing 符号处理synaptic plasticity 突触可塑性synergetics 协同学syntactic analysis 句法分析system assessment 系统评价systematology 系统学system homomorphism 系统同态system isomorphism 系统同构system engineering 系统工程tachometer 转速表target flow transmitter 靶式流量变送器task cycle 作业周期teaching programming 示教编程telemechanics 远动学telemetering system of frequency division type 频分遥测系统telemetry 遥测teleological system 目的系统teleology 目的论temperature transducer 温度传感器template base 模版库tensiometer 张力计texture 纹理theorem proving 定理证明therapy model 治疗模型thermocouple 热电偶thermometer 温度计thickness meter 厚度计three-axis attitude stabilization 三轴姿态稳定three state controller 三位控制器thrust vector control system 推力矢量控制系统thruster 推力器time constant 时间常数time-invariant system 定常系统,非时变系统time schedule controller 时序控制器time-sharing control 分时控制time-varying parameter 时变参数top-down testing 自上而下测试topological structure 拓扑结构TQC (total quality control) 全面质量管理tracking error 跟踪误差trade-off analysis 权衡分析transfer function matrix 传递函数矩阵transformation grammar 转换文法transient deviation 瞬态偏差transient process 过渡过程transition diagram 转移图transmissible pressure gauge 电远传压力表transmitter 变送器trend analysis 趋势分析triple modulation telemetering system 三重调制遥测系统turbine flowmeter 涡轮流量计Turing machine 图灵机two-time scale system 双时标系统ultrasonic levelmeter 超声物位计unadjustable speed electric drive 非调速电气传动unbiased estimation 无偏估计underdamping 欠阻尼uniformly asymptotic stability 一致渐近稳定性uninterrupted duty 不间断工作制,长期工作制unit circle 单位圆unit testing 单元测试unsupervised learing 非监督学习upper level problem 上级问题urban planning 城市规划utility function 效用函数value engineering 价值工程variable gain 可变增益,可变放大系数variable structure control system 变结构控制vector Lyapunov function 向量李雅普诺夫函数velocity error coefficient 速度误差系数velocity transducer 速度传感器vertical decomposition 纵向分解vibrating wire force transducer 振弦式力传感器vibrometer 振动计viscous damping 粘性阻尼voltage source inverter 电压源型逆变器vortex precession flowmeter 旋进流量计vortex shedding flowmeter 涡街流量计WB (way base) 方法库weighing cell 称重传感器weighting factor 权因子weighting method 加权法Whittaker-Shannon sampling theorem 惠特克-香农采样定理Wiener filtering 维纳滤波work station for computer aided design 计算机辅助设计工作站w-plane w平面zero-based budget 零基预算zero-input response 零输入响应zero-state response 零状态响应zero sum game model 零和对策模型z-transform z变换对应着大学本科教学,各个知识领域包含的知识单元分别列举如下,其中带下划线“_____”的单元为核心知识单元;打“*”的单元为扩展知识单元,可与研究生教学共享,也可作为专业方向或选修知识单元:1)“数理基础”知识领域,包含的知识单元有:数学分析(或高等数学)、线性代数、概率与随机过程、复变函数与积分变换、大学物理、工程化学、现代生物学*;2)“机电基础”知识领域,包含的知识单元有:工程制图、机械基础、电路、电磁场、模拟电子、数字电子、信号分析;3)“计算机基础”知识领域,包含的知识单元有:计算机基础、计算机程序设计基础、微机原理、单片机、可编程序控制器(PLC);4)“传感与检测”知识领域,包含的知识单元有:检测技术、传感器、仪表抗干扰技术、测量信号处理*;5)“计算机与处理”知识领域,包含的知识单元有:计算机网络、通信原理*;6)“计算与处理”知识领域,包含的知识单元有:数字信号处理、计算算法基础、图像处理*、模式识别*、数据结构*、操作系统*;7)“控制与智能”知识领域,包含的知识单元有:经典控制理论、现代控制理论、计算机控制、最优控制*、自适应控制*、人工智能*、智能控制*;8)“执行与驱动”知识领域,包含的知识单元有:电力电子、控制仪表等等;9)“对象与建模”知识领域、包含的知识单元有:建模与辨识、电机原理与传动、机械结构、机器人原理*;10)“系统与工程”知识领域,包含的知识单元有:运动控制、过程控制、集成自动化系统、系统工程、管理信息系统、机器人控制*、数控*、控制系统CAD*、系统仿真*、运筹学*、最优化*、智能系统*、电磁兼容*、工程设计*。
Windows操作系统翻译词汇
BDC, backup domain controller /备份域控制器
Berkeley Internet Name Domain, BIND / Berkeley Internet 名称域
BGP, Border Gateway Protocol /边界网关协议
backbone router /主干路由器
background program / 后台程序
backup domain controller, BDC / 备份域控制器
backup media pool / 备份媒体池
backup operator /备份操作员
backup set /备份集
active / 活动
active content / 活动内容
Active Directory
Active Directory data model / Active Directory数据模型
Active Directory Service Interfaces / Active Directory 服务接口
Windows操作系统翻译词汇(一)
A (address) resource record / A(地址)资源记录
AAL, ATM adaptation layer / ATM 适配层
ABR, area border router / 区域边界路由器
ABR, available bit rate /可用的传输率
C
CA, certification authority /证书颁发机构
cache /高速缓存
cache file / 缓存文件
局部空间自相关及其在勘探地球化学中的空间聚集研究_图文_百度(精)
㊀2期NguyenTienThanh等:局部空间自相关及其在勘探地球化学中的空间聚集研究Lund,Sweden,1998:1-21.㊃375㊃o)㊂局部G∗i指数在东向不同距离的情况下没能发现高高聚集(实际情况是有两个矿点4和5),原因是在该区域Cu指标有三个观测值大于均值,其含量依次为(50.5㊁52㊁105)ˑ10-6(实际上是一个较弱的高低聚集,见图6),范围很小,在不同的空间尺度下,它们周围的观测值数量比较大,含量都小于均值,导致局部G∗i指数没能准确地探测出该位置的较显著的高高聚集,但这都是由地质体引起的空间聚集㊂空间聚集情况㊂在西北向G∗i也发现了面积较大㊁[4]㊀GoodchildMF.Spatialautocorrelation,conceptsandtechniquesin[5]㊀李勇,周永章,张澄博,等.基于局部Moran'sI和GIS的珠江三角洲肝癌高发区蔬菜土壤中Ni㊁Cr的空间热点分析[J].环境科学,2010,31(6):1617-1623.moderngeography[M].47GeoBooks,Norwich,1986.[6]㊀McGrathD,ZhangCS.Spatialdistributionofsoilorganiccarbon2003,18(10):1629-1639.concentrationsingrasslandofIreland[J].AppliedGeochemistry,[7]㊀ZhangCS,LuoL,XuWL,etal.UseoflocalMoran'sIandGIStoidentifypollutionhotspotsofPbinurbansoilsofGalway,Ireland[J].TheScienceofthetotalenvironment,2008,398(1-3):212[8]㊀ZhangCS,TangY,LuoL,etal.Outlieridentificationandvisual⁃-221.3㊀结论到地球化学找矿中研究空间聚集㊂该方法的优越性是在计算的过程中考虑样品之间的空间关系,同时通过统计检验使得结论更加可靠,并且与基于稳健统计学的地球化学异常下限确定方法所圈的异常范围对空间聚集范围进行对比㊂研究结果表明,局部Ii和G∗i指数在不同的距离范围内都能比较好地探测空间聚集,特别是对高含量地球化学元素在空间上的高高聚集确定(类似于异常)具有重要的意义,符合客观实际,与已知矿床(点)吻合很好,与基于稳健统计学的异常范围确定一致㊂Ii的优点是在给定距离范围内能很好地探测出聚集区域的中心,特别适合于探测较弱和范围小的空间聚集(如上述所讨论矿点4和5的位置上空间聚集的出现),Ii还能探测出高低聚集㊁低高聚集㊂这两者对认识地球化学元素含量改变的趋势和较弱的空间自相关(若异常)具有重要的意义㊂G∗i适用于元素含量较高㊁分布范围较大的区域,在这种情况下G∗i比Ii能更好地探测出高高聚集位置㊂实际工作中可以综合应用Ii和G∗i来研究地球化学元素的空间分布㊂参考文献:[1]㊀张朝生,章申,何建邦.长江水系沉积物重金属含量空间分布特征研究53(1):88-95.空间自相关与分形方法[J].地理学报,1998,将局部空间自相关Moran的Ii和G∗i指数引入izationforPbconcentrationinurbansoilsanditsimplicationsforidentificationofpotentialcontaminatedland[J].EnvironmentalPollution,2009,157(11):3083-3090.[9]㊀BrodySD,HighfieldWE,ThorntonS.Planningattheurbanfringe:anexaminationofthefactorsinfluencingnonconformingde⁃velopmentpatternsinsouthernFlorida[J].EnvironmentandPlan⁃[10]McLaughlinCC,BoscoeFP.Effectsofrandomizationmethodson2007,13(1):152-163.ning,2006,33:75-96.statisticalinferenceindiseaseclusterdetection[J].HealthPlace,[11]GoovaertsP,JacquezGM.Accountingforregionalbackgroundandpopulationsizeinthedetectionofspatialclustersandoutliersu⁃singgeostatisticalfilteringandspatialneutralmodels:thecaseoflungcancerinLongIslandNewYork[J].InternationalJournalof[12]AnselinL.Localindicatorsofspatialassociation⁃LISA[J].Geo⁃[13]AnselinL.SpatialEconometrics:MethodsandModels[M].Bos⁃[14]CliffAD,OrdJK.SpatialProcesses,ModelsandApplications[15]CliffAD,OrdJK.SpatialAutocorrelation[M].London:Pion,[16]AhrensLH.Lognormal-typedistributionIII[J].GeochimCosmo⁃[17]Mitchell,Andy.TheESRIGuidetoGISAnalysisVolume2[M].[18]AnselinL,SyabriI,KhoY.GeoDa:anintroductiontospatialdataanalysis.InFischerMM,GetisA(eds)Handbookofappliedspa⁃tialanalysis[M].Springer,Berlin,HeidelbergandNewYork,ESRIPress,2005.chimActa,1957,11:205-213.1973.[M].Pion,London,1981.ton:KluwerAcademicPublishers,1988.graphicalAnalysis,1995,27(2):93-115HealthGeographics,2004(3):14.[2]㊀GetisAandOrdJK.Theanalysisofspatialassociationbyuseof[3]㊀BivandR.Areviewofspatialstatisticaltechniquesforlocationdistancestatistics[J].GeographicalAnalysis,1992,24:189-206.[19]EmmanuelJM.Carranza.GeochemicalAnomalyandMineralPro⁃spectivityMappinginGIS[M].TheNetherlands,2008:57-58.2009:73-89.studies[R].CEPRsymposiumonnewissuesintradeandlocation,null。
多元统计专业词汇英文
多元统计专业词汇英文Multivariate Statistics: Key Terminology and Concepts.Multivariate statistics is a branch of statistics that deals with the analysis of datasets containing multiple variables. It enables researchers to study therelationships and patterns among multiple variables simultaneously, providing insights into complex datasets. This article presents key terminology and concepts related to multivariate statistics.1. Multivariate Data: Multivariate data refers to data that consists of observations on multiple variables. For example, a dataset may contain information on age, gender, income, and education level for a group of individuals.2. Variables: Variables are the characteristics or measurements recorded for each observation in a dataset. In multivariate analysis, there are typically multiple variables considered simultaneously.3. Dependent and Independent Variables: In multivariate analysis, variables can be classified as dependent or independent. Dependent variables are those that are being predicted or explained by the other variables, while independent variables are those that are used to predict the dependent variables.4. Matrix: A matrix is a rectangular array of numbers arranged in rows and columns. In multivariate statistics, matrices are often used to represent and manipulate datasets.5. Covariance: Covariance is a measure of how two variables vary together. It quantifies the degree to which one variable changes when another variable changes. A positive covariance indicates a direct relationship, while a negative covariance indicates an inverse relationship.6. Correlation: Correlation is a measure of the linear relationship between two variables. It ranges from -1 (perfect negative correlation) to 1 (perfect positivecorrelation), with 0 indicating no linear relationship. Correlation coefficients provide a standardized measure of the strength and direction of the relationship between two variables.7. Principal Component Analysis (PCA): PCA is a multivariate statistical technique used to reduce the dimensionality of a dataset by identifying and retaining the most important features or components. It transforms the original variables into a new set of uncorrelated variables called principal components, which capture the maximum variance in the dataset.8. Factor Analysis: Factor analysis is a statistical method used to identify underlying factors or latent variables that explain patterns of correlation among observed variables. It aims to simplify the dataset by reducing the number of variables while preserving the information contained in the original variables.9. Canonical Correlation Analysis (CCA): CCA is a multivariate statistical technique used to study therelationship between two sets of variables. It identifies linear combinations of variables from each set that have maximum correlation with each other. CCA is useful whenthere are multiple variables in both sets and the goal isto understand the overall relationship between the two sets.10. Discriminant Analysis: Discriminant analysis is a multivariate statistical method used to determine the differences between two or more naturally occurring groups. It helps in classifying observations into different groups based on the values of multiple variables. Discriminant analysis can be used both for predictive and descriptive purposes.11. Cluster Analysis: Cluster analysis is amultivariate statistical technique used to group similar observations into clusters. It aims to identify patternsand structures in the data by examining the relationships among variables. Cluster analysis can be used forexploratory data analysis, segmentation, and classification tasks.12. Multivariate Regression Analysis: Multivariate regression analysis is a statistical method used to predict the value of a dependent variable based on the values of multiple independent variables. It extends the concept of simple linear regression to handle multiple independent variables simultaneously. Multivariate regression analysis helps in understanding the relative importance of each independent variable in predicting the dependent variable.13. Multivariate Outlier Detection: Outlier detection in multivariate data involves identifying observations that differ significantly from the majority of the data points. Multivariate outlier detection techniques consider thejoint distribution of all variables to identify observations that are unusual or extreme in terms of their values across multiple variables.These are just some of the key terminology and concepts related to multivariate statistics. The field is vast and diverse, encompassing a wide range of techniques and applications. Understanding these basic terms and conceptsprovides a solid foundation for further exploration and application of multivariate statistical methods.。
电子信息工程专业英语词汇
n.晶体管n.二极管n 半导体resistor n 电阻器capacitor n 电容器alter nati ng adj 交互的amplifier n 扩音器,放大器in tegrated circuit 集成电路lin ear time inv aria nt systems 线性时不变系统voltage n 电压,伏特数tolera nee n 公差;宽容;容忍conden ser n 电容器;冷凝器dielectric n 绝缘体;电解质electromag netic adj 电磁的deflection n偏斜;偏转;偏差lin ear device 线性器件in tegrated circuits 集成电路an alog n 模拟digital adj 数字的,数位的horiz on tal adj, 水平的,地平线的vertical adj 垂直的,顶点的amplitude n 振幅,广阔,丰富atte nu ati on 衰减;变薄;稀薄化multimeter 万用表freque ney 频率,周率the cathode-ray tube dual-trace oscilloscope 阴极射线管双踪示波器sig nal gen erati ng device 信号发生器peak-to-peak output voltage 输岀电压峰峰值sine wave 正弦波trian gle wave 三角波square wave 方波amplifier 放大器,扩音器oscillator 振荡器feedback 反馈,回应phase 相,阶段,状态filter 滤波器,过滤器rectifier 整流器;纠正者1ban d-stop filter 带阻滤波器ban d-pass filter 带通滤波器decimal adj 十进制的,小数的hexadecimal adj/n 十六进制的bin ary adj 二进制的;二元的1 octal adj 八进制的domai n n 域;领域code n代码,密码,编码v编码the Fourier tra nsform 傅里叶变换Fast Fourier Transform快速傅里叶变换microc on troller n 微处理器;微控制器beam n (光线的)束,柱,梁polarize v (使)偏振,(使)极化fuzzy adj模糊的|Artificial In tellige nee Shell 人工智能外壳程序Expert Systems 专家系统Artificial In tellige nee 人工智能Perceptive Systems 感知系统neural network 神经网络fuzzy logic 模糊逻辑in tellige nt age nt 智能代理electromag netic adj 电磁的coaxial adj同轴的,共轴的microwave n 微波charge v充电,使充电two-dime nsio nal 二维的;缺乏深度的three-dime nsio nal 三维的;立体的;真实的object-orie nted programm ing 面向对象的程序设计spectral adj 光谱的attenuation n衰减;变薄;稀释distortion n失真,扭曲,变形wavelength n 波长refractive adj 折射的ATM 异步传输模式Asynchronous Transfer ModeADSL 非对称用户数字线Asymmetric digital subscriberlineVDSL 甚高速数字用户线very high data rate digitalsubscriber lineHDSL 高速数据用户线high rate digital subscriber lineFDMA 频分多址(Frequency Division Multiple Access)TDMA 时分多址(Time Division Multiple Access) CDMA 同步码分多址方式(Code Division Multiple Access)WCDMA宽带码分多址移动通信系统(WidebandCodeDivisio n Multiple Access)TD-SCDMA(Time Divisio n Sy nchro nous Code Divisio nMultiple Access)时分同步码分多址SDLC(sy nchro nous data link con trol) 同步数据链路控制HDLC(high-level data link con trol) 高级数据链路控制IP/TCP(i nter net protocol /tra nsfer Co ntrol Protocol)网络传输控制协议ITU (I nternatio nal Telecomm un icati on Union) 国际电彳言联盟ISO 国际标准化组织(In ter natio nal Sta ndardizatio nOrganization );OSI开放式系统互联参考模型(Open SystemIn terc onn ect )GSM 全球移动通信系统( Global System for Mobile Communi cati ons )GPRS 通用分组无线业务(Gen eral Packet Radio Service)FDD(freque ncy divisi on duplex) 频分双工TDD(time divisi on duplex) 时分双工VPI 虚路径标识符(Virtual Path Identifier );ISDN ( Integrated Services Digital Network )综合业务数字网IDN 综合数字网(integrated digital network )HDTV (high defi ni tion televisi on) 高清晰度电视DCT(Discrete Cos ine Tra nsform) 离散余弦变换VCI(virtual circuit address) 虚通路标识MAN 城域网Metropolitan area networks LAN 局域网localarea network WAN 广域网wide area network 同步时分复统计时分复用STDM Statistical Time Divisio nMultiplexi ng 单工传输simplex transmission 半双工传输half-duplex tran smissi on 全双工传输full-duplex tra nsmissi on 交换矩阵Switching Matrix 电路交换circuit switchi ng 分组交换packet switching扌报文交换message switching 奇偶校验paritychecking 循环冗余校验CRC Cyclic Redu nda ncyCheck 虚过滤Virtual filter 数字滤波digital filtering伪随机比特Quasi Ra ndom Bit 带宽分配Bandwidth allocatio n信源information source 信宿destination 数字化digitalize 数字传输技术Digital tra nsmissio n techno logy 灰度图像Grey scale images 灰度级Greyscale level 幅度谱Magnitude spectrum 相位谱Phase spectrum 频谱frequency spectrum 智能设备Smart Device 软切换Soft handover 硬切换HardHa ndover 相干检测Cohere nt detecti on 边缘检测Edge detection 冲突检测collision detection 业务集合service integration 业务分离/综合serviceseparation/ integration 网络集合networkintegration 环形网Ring networks 令牌环网TokenRing network 网络终端Network Terminal 用户终端user terminal 用户电路line circuit 电路利用率channel utilization (通道利用率)相关性cohere nee 相干解调cohere nt demodulation 数字图像压缩digital image compressi on 图像编码image encoding 有损/无损压缩lossy/losslesscompression 解压decompression 呼叫控制CallControl 误差控制error eontrol 存储程序控制storedprogram eon trol 存储转发方式store-a nd-forwardmanner 语音视频传输voice\video transmission 视频点播video-on-demand(VOD) 会议电视VideoCon fere nee 有线电视cable television 量化quantization 吞吐量throughput 话务量traffic 多径分集Multipath diversity 多媒体通信MDM MultimediaCommu nicatio n 多址干扰Multiple AccessInterferenee 人机交互man machi ne in terface 交互式会话Conv ersati onal in teracti on 路由算法Routing Algorithm 目标识另U Object recognition 话音变换Voice transform 中继线trunkline 传输时延transmission delay 远程监控remote monitoring 光链路optical link 拓扑结构Topology 均方根rootmean square whatsoever=whatever 0switchboard (电话)交换台bipolar (电子)双极的tran sistor diode semic on ductoranode n 阳极,正极cathoden 阴极|breakdow n n 故障;崩溃terminal n 终点站;终端,接线端emitter n 发射器collect v 收集,集聚,集中oscilloscope 示波镜;示波器gain 增益,放大倍数forward biased 正向偏置reverse biased 反向偏置P-N junction PN 结MOS( metal-oxide semiconductor ) 金属氧化物半导体enhan ceme nt and exhausted 增强型和耗尽型chip n 芯片,碎片modular adj 模块化的;模数的sensor n 传感器plug vt 堵,塞,插上n塞子,插头,插销coaxial adj 同轴的,共轴的fiber n 光纤relay eon tact 继电接触器sin gle in structi on programmer 单指令编程器dedicated manu factures programm ing unit 专供制造厂用的编程单元in sulator n绝缘体,绝缘物noneon ductive adj非导体的,绝缘的antenna n天线;触角modeli ng n 建模,造型simulati on n仿真;模拟prototype n 原型array n排队,编队vector n 向量,矢量wavelet n微波,小浪sine 正弦cosine 余弦inv erse adj 倒转的,反转的n反面;相反v倒转high-performa nee 高精确性,高性能the in sulati on resista nee 绝缘电阻assembly lan guage in structi ons n 汇编语言指令premise (复)房屋,前提cursor (计算机尺的)游标,指导的elapse (时间)经过,消失vaporize (使)蒸发subsystem (系统的)分部,子系统,辅助系统metallic (像)金属的,含金属的,(声音)刺耳的dispatch (迅速)派遣,急件consen sus (意见)一致,同意deadli ne (最后)期限,截止时间tomographic X线体层摄像的alas 唉,哎呀cluster把…集成一束,一组,一簇,一串,一群en cyclopedia 百科全书millio nfold 百万倍的semic on ductor 半导体radius半径范围,半径,径向射线half-duplex tra nsmissi on 半双工传输accompa nime nt 伴随物,附属物reservati on 保留,预定quotatio n 报价单,行情报告,引语memora ndum 备忘录red undancy 备用be viewed as 被看作…be regards as 被认为是as such 本身;照此;以这种资格textual本文的,正文的verge 边界variati on 变化,变量conv ersi on 变化,转化ide ntity 标识;标志criterio n 标准,准则in parallel o n 并联到,合并到juxtapose 并置,并歹卩dial ing pulse 拨号脉冲wave-guide 波导wavele ngth divisi on multiplexed 波分复用baud rate 波特率playback 播放(录音带,唱片)no greater tha n 不大于update不断改进,使…适合新的要求,更新asymmetric 不对称的irrespective 不考虑的,不顾的in evitably 不可避免的in evitable 不可避免的,不可逃避的,必定的segme nt 部分abrasion 擦伤,磨损deploy采用,利用,推广应用take the form of 采用…的形式parameter 参数,参量layer 层dope 掺杂FET(field effect tra nsistors)场效应管audio recordi ng 卩昌片ultra-high-freque ncy(UHF)超高频in excess of 超过in excess of 超过hypertext 超文本in gredie nt 成分,因素in gredie nt 成分,组成部分,要素metropolita n-area n etwork(WAN)城域网metropolitan area network(WAN)城域网,城市网络con gestio n 充满,拥挤,阻塞collisio n 冲突extractive 抽岀;释放岀extract抽取,取岀,分离lease 出租,租约,租界期限,租界物pass on 传递,切换tran smissi on 传输facsimile 传真inno vative二inno vatory 仓新的,富有革新精神的track 磁道impetus 促进,激励cluster 簇stored-program con trol(SPC) 存储程序控制a large nu mber of 大量的peal 大声响,发岀supersede 代替suppla nt 代替,取代out-of-ba nd sig nali ng 带外信号simplex tran smissi on 单工传输con ductor 导体等级制度,层次底层结构,基础结构地理的,地区的地理上GIS(grou nd in strume ntation system) 地面测量系统gro und stati on 地面站earth orbit 地球轨道Lan d-sat 地球资源卫星rug 地毯,毯子ignite 点火,点燃,使兴奋electromag netic 电磁的in ductive 电感arc 电弧teleph ony 电话(学),通话dielectric 电介质,绝缘材料;电解质的,绝缘的capacitor 电容telecomm uni catio n 电信,无线电通讯sce nario 电影剧本,方案modem pool 调制解调器(存储)池superimpos ing 叠加,重叠pin 钉住,扣住,抓住customize 定做,定制mono lithic 独立的,完全统一的alumi nize 镀铝strategic 对全局有重要意义的,战略的substa ntial 多的,大的,实际上的multi-path fadi ng 多径衰落multi-path 多路,多途径;多路的,多途径的multi-access 多路存取,多路进入multiplex 多路复用multiplex 多路复用的degradation 恶化,降级dioxide 二氧化碳LED(light-emitti ng-diode)发光二极管evolution 发展,展开,渐进feedback 反馈,回授dime nsion 范围,方向,维,元sce nario 方案sce nario 方案,电影剧本amplifer 放大器nonin vasive 非侵略的,非侵害的tariff 费率,关税率;对…征税distributed fun ctio nal pla ne(DFP)分布功能平面DQDB(distributed queue dual bus)分布式队列双总线hierarchy 分层,层次partiti on 分成segme ntati on 分割in terface 分界面,接口asu nder 分开地,分离地detached 分离的,分开的,孤立的dispe nse 分配allocate 分配,配给;配给物cen tigrade 分为百度的,百分度的,摄氏温度的fractal 分形molecule 分子,微小,些微cellular蜂窝状的cellular蜂窝状的,格形的,多孔的auxiliary storage(also called sec on dary storage) 辅助存储器decay 腐烂,衰减,衰退n egative 负电vicinity附近,邻近vicinity附近地区,近处sophisticated 复杂的,高级的,现代化的high-freque ncy(HF) 高频high defi ni tion televisi on 高清晰度电视铬给…作注解根据,按照公布,企业决算公开公用网功能,功能度汞共鸣器共振古怪的,反复无常的管理,经营cursor光标(显示器),游标,指针opticalcomputer 光计算机photoco nductor 光敏电阻optical disks 光盘optically光学地,光地wide-area n etworks 广域网specification规范,说明书silicon 硅the in ter nati onal telecomm un icatio n union(ITU)际电信联盟excess过剩obsolete 过时的,废弃的maritime 海事的syn thetic 合成的,人造的,综合的syn thetic 合成的,综合性的rati onal 合乎理性的rati on alizati on 合理化streamli ne 合理化,理顺in frared 红夕卜线的,红外线skepticism 怀疑论ring n etwork 环形网hybrid混合物coun terpart 伙伴,副本,对应物electromecha nical 机电的,电动机械的Robot机器人Robotics 机器人技术,机器人学accumulati on 积累in frastructure 基础,基础结构substrate 基质,底质upheaval 激变,剧变compact disc 激光磁盘(CD)concen trator 集中器,集线器cen trex system 集中式用户交换功能系统conv erge on 集中于,聚集在…上lumped eleme nt 集总元件CAI(computer-aided in structio n) 计算机辅助教学computer-i ntegrated manu facturi ng(CIM) 计算机集成制造computer mediated comm un icatio n( CMC) 介通信record 记录register expedite weight 力口权acceleratecategorize in additi on hypothetical rigidly兼容性,相容性监视监视mono chromatic 单色的,单色光的,黑白的ballistic 弹道的,射击的,冲击的hierarchy infrastructuregeographicgeographicallyextraterrestrial 地球外的,地球大气圈外的chromiumanno tate interms ofdisclosurepublic n etworkfun cti on alitymercury res onator resonancewhimsicaladmi nistration计算机中记录器,寄存器加快,促进加速,加快,促进加以类别,分类加之,又,另外假设的坚硬的,僵硬的compatibilitysurveilla neesurveilla neeretrieval 检索,(可)补救 verificati on 检验 simplicity 简单,简明film胶片,薄膜 take over 接管,接任 rugged ness 结实threshold 界限,临界值 with the aid of 借助于,用,通过 wire line 金属线路,有线线路 cohere nt 紧凑的,表达清楚的,粘附的,相干的 compact 紧密的 approximati on 近似 un dertake 进行,从事 tran sistor 晶体管 elaborate 精心制作的,细心完成的,周密安排的 vigilant 警戒的,警惕的 alcohol 酒精,酒 local area n etworks(LANs) 局域网 local-area n etworks(LANs) 局域网 drama 剧本,戏剧,戏剧的演岀 focus on聚集在,集中于,注视in sulator 绝缘 root mean square 均方根 un iform 均匀的 ope n-system-i nterc onn ectio n(OSI) 开放系统互连 expire 开始无效,满期,终止 immu nity 抗扰,免除,免疫性 take …into account 考虑,重视… programmable in dustrial automati on 可编程工业自动化demo un table tun ablereliable 可靠 be likely tovideotex video n egligible可拆卸的可调的 可能,大约,像要 可视图文电视 可以忽略的deviate 偏离,与…不同 spectrum 频谱 come into play 其作用 en trepre neurial 企业的 heuristic methods启发式方法 play a •••role(part) 起…作用stem from 起源于;由…发生organic 器官的,有机的,组织的 hypothesis前提 fron t-e nd 前置,前级 pote ntial 潜势的,潜力的 inten sity 强度coin cide nee 巧合,吻合,一致scalpel 轻便小刀,解剖刀 inven tory 清单,报表spherical 球的,球形的 disti nguish 区别,辨别 succumb屈服,屈从,死global fun ctio nal pla ne(GFP) 全局功能平面 full-duplex tra nsmissi on 全双工传输hologram 全息照相,全息图 deficie ncy缺乏therm onu clear 热 核的 artifact 人工制品 AI(artificial in tellige nee)人工智能fusion 熔解,熔化 diskettes(also called floppy disk)软盘sector 扇区 en tropy 熵upli nk 上行链路 arsenic 砷simulta neous 同时发生的,同时做的 simulta neous 同时发生的,一齐的 coaxial 同轴的 copper 铜 statistical 统计的,统计学的 domin ate 统治,支配 in vest in 投资perspective 透视,角度,远景 graphics 图示,图解 pictorial图像的coat ing 涂层,层 deduce 推理reas oning strategies 推理策略 inference engine 推理机topology 拓扑结构 heterod yne 夕卜差法的peripheral 夕卜界的,外部的,周围的 gateway 网关 hazardous 危险的 microwave 微波(的)microprocessor 微处理机,微处理器 microelectro nic微电子nua nee 微小的差别(色彩等) en compass围绕,包围,造成,设法做到mai nte nance 维护;保持;维修satellite comm uni cati on 卫星通彳言 satellite network 卫星网络 tran sceiver无线电收发信机radio-relay tra nsmissi on 无线电中继传输without any doubt 无疑passive satellite无源卫星n eural n etwork神经网络very-high-freque ncy(VHF) 甚高频 sparse 稀少的, dow nli nk aerial 空气的,空中的,无形的,虚幻的;天线broadba nd 宽(频)带pervasive扩大的,渗透的 tensile 拉力的,张力的roma nticism 浪漫精神,浪漫主义discrete 离散,不连续 ion 离子 force 力量;力 stereoph onic 立体声的 contin uum 连续统一体,连续统,闭联集 smart 灵巧的;精明的;洒脱的 toke n 令牌on the other hand另一方面 hexago nal 六边形的,六角形的 hexag on 六角形,六边形 mon opoly 垄断,专禾U video-clip 录像剪辑 alumi num 铝pebble 卵石,水晶透镜 forum 论坛,讨论会logical relati on ships 逻辑关系 code book 码本pulse code modulatio n(PCM) 脉冲编码调制 roam 漫步,漫游bps(bits per sec on d) 每秒钟传输的比特 ZIP codes美国邮区划分的五位编码susceptible(to) 敏感的,易受…的 analog 模拟,模拟量patter n recog niti on 模式识另 U bibliographic 目录的,文献的 n eodymium 钕the europea n telecomm uni cati on sta ndardizati on in stitute(ETSI) 欧洲电信标准局coordi nate配合的,协调的;使配合,调整ratify 批准,认可 bias 偏差;偏置 upgrade distortio n iden tification 升级失真,畸变 识别,鉴定,验明precursor visualizati on pragmatic 实际的 impleme ntation 实施,实现,执行,敷设en tity 实体,存在 vector qua ntificati on 矢量量化mislead 使…误解,给…错误印象,引错vex使烦恼,使恼火defy 使落空 facilitate 使容易,促进 reti na 视网膜 compatible 适合的,兼容的tra nsceiver 收发两用机 authorize 授权,委托,允许 data security数据安全性data in depe ndence 数据独立 data man ageme nt 数据管理 database数据库database man ageme nt system(DBMS) 理信息系统database tran sacti on 数据库事务 data in tegrity 数据完整性,数据一致性 atte nu ati on衰减fadi ng 衰落,衰减,消失 dual 双的,二重的 tra nsie nt瞬时的determi ni stic 宿命的,确定的 algorithm 算法 dissipatio n 损耗carbon 碳 diabetes 糖尿病cumbersome 讨厌的,麻烦的,笨重的 razor 剃刀,剃 go by the name of通称,普通叫做commucati on sessi on 通信会话 traffic 通信业务(量) syn chr onous tra nsmissi on 同步传输con curre nt同时发生的,共存的数据库管feasibility lin earity con strain considerablegeo-stati onaryby con trast coorelati on mutual 相互的 稀疏的 下行链路 先驱,前任 显像现实性,可行性 线性度限制,约束,制约 相当的,重要的 相对地面静止 相反,而,对比起来 相关性相互的,共同的 相互连接,互连one after the other 相继,依次小型计算机 协议,草案 协议,规约,规程心理(精神)听觉的;传音的 通信信道选择行程编码mutually in terc onn ectmini computer protocolprotocol psycho-acoustic cha nn elizati on 信道化, run len gth en coding groom 修饰,准备虚拟许多, virtual ISDN multitude ISDN大批,大量whirl 旋转 prefere nee avalanche pursue 寻求, interrogation dumb 哑的, subcategory喜欢 选择, 雪崩从事 询问不说话的,无声的亚类,子种类,子范畴orbital 眼眶;轨道oxygen 氧气,氧元素service switchi ng and con trol poin ts(SSCPs) 控制点service con trol poi nts(SCPs) 业务控制点service con trol fun ctio n(SCF) 业务控制功能in con cert 一致,一齐 han dover移交,越区切换 at a rate of以 .... 的速率in the form of 以…的形式业务交换base on…以…为基础yttrium钇(稀有金属,符号Y)asyn chr onous tra nsmissi on 异步传输asyn chr onous 异步的exceptio nal 异常的,特殊的voice-grade 音频级indium 铟give rise to 引起,使产生cryptic隐义的,秘密的hard disk 硬盘hard automati on 硬自动化by means of 用,依靠equip with 用…装备subscriber 用户telex 用户电报PBX(private branch excha nge)用户小交换机或专用交换机be called upon to 用来…,(被)要求…superiority 优势predom inance 优势,显著active satellite 有源卫星in comparis on with 与…比较comparable to 与…可比prelim in ary 预备的,初步的prem on iti on 预感,预兆nu cleus 原子核vale nee 原子价circumfere nee 圆周,周围teleprocessi ng 远程信息处理,遥控处理perspective 远景,前途con strain 约束,强迫mobile运动的,流动的,机动的,装在车上的convey运输,传递,转换impurity 杂质impurity 杂质,混杂物,不洁,不纯rege nerative 再生的improve over 在 ....... 基础上改善play importa nt role in 在…中起重要作用in close proximity 在附近,在很近un derly ing 在下的,基础的in this respect 在这方面en tail遭遇,导致prese ntation 赠与,图像,呈现,演示n arrowba nd 窄(频)带deploy展开,使用,推广应用megabit 兆比特germa nium 锗positive 正电quadrature 正交orthog onal 正交的quadrature amplitude modulatio n(QAM)正交幅度调制on the right track 正在轨道上sustain支撑,撑住,维持,持续outgrowh 支派;长岀;副产品domin ate 支配,统治kno wledge represe ntati on 矢口识表示kno wledge engin eeri ng 矢口识工程kno wledge base 矢口识库in diameter 直径helicopter 直升飞机acro nym 只取首字母的缩写词as long as 只要,如果tutorial指导教师的,指导的coin 制造(新字符),杜撰fabricatio n 制造,装配;捏造事实proton 质子in tellige nce 智能,智力,信息in tellige nt n etwork 智能网in termediate 中间的nu cleus(pl. nu clei) 中心,核心n eutr ons 中子termi nal 终端,终端设备overlay重叠,覆盖,涂覆highlight 重要的部分,焦点charge主管,看管;承载domi nant 主要的,控制的,最有力的cyli nder 柱面expert system 专家系统private network 专用网络tra nsiti on 转变,转换,跃迁relay 转播relay 转播,中继repeater 转发器,中继器pursue追赶,追踪,追求,继续desktop publish 桌面岀版ultraviolet 紫外线的,紫外的;紫外线辐射field 字段vendor自动售货机,厂商n aturally 自然的;天生具备的syn thesize 综合,合成in tegrate 综合,使完全ISDN(i ntergrated services digital n etwork)综合业务数字网as a whole 总体上bus network 总线形网crossbar 纵横,交叉impeda nce 阻抗ini tial 最初的,开始的optimum 最佳条件appear as 作为…岀现A An alog 模拟A/D An alog to Digital 模-数转换AAC Adva need Audio Codi ng 高级音频编码ABB Automatic Black Bala nce 自动黑平衡ABC American Broadcast ing Compa ny 美国广播公司Automatic Bass Compe nsati on 自动低音补偿Automatic Bright ness Con trol 自动亮度控制ABL Automatic Black Level 自动黑电平ABLC Automatic Bright ness Limiter Circuit 自动亮度限制电路ABU Asia n Broadcast ing Un io n 亚洲广播联盟(亚广联ABS American Bureau of Sta ndard 美国标准局AC Access Con ditio ns 接入条件Audio Cen ter 音频中心ACA Adjace nt Cha nnel Atte nuati on 邻频道衰减ACC Automatic Ce nteri ng Co ntrol 自动中心控制Automatic Chroma Control 自动色度(增益ACK Automatic Chroma Killer 自动消色器ACP Additive Colour Process 加色法ACS Access Co ntrol SystemAdva need Comm uni cati on Service 高级通信业务Area Comm uni cati on System区域通信系统ADC An alog to Digital Con verter 模-数转换器Automatic Degaussirng Circuit 自动消磁电路ADL Acoustic Delay Li ne 声延迟线ADS Audio Distribution System 音频分配系统AE Audio Erasi ng 音频(声音AEF Automatic Editi ng Fun ction 自动编辑功能AES Audio Engin eeri ng Society 音频工程协会AF AudioFreque ncy 音频AFA Audio Freque ncy Amplifier 音频放大器AFC Automatic Freque ncy Coder 音频编码器Automatic Freque ncy Co ntrol 自动频率控制AFT Automatic Fi ne Tuning 自动微调Automatic Freque ncy Track 自动频率跟踪Automatic Freque ncy Trim 自动额率微调AGC Automatic Ga in Con trol 自动增益控制AI ArtificialIn tellige nce 人工智能ALM Audio-Level Meter 音频电平表AM Amplitude Modulation 调幅AMS Automatic Music Se nsor置ANC Automatic Noise Ca nceller 自动噪声消除器ANT ANTe nna 天线AO An alog Output 模拟输岀APS Automatic Program Search 自动节目搜索APPS Automatic Program Pause System 自动节目暂停系统APSS Automatic Program Search System 自动节目搜索系统AR Audio Respo nse 音频响应ARC Automatic Remote Con trol 自动遥控ASCII American Standard Code for InformationIn tercha nge 美国信息交换标准AST Automatic Sca nning Tracki ng 自动扫描跟踪ATC Automatic Timi ng Co ntrol 自动定时控制Automatic Tone Correcti on 自动音频校正ATM Asy nchro nous Tra nsfer Mode 异步传输模式ATF Automatic Track Fi ndi ng 自动寻迹ATS Automatic Test System 自动测试系统ATSC Adva need Televisio n Systems Committee(美国高级电视制式委员会)***C Automatic Volume Con trol 自动音量控制***R Automatic Voltage Regulator 自动稳压器AWB Automatic White Bala nee 自动白平衡AZCAutomatic Zoomi ng Con trol 自动变焦控制AZSAutomatic Zero Setti ng 自动调零BA Bra nch Amplifier 分支放大器Buffer Amplifier 缓冲放大器BAC Bin ary-A nalog Co nversion 二进制模拟转换BB Black Burst 黑场信号BBC British Broadcast ing Corporation 英国广播公司BBI Beiji ng Broadcasti ng In stitute 北京广播学院BC Bin ary Code 二进制码Bala need Curre nt 平衡电流Broadcast Con trol 广播控制BCT Ban dwidth Compressi on Tech nique 带宽压缩技术BDB Bi-directio nal Data Bus 双向数据总线BER Basic En codi ng Rules 基本编码规则Bit Error Rate 比特误码率BF Burst Flag 色同步旗脉冲BFA Bare Fiber Adapter 裸光纤适配器Brilloui n Fiber Amplifier 布里渊光纤放大器BGM Backgrou nd Music 背景音乐BIOS Basic In put / Output System 基本输入输出系统B-ISDN Broadba nd-ISDN 宽带综合业务数据网BIU Basic In formation Un it 基本信息单元Bus In terface Unit 总线接口单元BM Bi-phase Modulation 双相调制BML Busi ness Man ageme nt Layer 商务管理层BN Backbo ne Network 主干网BNT Broadba nd Network Termi natio n 宽带网络终端设备BO Bus Out 总线输岀BPG Basic Pulse Gen erator 基准脉冲发生器BPS Ba nd Pitch Shift 分频段变调节器BSI British Sta ndard In stitute 英国标准学会BSS Broadcast Satellite Service 广播卫星业务BT Block Term in al 分线盒、分组终端British Telecom 英国电信BTA Broadba nd Termi nal Adapter 宽带终端适配器Broadcasti ng Tech no logy Associati on (日本BTL Bala need Tran sformer-Less 桥式推挽放大电路BTS Broadcast Tech nical Sta ndard 广播技术标接入控制系统自动音乐传感装BTU Basic Tra nsmission Un it 基本传输单元BVU Broadcasting Video Unit 广播视频型(一种3/4英寸带录像机记录格式BW Ban dWidth 带宽BWTV Black and White Televisio n 黑白电视CA Co nditio nal Access 条件接收CAC Con ditio nal Access Con trol 条件接收控制CAL Co nti nuity Accept Limit 连续性接受极限CAS Con ditio nal Access System 条件接收系统Co nditio nalAccess Sub-system 条件接收子系统CATV Cable Televisi on 有线电视,电缆电视Commu nity An te nna Televisio n 共用天线电视C*** Con sta nt An gular Velocity 恒角速度CBC Can adia n Broadcasti ng Corporati on 力口拿大广播公司CBS Columbia Broadcasti ng System (美国哥伦比亚广播公司CC Concen tric Cable 同轴电缆CCG Chi nese Character Gen erator 中文字幕发生器CCIR In ter nati onal Radio Con sultativeCommittee 国际无线电咨询委员会CCITT In ter nati onal Telegraph and Teleph oneCon sultativeCommittee 国际电话电报咨询委员会CCR Cen tral Co ntrol Room 中心控制室CCTV Chi na Ce ntral Televisio n 中国中央电视台Close-Circuit Televisio n 闭路电视CCS Cen ter Cen tral System 中心控制系统CCU Camera Con trol Un it 摄像机控制器CCW Cou nter Clock-Wise 反时针方向CD Compact Disc 激光唱片CDA Curre nt Dumpi ng Amplifier 电流放大器CD-E Compact Disc Erasable 可抹式激光唱片CDFM Compact Disc File Man ager 光盘文件管理(程序CDPG Compact-Disc Plus Graphic 带有静止图像的CD唱盘CD-ROM Compact Disc-Read Only Memory 只读式紧凑光盘CETV Chi na Educatio nal Televisio n 中国教育电视台CF Color Frami ng 彩色成帧CGA Color Graphics Adapter 彩色图形(显示卡CI Common In terface 通用接口CGA Color Graphics Adapter 彩色图形(显示卡CI Common In terface 通用接口CIE Chin ese In stitute of ElectronicsCII China Information Infrastructure础设施CIF Comm on In termediate FormatCIS Chin ese In dustrial Sta ndardCLV Con sta nt Lin ear Velocity 恒定线速度CM Colour Mon itor 彩色监视器CMTS Cable Modem Termi nation System 线缆调制解调器终端系统CNR Carrier-to-Noise Ratio 载噪比CON Co nsole 操纵台Con troller 控制器CPB Corporation of Public Broadcasti ng (美国公共广播公司CPU Central Processi ng Un it 中央处理单元CRC Cyclic Redu nda ncy Check 循环冗余校验CRCC CRI Cyclic Redu ndan cy Check Code 循环冗余校验码CROM Chi na Radio In ter natio nal 中国国际广播电台CRT Con trol Read Only Memory 控制只读存储器CS Cathode-Ray Tube 阴极射线管CSC Commu nication Satellite 通信卫星CSS Color Sub-carrier 彩色副载波Cen ter Storage Server 中央存储服务器Con te nt Scrambl ing System 内容加扰系统CSU Cha nnel Service Un it 信道业务单元CT Color Temperature 色温CTC Cassette Tape Co ntroller 盒式磁带控制器Cha nnel Traffic Con trol 通道通信量控制Cou nter Timer Circuit 计数器定时器电路Cou nter Timer Con trol 计数器定时器控制CTE Cable Term in ation Equipme nt 线缆终端设备Customer Term inal Equipme nt 用户终端设备CTV Color Televisi on 彩色电视CVD Chi na Video Disc 中国数字视盘CW Carrie Wave 载波DAB Digital Audio Broadcast ing 数字音频广播DASH Digital Audio Statio nary Head 数字音频静止磁头DAT Digital Audio Tape 数字音频磁带DBMS Data Base Man ageme nt System 数据库管理系统DBS Direct Broadcast Satellite 直播卫星DCC Digital Compact Cassette 数字小型盒带Dyn amic Co ntrast Co ntrol 动态对比度控制DCT Digital Compo nent Tech nology 数字分量技术Discrete Cosi ne Tra nsform 离散余弦变换DCTV Digital Color Televisio n 数字彩色电视DD DirectDrive 直接驱动DDC Direct Digital C on trol 直接数字控制DDE Dy namic Data Excha nge 动态数据交换DDM Data Display Mon itor 数据显示监视器DES Data Eleme ntary Stream 数据基本码流Data En cryption Sta ndard 美国数据加密标准DF Dispersio n Flatte ned 色散平坦光纤DG Differe ntial Gai n 微分增益DI Digital In terface 数字接口DITEC Digital Televisio n Camera 数字电视摄像机DL Delay Line 延时线DLD Dyn amic Lin ear Drive 动态线性驱动DM Delta Modulation 增量调制Digital Modulation 数字调制DMB Digital Multimedia Broadcasti ng 数字多媒体广播DMC Dyn amic Motio n Co ntrol 动态控制DME Digital Multiple Effect 数字多功能特技DMS Digital Masteri ng System 数字主系统DN Data Network 数据网络DNG Digital News Gatheri ng 数字新闻采集DNR Digital Noise Reducer 数字式降噪器DOB Data Output Bus 数据输岀总线DOCSIS Data Over Cable Service In terfaceSpecificatio ns 有线数据传输业务接口规范DOC Drop Out Compe nsati on 失落补偿DOS Disc Operat ing System 磁盘操作系统DP Differe ntial Phase 微分相位Data Pulse 数据脉冲DPCM Differe ntial Pulse Code Modulation 差值脉冲编码调制DPL Dolby Pro Logic 杜比定向逻辑DSB Digital Satellite Broadcasti ng 数字卫星广播DSC Digital Studio Con trol 数字演播室控制DSD Dolby Surrou nd Digital 杜比数字环绕声DSE Digital Special Effect 数字特技DSK Dow n-Stream Key 下游键DSP Digital Sig nal Process ing 数字信号处理Digital Sou nd Processor 数字声音处理器DSS Digital Satellite System 数字卫星系统DT Digital Tech ni que 数字技术Digital Televisio n 数字电视Data Term in al 数据终端Data Tran smissi on 数据传输DTB Digital Terrestrial Broadcast ing 数字地面广播DTBC Digital Time-Base Corrector 数字时基校正器DTC Digital Televisio n Camera 数字电视摄像机DTS Digital Theater System 数字影院系统Digital Tuning System 数字调谐系统Digital Televisio n Sta ndard 数字电视标准DVB Digital Video Broadcast ing 数字视频广播DVC Digital Video Compressio n 数字视频压缩DVE Digital Video Effect 数字视频特技DVS Desktop Video Studio 桌上视频演播DVTR Digital Video Tape Recorder 数字磁带录像机EA Exte nsion Ampl ifier 延长放大器EB Electro n Beam 电子束EBS Emerge ncy Broadcast ing System 紧急广播系统EBU European Broadcast ing Un io n 欧洲广播联盟EC Error Correctio n 误差校正ECN Emerge ncy Comm un icati ons Network 应急通信网络ECS European Comm un icatio n Satellite 欧洲通信卫星EDC Error Detection Code 错误检测码EDE Electro nic Data Excha nge 电子数据交换EDF Erbium-Doped Fiber 掺饵光纤EDFA Erbium-Doped Fiber Amplifier 掺饵光纤放大器EDL Edit Decisi on List 编辑点清单EDTV Exte nded Defi niti on Televisi on 扩展清晰度电视EE Error Excepted 允许误差EFM Eight to Fourteen Modulation 8-14 调制EFP Electro nic Field Production 电子现场节目制作EH Ether net Hosts 以太网主机EIN Equivale nt m put Noise 等效输入噪声EIS Electro nic In formation System 电子信息系统EISA Exte nded In dustrial Sta ndard Architecture扩展工业标准总线EL Electro-Lum in esce nt 场致发光EM Error Mo nitori ng 误码监测EN End Node 末端节点ENG Electro nic News Gatheri ng 电子新闻采集EOT End of Tape 带尾EP Edit Poi nt 编辑点Error Protocol 错误协议EPG Electro nic Program Guides 电子节目指南EPS Emerge ncy Power Supply 应急电源ERP Effective Radiated Power 有效辐射功率ES Eleme ntary Stream 基本码流End System 终端系统ESA European Space Age ncy 欧洲空间局ETV Educati on Televisio n 教育电视FA Enhan ced Televisio n 增强电视FABM FAS Facial An imatio n 面部动画FC Fiber Amp li fier Booster Module 光纤放大器增强模块Fiber Access System 光纤接入系统Freque ncy Chan ger 变频器FCC Fiber Cha nnel 光纤通道FD Film Composer 电影编辑系统Federal Comm un icatio ns Commissio n 美国联邦通信委员会FDCT Freque ncy Divider 分频器FDDI FDM Fiber Duct 光纤管道FDP Forward Discrete Cos ine Tran sform 离散余弦正变换FE Fiber Distributed Data In terface 分布式光纤数据接口Freque ncy-Divisi on Multiplexi ng 频分复用中国电子学会中国信息基通用中间格式中国工业标准。
自动化专业英语词汇大全
自动化专业英语词汇大全acceleration transducer 加速度传感器acceptance testing 验收测试accessibility 可及性accumulated error 累积误差AC-DC-AC frequency converter 交-直-交变频器AC (alternating current) electric drive 交流电子传动active attitude stabilization 主动姿态稳定actuator 驱动器,执行机构adaline 线性适应元adaptation layer 适应层adaptive telemeter system 适应遥测系统adjoint operator 伴随算子admissible error 容许误差aggregation matrix 集结矩阵AHP (analytic hierarchy process) 层次分析法amplifying element 放大环节analog-digital conversion 模数转换annunciator 信号器antenna pointing control 天线指向控制anti-integral windup 抗积分饱卷aperiodic decomposition 非周期分解a posteriori estimate 后验估计approximate reasoning 近似推理a priori estimate 先验估计articulated robot 关节型机器人assignment problem 配置问题,分配问题associative memory model 联想记忆模型associatron 联想机asymptotic stability 渐进稳定性attained pose drift 实际位姿漂移attitude acquisition 姿态捕获AOCS (attritude and orbit control system) 姿态轨道控制系统attitude angular velocity 姿态角速度attitude disturbance 姿态扰动attitude maneuver 姿态机动attractor 吸引子augment ability 可扩充性augmented system 增广系统automatic manual station 自动-手动操作器automaton 自动机autonomous system 自治系统backlash characteristics 间隙特性base coordinate system 基座坐标系Bayes classifier 贝叶斯分类器bearing alignment 方位对准bellows pressure gauge 波纹管压力表benefit-cost analysis 收益成本分析bilinear system 双线性系统biocybernetics 生物控制论biological feedback system 生物反馈系统black box testing approach 黑箱测试法blind search 盲目搜索block diagonalization 块对角化Boltzman machine 玻耳兹曼机bottom-up development 自下而上开发boundary value analysis 边界值分析brainstorming method 头脑风暴法breadth-first search 广度优先搜索butterfly valve 蝶阀CAE (computer aided engineering) 计算机辅助工程CAM (computer aided manufacturing) 计算机辅助制造Camflex valve 偏心旋转阀canonical state variable 规范化状态变量capacitive displacement transducer 电容式位移传感器capsule pressure gauge 膜盒压力表CARD 计算机辅助研究开发Cartesian robot 直角坐标型机器人cascade compensation 串联补偿catastrophe theory 突变论centrality 集中性chained aggregation 链式集结chaos 混沌characteristic locus 特征轨迹chemical propulsion 化学推进calrity 清晰性classical information pattern 经典信息模式classifier 分类器clinical control system 临床控制系统closed loop pole 闭环极点closed loop transfer function 闭环传递函数cluster analysis 聚类分析coarse-fine control 粗-精控制cobweb model 蛛网模型coefficient matrix 系数矩阵cognitive science 认知科学cognitron 认知机coherent system 单调关联系统combination decision 组合决策combinatorial explosion 组合爆炸combined pressure and vacuum gauge 压力真空表command pose 指令位姿companion matrix 相伴矩阵compartmental model 房室模型compatibility 相容性,兼容性compensating network 补偿网络compensation 补偿,矫正compliance 柔顺,顺应composite control 组合控制computable general equilibrium model 可计算一般均衡模型conditionally instability 条件不稳定性configuration 组态connectionism 连接机制connectivity 连接性conservative system 守恒系统consistency 一致性constraint condition 约束条件consumption function 消费函数context-free grammar 上下文无关语法continuous discrete event hybrid system simulation 连续离散事件混合系统仿真continuous duty 连续工作制control accuracy 控制精度control cabinet 控制柜controllability index 可控指数controllable canonical form 可控规范型[control] plant 控制对象,被控对象controlling instrument 控制仪表control moment gyro 控制力矩陀螺control panel 控制屏,控制盘control synchro 控制[式]自整角机control system synthesis 控制系统综合control time horizon 控制时程cooperative game 合作对策coordinability condition 可协调条件coordination strategy 协调策略coordinator 协调器corner frequency 转折频率costate variable 共态变量cost-effectiveness analysis 费用效益分析coupling of orbit and attitude 轨道和姿态耦合critical damping 临界阻尼critical stability 临界稳定性cross-over frequency 穿越频率,交越频率current source inverter 电流[源]型逆变器cut-off frequency 截止频率cybernetics 控制论cyclic remote control 循环遥控cylindrical robot 圆柱坐标型机器人damped oscillation 阻尼振荡damper 阻尼器damping ratio 阻尼比data acquisition 数据采集data encryption 数据加密data preprocessing 数据预处理data processor 数据处理器DC generator-motor set drive 直流发电机-电动机组传动D controller 微分控制器decentrality 分散性decentralized stochastic control 分散随机控制decision space 决策空间decision support system 决策支持系统decomposition-aggregation approach 分解集结法decoupling parameter 解耦参数deductive-inductive hybrid modeling method 演绎与归纳混合建模法delayed telemetry 延时遥测derivation tree 导出树derivative feedback 微分反馈describing function 描述函数desired value 希望值despinner 消旋体destination 目的站detector 检出器deterministic automaton 确定性自动机deviation 偏差deviation alarm 偏差报警器DFD 数据流图diagnostic model 诊断模型diagonally dominant matrix 对角主导矩阵diaphragm pressure gauge 膜片压力表difference equation model 差分方程模型differential dynamical system 微分动力学系统differential game 微分对策differential pressure level meter 差压液位计differential pressure transmitter 差压变送器differential transformer displacement transducer 差动变压器式位移传感器differentiation element 微分环节digital filer 数字滤波器digital signal processing 数字信号处理digitization 数字化digitizer 数字化仪dimension transducer 尺度传感器direct coordination 直接协调disaggregation 解裂discoordination 失协调discrete event dynamic system 离散事件动态系统discrete system simulation language 离散系统仿真语言discriminant function 判别函数displacement vibration amplitude transducer 位移振幅传感器dissipative structure 耗散结构distributed parameter control system 分布参数控制系统distrubance 扰动disturbance compensation 扰动补偿diversity 多样性divisibility 可分性domain knowledge 领域知识dominant pole 主导极点dose-response model 剂量反应模型dual modulation telemetering system 双重调制遥测系统dual principle 对偶原理dual spin stabilization 双自旋稳定duty ratio 负载比dynamic braking 能耗制动dynamic characteristics 动态特性dynamic deviation 动态偏差dynamic error coefficient 动态误差系数dynamic exactness 动它吻合性dynamic input-output model 动态投入产出模型econometric model 计量经济模型economic cybernetics 经济控制论economic effectiveness 经济效益economic evaluation 经济评价economic index 经济指数economic indicator 经济指标eddy current thickness meter 电涡流厚度计effectiveness 有效性effectiveness theory 效益理论elasticity of demand 需求弹性electric actuator 电动执行机构electric conductance levelmeter 电导液位计electric drive control gear 电动传动控制设备electric hydraulic converter 电-液转换器electric pneumatic converter 电-气转换器electrohydraulic servo vale 电液伺服阀electromagnetic flow transducer 电磁流量传感器electronic batching scale 电子配料秤electronic belt conveyor scale 电子皮带秤electronic hopper scale 电子料斗秤elevation 仰角emergency stop 异常停止empirical distribution 经验分布endogenous variable 内生变量equilibrium growth 均衡增长equilibrium point 平衡点equivalence partitioning 等价类划分ergonomics 工效学error 误差error-correction parsing 纠错剖析estimate 估计量estimation theory 估计理论evaluation technique 评价技术event chain 事件链evolutionary system 进化系统exogenous variable 外生变量expected characteristics 希望特性external disturbance 外扰fact base 事实failure diagnosis 故障诊断fast mode 快变模态feasibility study 可行性研究feasible coordination 可行协调feasible region 可行域feature detection 特征检测feature extraction 特征抽取feedback compensation 反馈补偿feedforward path 前馈通路field bus 现场总线finite automaton 有限自动机FIP (factory information protocol) 工厂信息协议first order predicate logic 一阶谓词逻辑fixed sequence manipulator 固定顺序机械手fixed set point control 定值控制FMS (flexible manufacturing system) 柔性制造系统flow sensor/transducer 流量传感器flow transmitter 流量变送器fluctuation 涨落forced oscillation 强迫振荡formal language theory 形式语言理论formal neuron 形式神经元forward path 正向通路forward reasoning 正向推理fractal 分形体,分维体frequency converter 变频器frequency domain model reduction method 频域模型降阶法frequency response 频域响应full order observer 全阶观测器functional decomposition 功能分解FES (functional electrical stimulation) 功能电刺激functional simularity 功能相似fuzzy logic 模糊逻辑game tree 对策树gate valve 闸阀general equilibrium theory 一般均衡理论generalized least squares estimation 广义最小二乘估计generation function 生成函数geomagnetic torque 地磁力矩geometric similarity 几何相似gimbaled wheel 框架轮global asymptotic stability 全局渐进稳定性global optimum 全局最优globe valve 球形阀goal coordination method 目标协调法grammatical inference 文法推断graphic search 图搜索gravity gradient torque 重力梯度力矩group technology 成组技术guidance system 制导系统gyro drift rate 陀螺漂移率gyrostat 陀螺体Hall displacement transducer 霍尔式位移传感器hardware-in-the-loop simulation 半实物仿真harmonious deviation 和谐偏差harmonious strategy 和谐策略heuristic inference 启发式推理hidden oscillation 隐蔽振荡hierarchical chart 层次结构图hierarchical planning 递阶规划hierarchical control 递阶控制homeostasis 内稳态homomorphic model 同态系统horizontal decomposition 横向分解hormonal control 内分泌控制hydraulic step motor 液压步进马达hypercycle theory 超循环理论I controller 积分控制器identifiability 可辨识性IDSS (intelligent decision support system) 智能决策支持系统image recognition 图像识别impulse 冲量impulse function 冲击函数,脉冲函数inching 点动incompatibility principle 不相容原理incremental motion control 增量运动控制index of merit 品质因数inductive force transducer 电感式位移传感器inductive modeling method 归纳建模法industrial automation 工业自动化inertial attitude sensor 惯性姿态敏感器inertial coordinate system 惯性坐标系inertial wheel 惯性轮inference engine 推理机infinite dimensional system 无穷维系统information acquisition 信息采集infrared gas analyzer 红外线气体分析器inherent nonlinearity 固有非线性inherent regulation 固有调节initial deviation 初始偏差initiator 发起站injection attitude 入轨姿势input-output model 投入产出模型instability 不稳定性instruction level language 指令级语言integral of absolute value of error criterion 绝对误差积分准则integral of squared error criterion 平方误差积分准则integral performance criterion 积分性能准则integration instrument 积算仪器integrity 整体性intelligent terminal 智能终端interacted system 互联系统,关联系统interactive prediction approach 互联预估法,关联预估法interconnection 互联intermittent duty 断续工作制internal disturbance 内扰ISM (interpretive structure modeling) 解释结构建模法invariant embedding principle 不变嵌入原理inventory theory 库伦论inverse Nyquist diagram 逆奈奎斯特图inverter 逆变器investment decision 投资决策isomorphic model 同构模型iterative coordination 迭代协调jet propulsion 喷气推进job-lot control 分批控制joint 关节Kalman-Bucy filer 卡尔曼-布西滤波器knowledge accomodation 知识顺应knowledge acquisition 知识获取knowledge assimilation 知识同化KBMS (knowledge base management system) 知识库管理系统knowledge representation 知识表达ladder diagram 梯形图lag-lead compensation 滞后超前补偿Lagrange duality 拉格朗日对偶性Laplace transform 拉普拉斯变换large scale system 大系统lateral inhibition network 侧抑制网络least cost input 最小成本投入least squares criterion 最小二乘准则level switch 物位开关libration damping 天平动阻尼limit cycle 极限环linearization technique 线性化方法linear motion electric drive 直线运动电气传动linear motion valve 直行程阀linear programming 线性规划LQR (linear quadratic regulator problem) 线性二次调节器问题load cell 称重传感器local asymptotic stability 局部渐近稳定性local optimum 局部最优log magnitude-phase diagram 对数幅相图long term memory 长期记忆lumped parameter model 集总参数模型Lyapunov theorem of asymptotic stability 李雅普诺夫渐近稳定性定理macro-economic system 宏观经济系统magnetic dumping 磁卸载magnetoelastic weighing cell 磁致弹性称重传感器magnitude-frequency characteristic 幅频特性magnitude margin 幅值裕度magnitude scale factor 幅值比例尺manipulator 机械手man-machine coordination 人机协调manual station 手动操作器MAP (manufacturing automation protocol) 制造自动化协议marginal effectiveness 边际效益Mason's gain formula 梅森增益公式master station 主站matching criterion 匹配准则maximum likelihood estimation 最大似然估计maximum overshoot 最大超调量maximum principle 极大值原理mean-square error criterion 均方误差准则mechanism model 机理模型meta-knowledge 元知识metallurgical automation 冶金自动化minimal realization 最小实现minimum phase system 最小相位系统minimum variance estimation 最小方差估计minor loop 副回路missile-target relative movement simulator 弹体-目标相对运动仿真器modal aggregation 模态集结modal transformation 模态变换MB (model base) 模型库model confidence 模型置信度model fidelity 模型逼真度model reference adaptive control system 模型参考适应控制系统model verification 模型验证modularization 模块化MEC (most economic control) 最经济控制motion space 可动空间MTBF (mean time between failures) 平均故障间隔时间MTTF (mean time to failures) 平均无故障时间multi-attributive utility function 多属性效用函数multicriteria 多重判据multilevel hierarchical structure 多级递阶结构multiloop control 多回路控制multi-objective decision 多目标决策multistate logic 多态逻辑multistratum hierarchical control 多段递阶控制multivariable control system 多变量控制系统myoelectric control 肌电控制Nash optimality 纳什最优性natural language generation 自然语言生成nearest-neighbor 最近邻necessity measure 必然性侧度negative feedback 负反馈neural assembly 神经集合neural network computer 神经网络计算机Nichols chart 尼科尔斯图noetic science 思维科学noncoherent system 非单调关联系统noncooperative game 非合作博弈nonequilibrium state 非平衡态nonlinear element 非线性环节nonmonotonic logic 非单调逻辑nonparametric training 非参数训练nonreversible electric drive 不可逆电气传动nonsingular perturbation 非奇异摄动non-stationary random process 非平稳随机过程nuclear radiation levelmeter 核辐射物位计nutation sensor 章动敏感器Nyquist stability criterion 奈奎斯特稳定判据objective function 目标函数observability index 可观测指数observable canonical form 可观测规范型on-line assistance 在线帮助on-off control 通断控制open loop pole 开环极点operational research model 运筹学模型optic fiber tachometer 光纤式转速表optimal trajectory 最优轨迹optimization technique 最优化技术orbital rendezvous 轨道交会orbit gyrocompass 轨道陀螺罗盘orbit perturbation 轨道摄动order parameter 序参数orientation control 定向控制originator 始发站oscillating period 振荡周期output prediction method 输出预估法oval wheel flowmeter 椭圆齿轮流量计overall design 总体设计overdamping 过阻尼overlapping decomposition 交叠分解Pade approximation 帕德近似Pareto optimality 帕雷托最优性passive attitude stabilization 被动姿态稳定path repeatability 路径可重复性pattern primitive 模式基元PR (pattern recognition) 模式识别P control 比例控制器peak time 峰值时间penalty function method 罚函数法perceptron 感知器periodic duty 周期工作制perturbation theory 摄动理论pessimistic value 悲观值phase locus 相轨迹phase trajectory 相轨迹phase lead 相位超前photoelectric tachometric transducer 光电式转速传感器phrase-structure grammar 短句结构文法physical symbol system 物理符号系统piezoelectric force transducer 压电式力传感器playback robot 示教再现式机器人PLC (programmable logic controller) 可编程序逻辑控制器plug braking 反接制动plug valve 旋塞阀pneumatic actuator 气动执行机构point-to-point control 点位控制polar robot 极坐标型机器人pole assignment 极点配置pole-zero cancellation 零极点相消polynomial input 多项式输入portfolio theory 投资搭配理论pose overshoot 位姿过调量position measuring instrument 位置测量仪posentiometric displacement transducer 电位器式位移传感器positive feedback 正反馈power system automation 电力系统自动化predicate logic 谓词逻辑pressure gauge with electric contact 电接点压力表pressure transmitter 压力变送器price coordination 价格协调primal coordination 主协调primary frequency zone 主频区PCA (principal component analysis) 主成分分析法principle of turnpike 大道原理priority 优先级process-oriented simulation 面向过程的仿真production budget 生产预算production rule 产生式规则profit forecast 利润预测PERT (program evaluation and review technique) 计划评审技术program set station 程序设定操作器proportional control 比例控制proportional plus derivative controller 比例微分控制器protocol engineering 协议工程prototype 原型pseudo random sequence 伪随机序列pseudo-rate-increment control 伪速率增量控制pulse duration 脉冲持续时间pulse frequency modulation control system 脉冲调频控制系统pulse width modulation control system 脉冲调宽控制系统PWM inverter 脉宽调制逆变器pushdown automaton 下推自动机QC (quality control) 质量管理quadratic performance index 二次型性能指标qualitative physical model 定性物理模型quantized noise 量化噪声quasilinear characteristics 准线性特性queuing theory 排队论radio frequency sensor 射频敏感器ramp function 斜坡函数random disturbance 随机扰动random process 随机过程rate integrating gyro 速率积分陀螺ratio station 比值操作器reachability 可达性reaction wheel control 反作用轮控制realizability 可实现性,能实现性real time telemetry 实时遥测receptive field 感受野rectangular robot 直角坐标型机器人rectifier 整流器recursive estimation 递推估计reduced order observer 降阶观测器redundant information 冗余信息reentry control 再入控制regenerative braking 回馈制动,再生制动regional planning model 区域规划模型regulating device 调节装载regulation 调节relational algebra 关系代数relay characteristic 继电器特性remote manipulator 遥控操作器remote regulating 遥调remote set point adjuster 远程设定点调整器rendezvous and docking 交会和对接reproducibility 再现性resistance thermometer sensor 热电阻resolution principle 归结原理resource allocation 资源分配response curve 响应曲线return difference matrix 回差矩阵return ratio matrix 回比矩阵reverberation 回响reversible electric drive 可逆电气传动revolute robot 关节型机器人revolution speed transducer 转速传感器rewriting rule 重写规则rigid spacecraft dynamics 刚性航天动力学risk decision 风险分析robotics 机器人学robot programming language 机器人编程语言robust control 鲁棒控制robustness 鲁棒性roll gap measuring instrument 辊缝测量仪root locus 根轨迹roots flowmeter 腰轮流量计rotameter 浮子流量计,转子流量计rotary eccentric plug valve 偏心旋转阀rotary motion valve 角行程阀rotating transformer 旋转变压器Routh approximation method 劳思近似判据routing problem 路径问题sampled-data control system 采样控制系统sampling control system 采样控制系统saturation characteristics 饱和特性scalar Lyapunov function 标量李雅普诺夫函数SCARA (selective compliance assembly robot arm) 平面关节型机器人scenario analysis method 情景分析法scene analysis 物景分析s-domain s域self-operated controller 自力式控制器self-organizing system 自组织系统self-reproducing system 自繁殖系统self-tuning control 自校正控制semantic network 语义网络semi-physical simulation 半实物仿真sensing element 敏感元件sensitivity analysis 灵敏度分析sensory control 感觉控制sequential decomposition 顺序分解sequential least squares estimation 序贯最小二乘估计servo control 伺服控制,随动控制servomotor 伺服马达settling time 过渡时间sextant 六分仪short term planning 短期计划short time horizon coordination 短时程协调signal detection and estimation 信号检测和估计signal reconstruction 信号重构similarity 相似性simulated interrupt 仿真中断simulation block diagram 仿真框图simulation experiment 仿真实验simulation velocity 仿真速度simulator 仿真器single axle table 单轴转台single degree of freedom gyro 单自由度陀螺single level process 单级过程single value nonlinearity 单值非线性singular attractor 奇异吸引子singular perturbation 奇异摄动sink 汇点slaved system 受役系统slower-than-real-time simulation 欠实时仿真slow subsystem 慢变子系统socio-cybernetics 社会控制论socioeconomic system 社会经济系统software psychology 软件心理学solar array pointing control 太阳帆板指向控制solenoid valve 电磁阀source 源点specific impulse 比冲speed control system 调速系统spin axis 自旋轴spinner 自旋体stability criterion 稳定性判据stability limit 稳定极限stabilization 镇定,稳定Stackelberg decision theory 施塔克尔贝格决策理论state equation model 状态方程模型state space description 状态空间描述static characteristics curve 静态特性曲线station accuracy 定点精度stationary random process 平稳随机过程statistical analysis 统计分析statistic pattern recognition 统计模式识别steady state deviation 稳态偏差steady state error coefficient 稳态误差系数step-by-step control 步进控制step function 阶跃函数stepwise refinement 逐步精化stochastic finite automaton 随机有限自动机strain gauge load cell 应变式称重传感器strategic function 策略函数strongly coupled system 强耦合系统subjective probability 主观频率suboptimality 次优性supervised training 监督学习supervisory computer control system 计算机监控系统sustained oscillation 自持振荡swirlmeter 旋进流量计switching point 切换点symbolic processing 符号处理synaptic plasticity 突触可塑性synergetics 协同学syntactic analysis 句法分析system assessment 系统评价systematology 系统学system homomorphism 系统同态system isomorphism 系统同构system engineering 系统工程tachometer 转速表target flow transmitter 靶式流量变送器task cycle 作业周期teaching programming 示教编程telemechanics 远动学telemetering system of frequency division type 频分遥测系统telemetry 遥测teleological system 目的系统teleology 目的论temperature transducer 温度传感器template base 模版库tensiometer 张力计texture 纹理theorem proving 定理证明therapy model 治疗模型thermocouple 热电偶thermometer 温度计thickness meter 厚度计three-axis attitude stabilization 三轴姿态稳定three state controller 三位控制器thrust vector control system 推力矢量控制系统thruster 推力器time constant 时间常数time-invariant system 定常系统,非时变系统time schedule controller 时序控制器time-sharing control 分时控制time-varying parameter 时变参数top-down testing 自上而下测试topological structure 拓扑结构TQC (total quality control) 全面质量管理tracking error 跟踪误差trade-off analysis 权衡分析transfer function matrix 传递函数矩阵transformation grammar 转换文法transient deviation 瞬态偏差transient process 过渡过程transition diagram 转移图transmissible pressure gauge 电远传压力表transmitter 变送器trend analysis 趋势分析triple modulation telemetering system 三重调制遥测系统turbine flowmeter 涡轮流量计Turing machine 图灵机two-time scale system 双时标系统ultrasonic levelmeter 超声物位计unadjustable speed electric drive 非调速电气传动unbiased estimation 无偏估计underdamping 欠阻尼uniformly asymptotic stability 一致渐近稳定性uninterrupted duty 不间断工作制,长期工作制unit circle 单位圆unit testing 单元测试unsupervised learing 非监督学习upper level problem 上级问题urban planning 城市规划utility function 效用函数value engineering 价值工程variable gain 可变增益,可变放大系数variable structure control system 变结构控制vector Lyapunov function 向量李雅普诺夫函数velocity error coefficient 速度误差系数velocity transducer 速度传感器vertical decomposition 纵向分解vibrating wire force transducer 振弦式力传感器vibrometer 振动计viscous damping 粘性阻尼voltage source inverter 电压源型逆变器vortex precession flowmeter 旋进流量计vortex shedding flowmeter 涡街流量计WB (way base) 方法库weighing cell 称重传感器weighting factor 权因子weighting method 加权法Whittaker-Shannon sampling theorem 惠特克-香农采样定理Wiener filtering 维纳滤波work station for computer aided design 计算机辅助设计工作站w-plane w平面zero-based budget 零基预算zero-input response 零输入响应zero-state response 零状态响应zero sum game model 零和对策模型z-transform z变换。
1起儿童感染新型冠状病毒肺炎的家庭聚集性疫情分析
•50 •预防医学论坛2021年1月第27卷第1期Prev M e d Trib, Vol. 27,No. 1.Jan. 2021•调查研究•1起儿童感染新型冠状病毒肺炎的家庭聚集性疫情分析王蔚茹1,柴晓茹2,耿兴义1,赵小冬1,杨国樑1,孙湛(通讯作者V1.济南市疾病预防控制中心,山东济南250021; 2•济南市市中区疾病预防控制中心,山东济南250022摘要:目的分析济南市1起家庭聚集性儿童感染新冠肺炎疫情及传播特点,为制定防控策略提供科学依据。
方法按照《新型冠状病毒肺炎防控方案(第五版)》以首例病例为线索.对密切接触者进行个案调查,分析其传播路径,对采集的 相关标本进行新冠病毒核酸检测。
结果2例病例临床严重程度均为普通型。
首例病例A于2020年1月24日发病,二代儿童病例B发病日期为首例病例发病后第10天,由于年龄小认知不足与病例A有多次接触,家庭聚集性感染风险 较高,其他家庭成员均未发病,传播链清晰.为1起儿童感染新冠肺炎家庭聚集性疫情。
结论及早发现传染源.对密切接触者进行早期筛查,对防止传播有重要意义。
关键词:新型冠状病毒肺炎;儿童;聚集性;传播路径;防控中图分类号:R511 文献标识码文章编号:1672 —9153(2021)01 —0050 —03Analysis on a child family cluster outbreaksof novel coronavirus pneumoniaW A N G W ei-ru' ,C H A I X iao-ru,G E N G X in g-y i,Z H A() X iao-dong,Y A N G G u o-lian g.S U N Zhan*J in a n C ity Center f o r Disease Control a n d P revention ^ J in a n, Shandorig ^250021 yChitiaA bstract :Objective T o analyze the epidem ic and transm ission characteristics of a child fam ily cluster o u tbreaks of novelcoronavirus pneum onia in Jinan c ity,so as to provide the scientific basis for the prevention and control strategies. M ethods A ccording to the P revention a n d Control P lans o f N ovel C oronavirus P neum onia (5th e d itio n) , the first case was taken as the clue to conduct a investigation on the close co n tacts,an alyze the transm ission ch ain.an d conduct 2019-nCoV nucleic acid test on the collected sam ples. Results T he clinical severity of the 2 cases w as all norm al. T h e first case A diseased on Janu ary 24,2020,then the second child case diseased after 10 d a y s,th e case B was m ultiply exposed to the caseA due to the age-related cognitive deficits. It w as at a high infection risk. T he o th er family m em bers w ere not ill. T he chainof transm ission w as clear. It was a child family cluster o u tbreaks of novel coronavirus pneum onia. Conclusion It is great significance to detect the source of infection as early as possible and screen people in close contact to prevent transm ission.Key w ords: Novel coronavirus pneum onia;C h ild ren;C lu sterin g;Chain of tran sm issio n;Prevention and control新型冠状病毒(2019-nCoV)引起了不明原因的肺 炎疫情[1]。
适合直线的点云聚类方法
适合直线的点云聚类方法In the realm of computer vision and robotics, point cloud clustering is a crucial task that aims to group similar points in athree-dimensional space. Among various clustering methods, those suitable for linear point clouds stand out due to their ability to handle data points arranged in straight lines or near-linear patterns. These methods are particularly useful in scenarios like road detection in autonomous vehicles or linear feature extraction in remote sensing applications.One popular approach for linear point cloud clustering is the use of line segment extraction algorithms. These algorithms detect straight line segments within the point cloud and group nearby points accordingly. A common example is the RANSAC (Random Sample Consensus) algorithm, which iteratively fits line models to random subsets of data points and identifies the model with the most support from the data. By applying such methods, it becomes possible to cluster points that align with linear structures effectively.适合直线的点云聚类方法在计算机视觉和机器人技术领域中占据重要地位,旨在将三维空间中的相似点进行分组。
武汉疫情英文作文
武汉疫情英文作文The COVID-19 Outbreak in Wuhan: A Turning Point for Global HealthIn late 2019, the world was shaken by the emergence of a novel coronavirus that would soon become known as COVID-19. The epicenter of this outbreak was the city of Wuhan, located in the Hubei province of China. As the virus rapidly spread, Wuhan found itself at the center of a global health crisis that would test the resilience of both the Chinese government and the international community.The first cases of the virus were reported in Wuhan in December 2019, with the initial cluster of infections linked to a local seafood market. As the number of cases began to rise, the Chinese authorities quickly moved to investigate the situation and implement measures to contain the outbreak. However, the speed at which the virus was spreading, coupled with the lack of knowledge about its nature and transmission, made it a formidable challenge to control.In the early stages of the outbreak, the Wuhan municipal government faced criticism for its perceived slow response and lack of transparency. There were concerns that the authorities haddownplayed the severity of the situation and delayed the release of crucial information to the public. This led to a growing sense of fear and uncertainty among the residents of Wuhan, who found themselves at the epicenter of a rapidly evolving health crisis.As the situation in Wuhan deteriorated, the Chinese government took unprecedented steps to contain the spread of the virus. On January 23rd, 2020, the city was placed under a complete lockdown, with all public transportation, including flights and trains, suspended. This drastic measure was accompanied by the construction of two makeshift hospitals, Huoshenshan and Leishenshan, which were built in just 10 days to accommodate the influx of COVID-19 patients.The lockdown of Wuhan had a profound impact on the city's residents, who were forced to adapt to a new way of life. Businesses were shut down, schools were closed, and people were required to stay indoors, with only one member of each household allowed to leave for essential supplies. The psychological toll of the lockdown was immense, as people grappled with isolation, fear, and uncertainty about the future.Despite the hardships faced by the people of Wuhan, the city's healthcare workers emerged as true heroes in the fight against COVID-19. Doctors, nurses, and other medical professionals worked tirelessly, often at great personal risk, to care for the growingnumber of patients. Many of them made the ultimate sacrifice, losing their lives in the line of duty.The international community closely followed the events unfolding in Wuhan, with many countries offering assistance and support to China in its efforts to contain the outbreak. However, the global response was not without its challenges. There were concerns about the transparency of the Chinese government's reporting, as well as allegations of a lack of cooperation with international health organizations.As the COVID-19 pandemic continued to spread around the world, the lessons learned from the Wuhan outbreak became increasingly important. The crisis highlighted the need for better global coordination and preparedness in the face of emerging infectious diseases. It also underscored the importance of early detection, rapid response, and effective communication in managing public health emergencies.Today, the COVID-19 pandemic continues to have a profound impact on the world, with millions of lives lost and economies devastated. However, the lessons learned from the Wuhan outbreak have played a crucial role in shaping the global response to the crisis. As the world grapples with the ongoing challenges, it is clear that theevents in Wuhan will be remembered as a turning point in the history of global health.。
检测服务进度方案
检测服务进度方案背景随着网络和信息技术的发展,各个行业对数据的需求越来越大,数据的准确性和实时性成为了重要的要求之一。
在数据分析的过程中,需要对数据进行检测,以保证数据的有效性和准确性。
因此,需要一种高效可靠的检测服务进度方案。
目标本文旨在介绍一种适用于数据检测的服务进度方案,并且提高精确度和效率,使其更好的应用于实际的业务场景。
方案检测算法首先,需要选择合适的检测算法。
在数据科学和机器学习领域,有许多成熟的数据检测算法,如LOF、KNN、孤立森林等。
针对不同的场景需求,我们可以选择不同的算法进行检测。
数据整合其次,在实现检测服务的过程中,需要对原始数据进行一些处理和整合。
这包括数据质量检测、数据清洗和数据格式转换。
数据整合的目标是将原始数据整理成适合使用的格式。
可视化展示为了让用户更方便地了解检测进度和结果,检测服务应该提供数据可视化的功能,可以使用数据可视化工具,如Matplotlib、D3.js等。
数据可视化有利于用户更加直观地了解数据检测的结果和分析结果。
服务状态监控由于检测服务需要运行一定的时间,因此需要提供状态监控功能。
状态监控负责监测检测服务的运行状况,包括启动状态、检测进度、检测完成状态等。
用于方便用户随时获取服务状态,使得业务流程能有效进行。
结论通过上述方案的实施,可以使得数据检测服务更有效率、准确度更高,并且可以在更广泛的业务场景中使用。
同时,需要指出的是,具体实施方案需要根据不同的业务需求进行调整,提高服务的效率和准确性。
参考文献•He, Z., Xu, X., & Huang, S. (2003). Independence-based approach to anomalous cluster detection. In Proceedings of the ninth ACM SIGKDD international conference on knowledge discovery and data mining (pp. 137–146).。
变点检测python
变点检测python变点检测是指在时间序列数据中寻找突变点的过程。
突变点是指序列中出现显著的变化的位置,可以用于识别数据中的异常情况或趋势转换点。
Python提供了许多库和工具来进行变点检测,包括ruptures、changepoint_detection、tslearn等。
一、ruptures库ruptures库是一个Python库,用于在时间序列数据中检测突变点。
它支持多种模型和方法,并提供了可视化工具来帮助用户理解检测结果。
1.安装要安装ruptures库,请使用以下命令:pip install ruptures2.使用使用ruptures库进行变点检测需要执行以下步骤:(1)导入ruptures库和numpy库:import ruptures as rptimport numpy as np(2)创建时间序列数据:n_samples, dim, sigma = 1000, 1, 4n_bkps = 4 # number of breakpointssignal, bkps = rpt.sig.gaussian_noise(n_samples, dim, n_bkps, sigma=sigma)print(signal)(3)选择模型和方法:model = "l2" # "l1", "rbf", "linear", "normal", "ar"algo = rpt.Dynp(model=model).fit(signal)(4)计算突变点:result = algo.predict(n_bkps=n_bkps)print(result)3.可视化为了更好地理解结果,可以使用ruptures库提供的可视化工具来绘制时间序列和检测到的突变点:rpt.display(signal, bkps, result)plt.show()二、changepoint_detection库changepoint_detection库是一个Python库,用于在时间序列数据中检测突变点。
- 1、下载文档前请自行甄别文档内容的完整性,平台不提供额外的编辑、内容补充、找答案等附加服务。
- 2、"仅部分预览"的文档,不可在线预览部分如存在完整性等问题,可反馈申请退款(可完整预览的文档不适用该条件!)。
- 3、如文档侵犯您的权益,请联系客服反馈,我们会尽快为您处理(人工客服工作时间:9:00-18:30)。
GeoComputation 20058th International Conference on GeoComputation1-3 Aug 2005, Ann Arbor, MichiganCluster Detection in Point Event Data havingTendency Towards Spatially Repetitive EventsAllan J. BrimicombeCentre for Geo-Information Studies,University of East London, University Way, London E16 2RD, UKa.j.brimicombe@Extended AbstractIntroductionThe analysis of point event patterns in geography, ecology and epidemiology have a long tradition (e.g. Snow, 1855; Clark & Evans, 1954; Harvey, 1966; Mantel, 1967; Cliff & Ord, 1981). The patterns detected are usually broadly classified as random, uniform or clustered. Whilst spatial randomness has traditionally been assumed to have no underlying process of interest, Phillips (1999) has pointed out that such apparent randomness may be attributable to chaotic deterministic patterns. For spatial uniformity a space-filling, mutual exclusion process can be hypothesised. Nevertheless, it is clustered patterns that raise the strongest interest and hypotheses for underlying processes. Thus cluster detection lies at the heart of spatial data mining (Murray & Estivill-Castro, 1998; Openshaw, 1998; Murray, 2000; Miller & Han, 2001).Certain classes of point event patterns exhibit a tendency towards spatial repetitiveness (within the resolution of geo-positioning) although with a temporal separation. Typical examples are certain types of crime recorded against a property address (e.g. residential burglary, shoplifting, intimate partner violence), road accidents recorded against a section of road or intersection or utility failures recorded against a node or discrete section of network. The focus of analysis is on defining ‘hot spots’ or ‘black spots’ where spatial clustering exists, but the occurrence of spatial superimposition of point events challenge existing approaches to cluster detection. In this paper a variable resolution approach, Geo-ProZone analysis is applied to residential burglary data exhibiting a high level of repeat victimisation. This is coupled with robust normalisation as a means of defining and visualising ‘hot spots’.Cluster detection of ‘hot spots’The literature on spatial clustering of point events can be broadly classified into two approaches. One set of approaches is allied to mainstream statistics emanating from the work of Sokal and Sneath (1963). Thus clustering is a means of classification or grouping where clusters are “groups of highly similar entities” (Aldenderfer & Blashfield, 1984, p7). Spatially, cluster analysis will seek to form a segmentation into regions which minimise within-cluster variation but maximise between-cluster variation. There is a general expectation that the clustering mutually exclusively includes all points and is therefore space-filling within the geographical extent of the data (see for example Murray & Estivill-Castro (1998), Murray (2000)). Halls et al. (2001) and Estivill-Castro & Lee (2002) provide examples of the use of Dirichlet and Delaunay diagrams respectively to define spatial clusters. These algorithms, however, will fail where points occupy the same location and to de-duplicate the data set will lead to important data loss. The other broad set of approaches uses spatially exhaustive search to identify localises excesses of occurrence. This is typified by theGeographical Analysis Machine (GAM) and its descendants (Openshaw et al., 1987; Openshaw, 1998). Similar approaches are based around kernel density estimation (Silverman, 1986; Brunsdon, 1995) in which the highest densities form ‘hot spots’ (e.g. Gatrell et al., 1996). This approach is particularly popular in crime analysis (Harries, 1999; Ratcliffe & McCullagh, 1999; McLafferty et al., 2000) with GIS functionality available, for example, in Spatial Analyst extension to ArcView® and Hotspot Detective for MapInfo® (Figure 1). This is an interpolation that transforms the point events into a continuous surface and with any such technique, parameters need to be set which are critical to the outcome. For kernel density estimation these are the underlying grid size and kernel bandwidth. Reasonable values for parameters can be difficult to estimate.(a)(b)Figure 1:Kernel density estimation for ‘hot spot’ detection: (a) burglary point event data set; (b) kernel density estimation with ‘hot spots’ taken as the highest intensities.The burglary data set has a large number of repeat victimisations giving superimposed point events. Theory would suggest that ‘hot spots’ would be quite localised. High crime areas are primarily so because they are areas of high repeat offending and high repeat victimisation (Trickett et al., 1992; Townsley et al., 2003). Kernel density estimation, as used by many police analysts, smoothes over the very localised repeat victimisations in favour of the regional pattern with choice of end result driven more by the aesthetic qualities of the visualisation. Boundary effects around the edge of data sets are also a problem for density estimation and ‘hot spots’ are rarely found by police analysts to exist at the boundary. Software in the public domain by Atkinson & Unwin (2002) for MapInfo® does offer a buffer to avoid spurious values at boundaries but does not entirely overcome the problem of how to identify real ‘hot spots’ that exist at boundaries. Figure 1(b) focuses attention on crime counts, an elevated share of crime in a localised area. ‘Hot spots’ based on counts inform the deployment resources in response to events. Less common in crime analysis (but more common, for example, in epidemiology) are ‘hot spots’ based on elevated rates. Such ‘hot spots’ reflect the level of risk and thus inform deployment of resources for mitigation. For the same distribution of point events, ‘hot spots’ based on counts are often different to those based on rates as the latter are not just a function of the distribution of point events but also the underlying population at risk. Ideally both should be used.The Geo-ProZone algorithmThe theory of adaptive recursive tessellations is given in Tsui and Brimicombe (1997a) with applications of their use for spatial analysis in Tsui and Brimicombe (1997b). Specific application to point pattern analysis can be found in Brimicombe and Tsui (2000), Brimicombe (2003). At the heart of adaptive recursive tessellations is a variable resolution approach to space. No longer are scale and resolution treated as being uniform across an area but are allowed to vary spatially in response to the point pattern. This is achieved through a recursive decomposition of space, similar to quadtrees, but allowing variable decomposition ratios and rectangular cells. The algorithm makes no prior assumptions about the statistical or spatial distribution of points. Each point is treated as a binary occurrence of some phenomenon without further descriptive attributes. The decision to further decompose any one cell larger than the atomic cell size is based on the variance at the next level of decomposition and a heuristic on the number of empty cells that result. The atomic cell size is mediated between the average nearest neighbour distance and average cell size per point. Tests have shown the algorithm to be consistently effective in comparison with otherapproaches of point cluster detection (Brimicombe & Tsui 2000). The resulting clusters, or ‘hot spots’, are termed Geo-ProZones (GPZ) as they represent zones of geographical proximity in the point pattern. GPZ are not an interpolation, but a segmentation into polygons having internal consistency in the distribution and density of the point events within them. GPZ for the burglary events in Figure 1 are given in Figure 2.(a)(b)(c)Figure 2:Geo-ProZone analysis: (a) burglary point events; (b) GPZ for density of burglaries per hectare; (c) GPZ for rate of burglaries per thousand households.The pattern in Figure 2(b) reflects the pattern in Figure 1(b). The underlying speckle is because all events are mapped without smoothing. The highest densities, or what would be interpreted as ‘hot spots’, occur as more localised concentrations of repeat victimisation. Since GPZ are a segmentation rather than an interpolation, they can be re-classified as rates. Figure 2(c) shows GPZ as rates per thousand households from the underlying census data. The pattern of hot spots is quite different and identifies where citizens are at greatest risk. Some of these areas appear reasonably extensive, others quite localised.Robust normalisation for outlier detection and consistent visualisationWhilst GPZ offers important methodological improvements in cluster detection where there is a tendency towards localised repetitive events, outstanding issues for this and kernel density approaches relate to the well-known limitations of thematic mapping: number class intervals, the fixing of class boundaries and what colours to use. There is added issue of what constitutes the cut off for a ‘hot spot’. In practice, decisions often lack consistency. One approach is through data normalisation and robust normalisation has been introduced (Brimicombe, 1999, 2000) as an alternative to the Z transformation where data are skewed. The term ‘robust’ refers to the use of the median and inter-quartile range from robust statistics (Hettmansperger & McKean, 1998). The outcome of robust normalisation is a distribution of median = 0, lower quartile = -1 and upper quartile = +1. Values of <-3 and >+3 are considered extreme values and the transformation can be used consistently for detecting outliers. Robust normalisation is achieved in the following manner, the algorithm easily coded as a Microsoft® Excel macro:Robust normalisation can be applied to both to area-based data and to density estimate interpolations. For ‘hot spot’ detection it is the extreme positive values (> 3) that are of most interest. The robust normalised distribution easily lends itself to five or seven class intervals with class boundaries at quartiles (in the seven class interval scheme the values immediately around the median are further separated, as in Figure 3) and can be used in a standardised way for all visualisations and allows more objective comparisons between maps. Figure 3 shows robust normalisation applied to GPZ densities and rates from Figure 2 overcoming problems of arbitrary numbers of classes and class intervals. Localised ‘hot spots’ are where there are extreme values.(a)(b)(c)Figure 3Applying robust normalisation: (a) burglary point events; (b) GPZ for density of burglaries per hectare; (c) GPZ for rate of burglaries per thousand households.ConclusionsA consistent approach to cluster detection and visualisation of ‘hot spots’ through the combined use of Geo-ProZones and robust normalisation has been presented. The Geo-ProZones algorithm overcomes problems raised when data sets exhibit a tendency towards spatially repetitive events and where ‘hot spots’ will be highly localised. It also overcomes the boundary issues found in kernel density estimation. The algorithm is suited to producing both segmentations of point densities and rates/risk in relation to underlying populations at risk. Robust normalisation provides consistency in defining class intervals with ‘hot spots’ as localised extremes. Visual map comparisons for decision making are rendered more objective. Applications of the approach have been successfully used in analyses of crime, health and pipe bursts in water reticulation systems.ReferencesAldenderfer, M. S. and Blashfield, R. K. (1984) Cluster Analysis. Sage, California.Atkinson, P.J. and Unwin, D.J. (2002) Density and local attribute estimation of an infectious disease using MapInfo.Computers and Geosciences 28: 1095-1105Brimicombe, A.J. (1999) Small may be beautiful - but is simple sufficient? Geographical and Environmental Modelling 3: 9-33Brimicombe, A.J. (2000) Constructing and evaluating contextual indices using GIS: a case of primary school performance. Environment & Planning A 32: 1909-1933Brimicombe, A.J. (2003) A variable resolution approach to cluster discovery in spatial data mining. In Kumar et al. (eds) Computational Science and its Applications. Springer-Verlag, Berlin, vol. 3: 1-11Brimicombe, A. J. and Tsui H. Y. (2000) A variable resolution, geocomputational approach to the analysis of point patterns. Hydrological Processes 14: 2143-2155Brunsdon, C. (1995) Estimating probability surfaces for geographical point data: an adaptive kernel algorithm. Computers and Geosciences 21: 877-894Clark, P. J. and Evans, F. C. (1954) Distance to nearest neighbour as a measure of spatial relations in populations.Ecology 35: 445-453Cliff, A. D. and Ord, J. K. (1981) Spatial Processes: Models and Applications. Pion, London.Estivill-Castro, V. and Lee, I. (2002) Argument free clustering for large spatial point-data sets via boundary extraction from Delaunay Diagram. Computers, Environment and Urban Systems 26: 315-334Gatrell, A. C.; Bailey, T. C.; Diggle, P. J. and Rowlingson, B. S. (1996) Spatial point pattern analysis and its application in geographical epidemiology. Transactions of the Institute of British Geographers NS 21: 256-274Halls, P.J.; Bulling, M.; White, P. C. L.; Garland, L. and Harris S. (2001) Dirichlet neighbours: revisiting Dirichlet tessellation for neighbourhood analysis. Computers, Environment and Urban Systems 25: 105-117Harries, K. (1999) Mapping Crime: Principle and Practice. National Institute of Justice, Washington DC.Harvey, D. W. (1966) Geographical processes and point patterns: testing models of diffusion by quadrat sampling.Transactions of the Institute of British Geographers 40: 81-95Hettmansperger, T.P. and McKean, J.W. (1998) Robust Nonparametric Statistical Methods. Arnold, London. MacQueen, J. (1967) Some methods for classification and analysis of multivariate observations. Proceedings of the 5th Berkeley Symposium on Maths and Statistics Problem s Vol 1: 281-297Mantel, M. (1967) The detection of disease clustering and a generalised regression approach. Cancer Research 27: 209-220McLafferty, S.; Williamson, D. and McGuire, P.G. (2000) Identifying crime hotspots using kernel smoothing. In Goldsmith et al. (eds) Analyzing Crime Patterns, Sage, Thousand Oaks, CA: 77-85Miller, H. J. and Han, J. (2001) Geographic Data Mining and Knowledge Discovery. Taylor & Francis, London.Murray, A. T. (2000) Spatial characteristics and comparisons of interaction and median clustering models. Geographical Analysis 32: 1-18Murray, A. T. and Estivill-Castro, V. (1998) Cluster discovery techniques for exploratory spatial data analysis.International Journal of Geographical Information Science 12: 431-443Openshaw, S. (1998) Building automated geographical analysis and explanation machines. In Longley et al. (eds.) Geocomputation: A Primer. Chichester: Wiley: 95-115Openshaw, S.; Charlton, M. E.; Wymer, C. and Craft, A. W. (1987) A mark I geographical analysis machine for the automated analysis of point data sets. International Journal of Geographical Information Systems 1: 359-377 Phillips, J. D. (1999) Spatial analysis in physical geography and challenge of deterministic uncertainty. Geographical Analysis 31: 359-372Ratcliffe, J.H. and McCullagh, M.J. (1999) Hotbeds of crime and the search for spatial accuracy. Journal of Geographical Systems 1: 385-398Silverman, B.W. (1986) Density Estimation for Statistics and Data Analysis. Chapman & Hall, New York.Snow, J. (1855) On the Mode of Communication of Cholera. Churchill Livingstone, London.Sokal, R. and Sneath, P. (1963) Principles of Numerical Taxonomy. Freeman, San Francisco.Townsley, M.; Homel, R. and Chaseling, J. (2003) Infectious burglaries. A test of the near repeat hypothesis. British Journal of Criminology 43: 615-633Trickett, A.; Osborne, D.K.; Seymour, J. and Pease, K. (1992) What is different about high crime areas? British Journal of Criminology 32: 81-90Tsui, H. Y. and Brimicombe, A. J. (1997a) Adaptive recursive tessellations (ART) for Geographical Information Systems.International Journal of Geographical Information Science 11: 247-263Tsui, H. Y. and Brimicombe, A. J. (1997b) Hierarchical tessellations model and its use in spatial analysis. Transactions in GIS 2: 267-279Statement on trade names and trademarks: Where a name is used by a company to distinguish their product which they may claim as a trade name or trademark, then that name appears here with an initial capital or all in capital letters. Mention of such proprietary or commercial products does not constitute an endorsement, nor indeed a refutation of these products.Allan Brimicombe is Professor and Head of the Centre for Geo-Information Studies at the University of East London, UK. Research interests include: spatial data mining, GIS and simulation modelling, location-based services.。